From e718bd4f4c4258c2783c2b86c4b38e120d7f450e Mon Sep 17 00:00:00 2001
From: xxl <505279206@qq.com>
Date: Fri, 14 Mar 2025 14:56:33 +0800
Subject: [PATCH] first commit
---
README.md | 143 +-
config.json | 43 +
configuration_doge.py | 228 +
generation_config.json | 7 +
model.safetensors | 3 +
modeling_doge.py | 1198 +
special_tokens_map.json | 23 +
tokenizer.json | 164208 +++++++++++++++++++++++++++++++++++++
tokenizer_config.json | 2066 +
9 files changed, 167917 insertions(+), 2 deletions(-)
create mode 100644 config.json
create mode 100644 configuration_doge.py
create mode 100644 generation_config.json
create mode 100644 model.safetensors
create mode 100644 modeling_doge.py
create mode 100644 special_tokens_map.json
create mode 100644 tokenizer.json
create mode 100644 tokenizer_config.json
diff --git a/README.md b/README.md
index e6dc6b4..a339d37 100644
--- a/README.md
+++ b/README.md
@@ -1,3 +1,142 @@
-# Doge-160M-Instruct
+---
+library_name: transformers
+license: apache-2.0
+datasets:
+- HuggingFaceTB/smoltalk
+- HuggingFaceH4/ultrafeedback_binarized
+base_model:
+- SmallDoge/Doge-160M
+language:
+- en
+pipeline_tag: question-answering
+tags:
+- trl
+- sft
+- dpo
+- doge
+---
-Doge-160M-Instruct
\ No newline at end of file
+
+# **Doge 160M Instruct**
+
+
+

+
+
+
+
+Doge uses Dynamic Mask Attention as sequence transformation and can use Multi-Layer Perceptron or Cross Domain Mixture of Experts as state transformation. Dynamic Mask Attention allows the Transformer to use self-attention during training and state space during inference, and Cross Domain Mixture of Experts can directly inherit the weights of Multi-Layer Perceptron for further training. This model is trained by [SmallDoge](https://huggingface.co/SmallDoge) community, for detailed algorithm and model architecture, please refer to [Wonderful Matrices](https://arxiv.org/abs/2412.11834), all training details and code are publicly available on the [small-doge](https://github.com/SmallDoges/small-doge) repository.
+
+
+## Uses
+
+```python
+from transformers import AutoTokenizer, AutoModelForCausalLM, GenerationConfig, TextStreamer
+
+tokenizer = AutoTokenizer.from_pretrained("SmallDoge/Doge-160M-Instruct")
+model = AutoModelForCausalLM.from_pretrained("SmallDoge/Doge-160M-Instruct", trust_remote_code=True)
+
+generation_config = GenerationConfig(
+ max_new_tokens=100,
+ use_cache=True,
+ do_sample=True,
+ temperature=0.8,
+ top_p=0.9,
+ repetition_penalty=1.0
+)
+steamer = TextStreamer(
+ tokenizer=tokenizer,
+ skip_prompt=True
+)
+
+prompt = "Hi, how are you doing today?"
+conversation = [
+ {"role": "user", "content": prompt}
+]
+inputs = tokenizer.apply_chat_template(
+ conversation=conversation,
+ tokenize=True,
+ return_tensors="pt",
+)
+
+outputs = model.generate(
+ inputs,
+ tokenizer=tokenizer,
+ generation_config=generation_config,
+ streamer=steamer
+)
+```
+
+
+## Model Details
+
+We build the Doge-Instruct by first SFT on [SmolTalk](https://huggingface.co/datasets/HuggingFaceTB/smoltalk) and then DPO on [UltraFeedback Binarized](https://huggingface.co/datasets/HuggingFaceH4/ultrafeedback_binarized).
+
+> TODO: The larger model is under training and will be uploaded soon.
+
+**SFT**:
+| Model | Training Data | Epochs | Content Length | LR | Batch Size | Precision |
+|---|---|---|---|---|---|---|
+| [Doge-20M-Instruct-SFT](https://huggingface.co/SmallDoge/Doge-20M-Instruct-SFT) | [HuggingFaceTB/smoltalk](https://huggingface.co/datasets/HuggingFaceTB/smoltalk) | 2 | 2048 | 8e-4 | 0.25M | bfloat16 |
+| [Doge-60M-Instruct-SFT](https://huggingface.co/SmallDoge/Doge-60M-Instruct-SFT) | [HuggingFaceTB/smoltalk](https://huggingface.co/datasets/HuggingFaceTB/smoltalk) | 2 | 2048 | 6e-4 | 0.25M | bfloat16 |
+| [Doge-160M-Instruct-SFT](https://huggingface.co/SmallDoge/Doge-160M-Instruct-SFT) | [HuggingFaceTB/smoltalk](https://huggingface.co/datasets/HuggingFaceTB/smoltalk) | 2 | 2048 | 4e-4 | 0.25M | bfloat16 |
+
+**DPO**:
+| Model | Training Data | Epochs | Content Length | LR | Batch Size | Precision |
+|---|---|---|---|---|---|---|
+| [Doge-20M-Instruct](https://huggingface.co/SmallDoge/Doge-20M-Instruct) | [HuggingFaceH4/ultrafeedback_binarized](https://huggingface.co/datasets/HuggingFaceH4/ultrafeedback_binarized) | 2 | 1024 | 8e-5 | 0.125M | bfloat16 |
+| [Doge-60M-Instruct](https://huggingface.co/SmallDoge/Doge-60M-Instruct) | [HuggingFaceH4/ultrafeedback_binarized](https://huggingface.co/datasets/HuggingFaceH4/ultrafeedback_binarized) | 2 | 1024 | 6e-5 | 0.125M | bfloat16 |
+| [Doge-160M-Instruct](https://huggingface.co/SmallDoge/Doge-160M-Instruct) | [HuggingFaceH4/ultrafeedback_binarized](https://huggingface.co/datasets/HuggingFaceH4/ultrafeedback_binarized) | 2 | 1024 | 4e-5 | 0.125M | bfloat16 |
+
+
+**Evaluation**:
+
+| Model | IFEval (Prompt Strict Acc) | MMLU | BBH | ARC | PIQA | HellaSwag | tokens / s on i7-11 CPU |
+|---|---|---|---|---|---|---|---|
+| [Doge-20M-Instruct](https://huggingface.co/SmallDoge/Doge-20M-Instruct) | 7.3 | 26.3 | 18.3 | 29.2 | 57.8 | 27.8 | 142 |
+| [Doge-60M-Instruct](https://huggingface.co/SmallDoge/Doge-60M-Instruct) | 7.4 | 27.5 | 27.7 | 37.5 | 61.4 | 32.1 | 62 |
+| [SmolLM-135M-Instruct](https://huggingface.co/HuggingFaceTB/SmolLM-135M-Instruct) | 12.2 | 28.3 | 25.2 | 33.9 | 64.0 | 38.9 | 30 |
+| [Doge-160M-Instruct](https://huggingface.co/SmallDoge/Doge-160M-Instruct) | 16.8 | 29.7 | 29.1 | 42.8 | 64.1 | 37.1 | 28 |
+
+
+**Procedure**:
+
+**SFT**:
+[
](https://wandb.ai/loser_cheems/huggingface/runs/0jht5dro)
+
+**DPO**:
+[
](https://wandb.ai/loser_cheems/huggingface/runs/m5onn07v)
+
+
+**Environment**:
+- Image: nvcr.io/nvidia/pytorch:24.12-py3
+- Hardware: 1x NVIDIA RTX 4090
+- Software: Transformers, TRL
+
+
+## Citation
+
+```bibtex
+@misc{shi2024wonderfulmatrices,
+ title={Wonderful Matrices: Combining for a More Efficient and Effective Foundation Model Architecture},
+ author={Jingze Shi and Bingheng Wu},
+ year={2024},
+ eprint={2412.11834},
+ archivePrefix={arXiv},
+ primaryClass={cs.LG},
+ url={https://arxiv.org/abs/2412.11834},
+}
+```
\ No newline at end of file
diff --git a/config.json b/config.json
new file mode 100644
index 0000000..5a9e39f
--- /dev/null
+++ b/config.json
@@ -0,0 +1,43 @@
+{
+ "_name_or_path": "SmallDoge/Doge-160M-Instruct",
+ "architectures": [
+ "DogeForCausalLM"
+ ],
+ "attention_dropout": 0.0,
+ "auto_map": {
+ "AutoConfig": "configuration_doge.DogeConfig",
+ "AutoModelForCausalLM": "modeling_doge.DogeForCausalLM"
+ },
+ "bos_token_id": 0,
+ "dynamic_mask_ratio": 0.0,
+ "eos_token_id": 1,
+ "expert_retrieval_size": 64,
+ "hidden_act": "silu",
+ "hidden_bias": false,
+ "hidden_dropout": 0.0,
+ "hidden_size": 768,
+ "initializer_range": 0.02,
+ "intermediate_size": 1536,
+ "is_moe": false,
+ "max_position_embeddings": 2048,
+ "model_type": "doge",
+ "num_attention_heads": 6,
+ "num_cdmoe_experts": 16348,
+ "num_cdmoe_experts_per_head": 8,
+ "num_cdmoe_heads": 4,
+ "num_hidden_layers": 24,
+ "num_key_value_heads": 3,
+ "pad_token_id": 2,
+ "rms_norm_eps": 1e-06,
+ "rope_scaling": {
+ "factor": 4.0,
+ "original_max_position_embeddings": 2048,
+ "rope_type": "dynamic"
+ },
+ "rope_theta": 10000.0,
+ "tie_word_embeddings": true,
+ "torch_dtype": "float32",
+ "transformers_version": "4.48.3",
+ "use_cache": true,
+ "vocab_size": 32768
+}
diff --git a/configuration_doge.py b/configuration_doge.py
new file mode 100644
index 0000000..a57b932
--- /dev/null
+++ b/configuration_doge.py
@@ -0,0 +1,228 @@
+# 🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨
+# This file was automatically generated from src/transformers/models/doge/modular_doge.py.
+# Do NOT edit this file manually as any edits will be overwritten by the generation of
+# the file from the modular. If any change should be done, please apply the change to the
+# modular_doge.py file directly. One of our CI enforces this.
+# 🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨
+# coding=utf-8
+# Copyright 2024 Jingze Shi and the HuggingFace Inc. team. All rights reserved.
+#
+# This code is based on the Wonderful Matrices paper implementation.
+# The Doge family of small language models is trained by Jingze Shi.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+from transformers.configuration_utils import PretrainedConfig
+from transformers.modeling_rope_utils import rope_config_validation
+
+
+class DogeConfig(PretrainedConfig):
+ r"""
+ This is the configuration class to store the configuration of a [`DogeModel`]. It is used to instantiate an Doge
+ model according to the specified arguments, defining the model architecture like [SmallDoge/Doge-20M](https://huggingface.co/SmallDoge/Doge-20M).
+
+ Configuration objects inherit from [`PretrainedConfig`] and can be used to control the model outputs. Read the
+ documentation from [`PretrainedConfig`] for more information.
+
+ Args:
+ vocab_size (`int`, *optional*, defaults to 32768):
+ Vocabulary size of the Doge model. Defines the number of different tokens that can be represented by the `inputs_ids` passed when calling [`DogeModel`]
+ hidden_size (`int`, *optional*, defaults to 1024):
+ Dimension of the hidden representations.
+ intermediate_size (`int`, *optional*, defaults to 2048):
+ Dimension of the MLP representations.
+ num_hidden_layers (`int`, *optional*, defaults to 32):
+ Number of hidden layers in the Transformer decoder.
+ hidden_bias (`bool`, *optional*, defaults to `False`):
+ Whether to use bias in the hidden layers.
+ hidden_dropout (`float`, *optional*, defaults to 0.0):
+ Dropout probability for each sequence transformation and state transformation module.
+ hidden_act (`str` or `function`, *optional*, defaults to `"silu"`):
+ The non-linear activation function (function or string) in the decoder.
+ initializer_range (`float`, *optional*, defaults to 0.02):
+ The standard deviation of the truncated_normal_initializer for initializing all weight matrices.
+ rms_norm_eps (`float`, *optional*, defaults to 1e-06):
+ The epsilon used by the rms normalization layers.
+ use_cache (`bool`, *optional*, defaults to `True`):
+ Whether or not the model should return the last key/values attentions (not used by all models). Only
+ relevant if `config.is_decoder=True`.
+ bos_token_id (`int`, *optional*, defaults to 0):
+ Beginning of stream token id.
+ eos_token_id (`int`, *optional*, defaults to 1):
+ End of stream token id.
+ pad_token_id (`int`, *optional*, defaults to 2):
+ Padding token id.
+ tie_word_embeddings (`bool`, *optional*, defaults to `False`):
+ Whether to tie weight embeddings
+ max_position_embeddings (`int`, *optional*, defaults to 2048):
+ The maximum sequence length that this model might ever be used with.
+ rope_theta (`float`, *optional*, defaults to 10000.0):
+ The base period of the RoPE embeddings.
+ rope_scaling (`Dict`, *optional*):
+ Dictionary containing the scaling configuration for the RoPE embeddings.
+ NOTE: if you apply new rope type and you expect the model to work on longer `max_position_embeddings`, we recommend you to update this value accordingly.
+ Doge family of small models use `{ 'rope_type': 'dynamic', 'factor': 4.0, 'original_max_position_embeddings': 2048 }` as the default value.
+ Expected contents:
+ `rope_type` (`str`):
+ The sub-variant of RoPE to use. Can be one of ['default', 'linear', 'dynamic', 'yarn', 'longrope', 'llama3'], with 'default' being the original RoPE implementation.
+ `factor` (`float`, *optional*):
+ Used with all rope types except 'default'. The scaling factor to apply to the RoPE embeddings.
+ In most scaling types, a `factor` of x will enable the model to handle sequences of length x * original maximum pre-trained length.
+ `original_max_position_embeddings` (`int`, *optional*):
+ Used with 'dynamic', 'longrope' and 'llama3'.
+ The original max position embeddings used during pretraining.
+ `attention_factor` (`float`, *optional*):
+ Used with 'yarn' and 'longrope'. The scaling factor to be applied on the attention
+ computation.
+ If unspecified, it defaults to value recommended by the implementation, using the `factor` field to infer the suggested value.
+ `beta_fast` (`float`, *optional*):
+ Only used with 'yarn'. Parameter to set the boundary for extrapolation (only) in the linear
+ ramp function. If unspecified, it defaults to 32.
+ `beta_slow` (`float`, *optional*):
+ Only used with 'yarn'. Parameter to set the boundary for interpolation (only) in the linear
+ ramp function. If unspecified, it defaults to 1.
+ `short_factor` (`List[float]`, *optional*):
+ Only used with 'longrope'. The scaling factor to be applied to short contexts (<`original_max_position_embeddings`).
+ Must be a list of numbers with the same length as the hidden size divided by the number of attention heads divided by 2
+ `long_factor` (`List[float]`, *optional*):
+ Only used with 'longrope'. The scaling factor to be applied to long contexts (<`original_max_position_embeddings`).
+ Must be a list of numbers with the same length as the hidden size divided by the number of attention heads divided by 2
+ `low_freq_factor` (`float`, *optional*):
+ Only used with 'llama3'. Scaling factor applied to low frequency components of the RoPE
+ `high_freq_factor` (`float`, *optional*):
+ Only used with 'llama3'. Scaling factor applied to high frequency components of the RoPE
+ num_attention_heads (`int`, *optional*, defaults to 8):
+ Number of attention heads for each attention layer in the Transformer decoder.
+ num_key_value_heads (`int`, *optional*):
+ This is the number of key_value heads that should be used to implement Grouped Query Attention.
+ If `num_key_value_heads=num_attention_heads`, the model will use Multi Head Attention (MHA), if
+ `num_key_value_heads=1` the model will use Multi Query Attention (MQA) otherwise GQA is used.
+ When converting a multi-head checkpoint to a GQA checkpoint, each group key and value head should be constructed by meanpooling all the original heads within that group.
+ For more details checkout [this paper](https://arxiv.org/pdf/2305.13245.pdf).
+ If it is not specified, will default to `num_attention_heads`.
+ attention_dropout (`float`, *optional*, defaults to 0.0):
+ The dropout ratio for the attention probabilities.
+ dynamic_mask_ratio (`float`, *optional*, defaults to 0.0):
+ The ratio to control the proportion of the dynamic mask filled with the minimum value. For more details checkout [this paper](https://arxiv.org/pdf/2412.11834).
+ is_moe (`bool`, *optional*, defaults to `False`):
+ Whether to use the Cross Domain Mixture of Experts, if `True`, the MoE will inherit the MLP to initialize. For more details checkout [this paper](https://arxiv.org/pdf/2412.11834).
+ num_cdmoe_experts (`int`, *optional*, defaults to 16348):
+ Number of Experts for the Cross Domain Mixture of Experts.
+ num_cdmoe_heads (`int`, *optional*, defaults to 4):
+ Number of retrieval heads, used to mix multi-head experts.
+ num_cdmoe_experts_per_head (`int`, *optional*, defaults to 8):
+ Number of Experts per retrieval head, used to mix multi-head experts.
+ expert_retrieval_size (`int`, *optional*, defaults to 64):
+ Dimension of the Expert retrieval states for calculating the dot product of query and key to determine the expert index.
+
+ ```python
+ >>> from transformers import DogeConfig, DogeModel
+
+ >>> # Initializing a Doge-320M style configuration
+ >>> configuration = DogeConfig()
+
+ >>> # Initializing a model from the Doge-320M style configuration
+ >>> model = DogeModel(configuration)
+
+ >>> # Accessing the model configuration
+ >>> configuration = model.config
+ ```"""
+
+ model_type = "doge"
+ keys_to_ignore_at_inference = ["past_key_values"]
+ # Default tensor parallel plan for base model `DogeModel`
+ base_model_tp_plan = {
+ "layers.*.self_attn.q_proj": "colwise",
+ "layers.*.self_attn.k_proj": "colwise",
+ "layers.*.self_attn.v_proj": "colwise",
+ "layers.*.self_attn.dt_proj": "rowwise",
+ "layers.*.self_attn.o_proj": "rowwise",
+ "layers.*.mlp.gate_proj": "colwise",
+ "layers.*.mlp.up_proj": "colwise",
+ "layers.*.mlp.down_proj": "rowwise",
+ }
+
+ def __init__(
+ self,
+ vocab_size=32768,
+ hidden_size=1024,
+ intermediate_size=2048,
+ num_hidden_layers=32,
+ hidden_bias=False,
+ hidden_dropout=0.0,
+ hidden_act="silu",
+ initializer_range=0.02,
+ rms_norm_eps=1e-06,
+ use_cache=True,
+ bos_token_id=0,
+ eos_token_id=1,
+ pad_token_id=2,
+ tie_word_embeddings=False,
+ max_position_embeddings=2048,
+ rope_theta=10000.0,
+ rope_scaling=None,
+ num_attention_heads=8,
+ num_key_value_heads=None,
+ attention_dropout=0.0,
+ dynamic_mask_ratio=0.0,
+ is_moe=False,
+ num_cdmoe_experts=16348,
+ num_cdmoe_heads=4,
+ num_cdmoe_experts_per_head=8,
+ expert_retrieval_size=64,
+ **kwargs,
+ ):
+ self.vocab_size = vocab_size
+ self.hidden_size = hidden_size
+ self.intermediate_size = intermediate_size
+ self.num_hidden_layers = num_hidden_layers
+
+ self.hidden_bias = hidden_bias
+ self.hidden_dropout = hidden_dropout
+ self.hidden_act = hidden_act
+ self.initializer_range = initializer_range
+ self.rms_norm_eps = rms_norm_eps
+ self.use_cache = use_cache
+
+ self.max_position_embeddings = max_position_embeddings
+ self.rope_theta = rope_theta
+ self.rope_scaling = rope_scaling
+ self.num_attention_heads = num_attention_heads
+ self.num_key_value_heads = num_key_value_heads
+ self.attention_dropout = attention_dropout
+ self.dynamic_mask_ratio = dynamic_mask_ratio
+ self.is_moe = is_moe
+ self.num_cdmoe_experts = num_cdmoe_experts
+ self.num_cdmoe_heads = num_cdmoe_heads
+ self.num_cdmoe_experts_per_head = num_cdmoe_experts_per_head
+ self.expert_retrieval_size = expert_retrieval_size
+
+ # Validate the correctness of rotary position embeddings parameters
+ # BC: if there is a 'type' field, copy it it to 'rope_type'.
+ if self.rope_scaling is not None and "type" in self.rope_scaling:
+ self.rope_scaling["rope_type"] = self.rope_scaling["type"]
+ rope_config_validation(self)
+
+ # for backward compatibility
+ if num_key_value_heads is None:
+ self.num_key_value_heads = num_attention_heads
+
+ super().__init__(
+ bos_token_id=bos_token_id,
+ eos_token_id=eos_token_id,
+ pad_token_id=pad_token_id,
+ tie_word_embeddings=tie_word_embeddings,
+ **kwargs,
+ )
+
+
+__all__ = ["DogeConfig"]
diff --git a/generation_config.json b/generation_config.json
new file mode 100644
index 0000000..4430b72
--- /dev/null
+++ b/generation_config.json
@@ -0,0 +1,7 @@
+{
+ "_from_model_config": true,
+ "bos_token_id": 0,
+ "eos_token_id": 1,
+ "pad_token_id": 2,
+ "transformers_version": "4.48.3"
+}
diff --git a/model.safetensors b/model.safetensors
new file mode 100644
index 0000000..19f8ce1
--- /dev/null
+++ b/model.safetensors
@@ -0,0 +1,3 @@
+version https://git-lfs.github.com/spec/v1
+oid sha256:5ca3abe1683a8fac3b1f2749ad16a75299cb8c4f0fbe24a0b4d085e67a6fb014
+size 610825528
diff --git a/modeling_doge.py b/modeling_doge.py
new file mode 100644
index 0000000..3de42d2
--- /dev/null
+++ b/modeling_doge.py
@@ -0,0 +1,1198 @@
+# 🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨
+# This file was automatically generated from src/transformers/models/doge/modular_doge.py.
+# Do NOT edit this file manually as any edits will be overwritten by the generation of
+# the file from the modular. If any change should be done, please apply the change to the
+# modular_doge.py file directly. One of our CI enforces this.
+# 🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨
+# coding=utf-8
+# Copyright 2024 Jingze Shi and the HuggingFace Inc. team. All rights reserved.
+#
+# This code is based on the Wonderful Matrices paper implementation.
+# The Doge family of small language models is trained by Jingze Shi.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+
+import math
+from typing import Callable, List, Optional, Tuple, Union
+
+import torch
+import torch.nn.functional as F
+from torch import nn
+
+from transformers.activations import ACT2FN
+from transformers.cache_utils import Cache, DynamicCache, StaticCache
+from transformers.generation import GenerationMixin
+from transformers.modeling_attn_mask_utils import AttentionMaskConverter
+from transformers.modeling_outputs import BaseModelOutputWithPast, CausalLMOutputWithPast, SequenceClassifierOutputWithPast
+from transformers.modeling_rope_utils import ROPE_INIT_FUNCTIONS
+from transformers.modeling_utils import PreTrainedModel
+from transformers.processing_utils import Unpack
+from transformers.utils import (
+ LossKwargs,
+ add_start_docstrings,
+ add_start_docstrings_to_model_forward,
+ is_torch_flex_attn_available,
+ logging,
+ replace_return_docstrings,
+)
+from .configuration_doge import DogeConfig
+
+if is_torch_flex_attn_available():
+ from torch.nn.attention.flex_attention import flex_attention
+
+logger = logging.get_logger(__name__)
+
+_CONFIG_FOR_DOC = "DogeConfig"
+
+
+class DogeRMSNorm(nn.Module):
+ def __init__(self, hidden_size, eps=1e-6):
+ """
+ DogeRMSNorm is equivalent to T5LayerNorm
+ """
+ super().__init__()
+ self.weight = nn.Parameter(torch.ones(hidden_size))
+ self.variance_epsilon = eps
+
+ def forward(self, hidden_states):
+ input_dtype = hidden_states.dtype
+ hidden_states = hidden_states.to(torch.float32)
+ variance = hidden_states.pow(2).mean(-1, keepdim=True)
+ hidden_states = hidden_states * torch.rsqrt(variance + self.variance_epsilon)
+ return self.weight * hidden_states.to(input_dtype)
+
+ def extra_repr(self):
+ return f"{tuple(self.weight.shape)}, eps={self.variance_epsilon}"
+
+
+class DogeResidual(nn.Module):
+ def __init__(self, hidden_size):
+ super().__init__()
+ self.weight = nn.Parameter(torch.ones(hidden_size))
+
+ def forward(self, residual_states, hidden_states):
+ return self.weight * residual_states + hidden_states
+
+ def extra_repr(self):
+ return f"{tuple(self.weight.shape)}"
+
+
+class DogeRotaryEmbedding(nn.Module):
+ def __init__(self, config: DogeConfig, device=None):
+ super().__init__()
+ # BC: "rope_type" was originally "type"
+ if hasattr(config, "rope_scaling") and config.rope_scaling is not None:
+ self.rope_type = config.rope_scaling.get("rope_type", config.rope_scaling.get("type"))
+ else:
+ self.rope_type = "default"
+ self.max_seq_len_cached = config.max_position_embeddings
+ self.original_max_seq_len = config.max_position_embeddings
+
+ self.config = config
+ self.rope_init_fn = ROPE_INIT_FUNCTIONS[self.rope_type]
+
+ inv_freq, self.attention_scaling = self.rope_init_fn(self.config, device)
+ self.register_buffer("inv_freq", inv_freq, persistent=False)
+ self.original_inv_freq = self.inv_freq
+
+ def _dynamic_frequency_update(self, position_ids, device):
+ """
+ dynamic RoPE layers should recompute `inv_freq` in the following situations:
+ 1 - growing beyond the cached sequence length (allow scaling)
+ 2 - the current sequence length is in the original scale (avoid losing precision with small sequences)
+ """
+ seq_len = torch.max(position_ids) + 1
+ if seq_len > self.max_seq_len_cached: # growth
+ inv_freq, self.attention_scaling = self.rope_init_fn(self.config, device, seq_len=seq_len)
+ self.register_buffer("inv_freq", inv_freq, persistent=False) # TODO joao: may break with compilation
+ self.max_seq_len_cached = seq_len
+
+ if seq_len < self.original_max_seq_len and self.max_seq_len_cached > self.original_max_seq_len: # reset
+ # This .to() is needed if the model has been moved to a device after being initialized (because
+ # the buffer is automatically moved, but not the original copy)
+ self.original_inv_freq = self.original_inv_freq.to(device)
+ self.register_buffer("inv_freq", self.original_inv_freq, persistent=False)
+ self.max_seq_len_cached = self.original_max_seq_len
+
+ @torch.no_grad()
+ def forward(self, x, position_ids):
+ if "dynamic" in self.rope_type:
+ self._dynamic_frequency_update(position_ids, device=x.device)
+
+ # Core RoPE block
+ inv_freq_expanded = self.inv_freq[None, :, None].float().expand(position_ids.shape[0], -1, 1)
+ position_ids_expanded = position_ids[:, None, :].float()
+ # Force float32 (see https://github.com/huggingface/transformers/pull/29285)
+ device_type = x.device.type
+ device_type = device_type if isinstance(device_type, str) and device_type != "mps" else "cpu"
+ with torch.autocast(device_type=device_type, enabled=False):
+ freqs = (inv_freq_expanded.float() @ position_ids_expanded.float()).transpose(1, 2)
+ emb = torch.cat((freqs, freqs), dim=-1)
+ cos = emb.cos()
+ sin = emb.sin()
+
+ # Advanced RoPE types (e.g. yarn) apply a post-processing scaling factor, equivalent to scaling attention
+ cos = cos * self.attention_scaling
+ sin = sin * self.attention_scaling
+
+ return cos.to(dtype=x.dtype), sin.to(dtype=x.dtype)
+
+
+def rotate_half(x):
+ """Rotates half the hidden dims of the input."""
+ x1 = x[..., : x.shape[-1] // 2]
+ x2 = x[..., x.shape[-1] // 2 :]
+ return torch.cat((-x2, x1), dim=-1)
+
+
+def apply_rotary_pos_emb(q, k, cos, sin, position_ids=None, unsqueeze_dim=1):
+ """Applies Rotary Position Embedding to the query and key tensors.
+
+ Args:
+ q (`torch.Tensor`): The query tensor.
+ k (`torch.Tensor`): The key tensor.
+ cos (`torch.Tensor`): The cosine part of the rotary embedding.
+ sin (`torch.Tensor`): The sine part of the rotary embedding.
+ position_ids (`torch.Tensor`, *optional*):
+ Deprecated and unused.
+ unsqueeze_dim (`int`, *optional*, defaults to 1):
+ The 'unsqueeze_dim' argument specifies the dimension along which to unsqueeze cos[position_ids] and
+ sin[position_ids] so that they can be properly broadcasted to the dimensions of q and k. For example, note
+ that cos[position_ids] and sin[position_ids] have the shape [batch_size, seq_len, head_dim]. Then, if q and
+ k have the shape [batch_size, heads, seq_len, head_dim], then setting unsqueeze_dim=1 makes
+ cos[position_ids] and sin[position_ids] broadcastable to the shapes of q and k. Similarly, if q and k have
+ the shape [batch_size, seq_len, heads, head_dim], then set unsqueeze_dim=2.
+ Returns:
+ `tuple(torch.Tensor)` comprising of the query and key tensors rotated using the Rotary Position Embedding.
+ """
+ cos = cos.unsqueeze(unsqueeze_dim)
+ sin = sin.unsqueeze(unsqueeze_dim)
+ q_embed = (q * cos) + (rotate_half(q) * sin)
+ k_embed = (k * cos) + (rotate_half(k) * sin)
+ return q_embed, k_embed
+
+
+def repeat_kv(hidden_states: torch.Tensor, n_rep: int) -> torch.Tensor:
+ """
+ This is the equivalent of torch.repeat_interleave(x, dim=1, repeats=n_rep). The hidden states go from (batch,
+ num_key_value_heads, seqlen, head_dim) to (batch, num_attention_heads, seqlen, head_dim)
+ """
+ batch, num_key_value_heads, slen, head_dim = hidden_states.shape
+ if n_rep == 1:
+ return hidden_states
+ hidden_states = hidden_states[:, :, None, :, :].expand(batch, num_key_value_heads, n_rep, slen, head_dim)
+ return hidden_states.reshape(batch, num_key_value_heads * n_rep, slen, head_dim)
+
+
+def eager_attention_forward(
+ module: nn.Module,
+ query: torch.Tensor,
+ key: torch.Tensor,
+ value: torch.Tensor,
+ attention_mask: Optional[torch.Tensor],
+ scaling: float,
+ dropout: float = 0.0,
+ **kwargs,
+) -> Tuple[torch.Tensor, torch.Tensor]:
+ key_states = repeat_kv(key, module.num_key_value_groups)
+ value_states = repeat_kv(value, module.num_key_value_groups)
+
+ attn_weights = torch.matmul(query, key_states.transpose(-1, -2)) * scaling
+ if attention_mask is not None:
+ causal_mask = attention_mask[:, :, :, : key_states.shape[-2]]
+ attn_weights = attn_weights + causal_mask
+
+ attn_weights = F.softmax(attn_weights, dim=-1, dtype=torch.float32).to(query.dtype)
+ attn_weights = F.dropout(attn_weights, p=dropout, training=module.training)
+ attn_output = torch.matmul(attn_weights, value_states)
+ attn_output = attn_output.transpose(1, 2).contiguous()
+
+ return attn_output, attn_weights
+
+
+def sdpa_attention_forward(
+ module: nn.Module,
+ query: torch.Tensor,
+ key: torch.Tensor,
+ value: torch.Tensor,
+ attention_mask: Optional[torch.Tensor],
+ dropout: float = 0.0,
+ scaling: Optional[float] = None,
+ is_causal: Optional[bool] = None,
+ **kwargs,
+) -> Tuple[torch.Tensor, None]:
+ key = repeat_kv(key, module.num_key_value_groups)
+ value = repeat_kv(value, module.num_key_value_groups)
+
+ causal_mask = attention_mask
+ if attention_mask is not None:
+ causal_mask = causal_mask[:, :, :, : key.shape[-2]]
+
+ # SDPA with memory-efficient backend is bugged with non-contiguous inputs and custom attn_mask for some torch versions
+ # Reference: https://github.com/pytorch/pytorch/issues/112577.
+ query = query.contiguous()
+ key = key.contiguous()
+ value = value.contiguous()
+
+ # We dispatch to SDPA's Flash Attention or Efficient kernels via this `is_causal` if statement instead of an inline conditional assignment
+ # in SDPA to support both torch.compile's dynamic shapes and full graph options. An inline conditional prevents dynamic shapes from compiling.
+ if is_causal is None:
+ is_causal = causal_mask is None and query.shape[2] > 1
+
+ # Shapes (e.g. query.shape[2]) are tensors during jit tracing, resulting in `is_causal` being a tensor.
+ # We convert it to a bool for the SDPA kernel that only accepts bools.
+ if torch.jit.is_tracing() and isinstance(is_causal, torch.Tensor):
+ is_causal = is_causal.item()
+
+ # NOTE: As of pytorch 2.5.1, SDPA backward pass of cuDNN is still incorrect, so we disable cuDNN SDPA (see https://github.com/pytorch/pytorch/issues/138581)
+ torch.backends.cuda.enable_cudnn_sdp(False)
+ attn_output = F.scaled_dot_product_attention(
+ query=query,
+ key=key,
+ value=value,
+ attn_mask=causal_mask,
+ dropout_p=dropout,
+ scale=scaling,
+ is_causal=is_causal,
+ )
+ attn_output = attn_output.transpose(1, 2).contiguous()
+
+ return attn_output, None
+
+
+def flex_attention_forward(
+ module: nn.Module,
+ query: torch.Tensor,
+ key: torch.Tensor,
+ value: torch.Tensor,
+ attention_mask: Optional[torch.Tensor],
+ scaling: Optional[float] = None,
+ is_causal: Optional[bool] = None,
+ softcap: Optional[float] = None,
+ head_mask: Optional[torch.Tensor] = None,
+ **kwargs,
+) -> Tuple[torch.Tensor, torch.Tensor]:
+ causal_mask = attention_mask
+ if attention_mask is not None:
+ causal_mask = causal_mask[:, :, :, : key.shape[-2]]
+
+ if is_causal is None:
+ is_causal = causal_mask is None and query.shape[2] > 1
+
+ def causal_mod(score, batch, head, q_idx, kv_idx):
+ if softcap is not None:
+ score = softcap * torch.tanh(score / softcap)
+ if causal_mask is not None:
+ score = score + causal_mask[batch][0][q_idx][kv_idx]
+ if head_mask is not None:
+ score = score + head_mask[batch][head][0][0]
+ return score
+
+ def dynamic_mod(score, batch, head, q_idx, kv_idx):
+ if softcap is not None:
+ score = softcap * torch.tanh(score / softcap)
+ if causal_mask is not None:
+ score = score + causal_mask[batch][head][q_idx][kv_idx]
+ if head_mask is not None:
+ score = score + head_mask[batch][head][0][0]
+ return score
+
+ # TODO: flex_attention: As of pytorch 2.5.1, captured buffers that require grad are not yet supported.
+ # NOTE: So we only use flex_attention in inference mode.
+ mask_mod = causal_mod if is_causal or module.training else dynamic_mod
+
+ attn_output, attention_weights = flex_attention(
+ query=query,
+ key=key,
+ value=value,
+ score_mod=mask_mod,
+ enable_gqa=True,
+ scale=scaling,
+ # Last time checked on PyTorch == 2.5.1: Flex Attention always computes the lse regardless.
+ # For simplification, we thus always return it as no additional computations are introduced.
+ return_lse=True,
+ )
+ # lse is returned in float32
+ attention_weights = attention_weights.to(value.dtype)
+ attn_output = attn_output.transpose(1, 2).contiguous()
+
+ return attn_output, attention_weights
+
+
+ALL_ATTENTION_FUNCTIONS = {
+ "eager": eager_attention_forward,
+ "sdpa": sdpa_attention_forward,
+ "flex_attention": flex_attention_forward,
+}
+
+
+class DogeDynamicMaskAttention(nn.Module):
+ """Dynamic Mask Attention from 'Wonderful Matrices' paper."""
+
+ def __init__(self, config: DogeConfig, layer_idx: Optional[int] = None):
+ super().__init__()
+ self.config = config
+ self.layer_idx = layer_idx
+ self.head_dim = getattr(config, "head_dim", config.hidden_size // config.num_attention_heads)
+ self.num_key_value_groups = config.num_attention_heads // config.num_key_value_heads
+ self.scaling = self.head_dim**-0.5
+ self.attention_dropout = config.attention_dropout
+ self.dynamic_mask_ratio = config.dynamic_mask_ratio
+
+ self.q_proj = nn.Linear(
+ config.hidden_size, config.num_attention_heads * self.head_dim, bias=config.hidden_bias
+ )
+ self.k_proj = nn.Linear(
+ config.hidden_size, config.num_key_value_heads * self.head_dim, bias=config.hidden_bias
+ )
+ self.v_proj = nn.Linear(
+ config.hidden_size, config.num_key_value_heads * self.head_dim, bias=config.hidden_bias
+ )
+ # dynamic mask for the QK^T attention weights matrix
+ self.A = nn.Parameter(torch.zeros(config.num_attention_heads))
+ self.dt_proj = nn.Linear(
+ config.num_key_value_heads * self.head_dim, config.num_attention_heads, bias=config.hidden_bias
+ )
+ self.o_proj = nn.Linear(
+ config.num_attention_heads * self.head_dim, config.hidden_size, bias=config.hidden_bias
+ )
+
+ def forward(
+ self,
+ hidden_states: torch.Tensor,
+ position_embeddings: Tuple[torch.Tensor, torch.Tensor],
+ attention_mask: Optional[torch.Tensor] = None,
+ past_key_value: Optional[Cache] = None,
+ cache_position: Optional[torch.LongTensor] = None,
+ **kwargs,
+ ) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor]]]:
+ input_shape = hidden_states.shape[:-1]
+ hidden_shape = (*input_shape, -1, self.head_dim)
+
+ query_states = self.q_proj(hidden_states).view(hidden_shape).transpose(1, 2)
+ key_states = self.k_proj(hidden_states).view(hidden_shape).transpose(1, 2)
+ value_states = self.v_proj(hidden_states).view(hidden_shape).transpose(1, 2)
+
+ cos, sin = position_embeddings
+ query_states, key_states = apply_rotary_pos_emb(query_states, key_states, cos, sin)
+
+ if past_key_value is not None:
+ # sin and cos are specific to RoPE models; cache_position needed for the static cache
+ cache_kwargs = {"sin": sin, "cos": cos, "cache_position": cache_position}
+ key_states, value_states = past_key_value.update(key_states, value_states, self.layer_idx, cache_kwargs)
+
+ # calculate dynamic mask from value_states
+ dt_states = self.dt_proj(
+ value_states.transpose(1, 2).reshape(value_states.shape[0], value_states.shape[-2], -1)
+ )
+ dynamic_mask = torch.exp(self.A * F.softplus(dt_states)).transpose(-1, -2)
+ attn_mask = self.prepare_dynamic_mask(
+ hidden_states=hidden_states,
+ dynamic_mask=dynamic_mask,
+ dynamic_mask_ratio=self.dynamic_mask_ratio,
+ attention_mask=attention_mask,
+ )
+
+ attention_interface: Callable = eager_attention_forward
+ if self.config._attn_implementation != "eager":
+ if self.config._attn_implementation == "sdpa" and kwargs.get("output_attentions", False):
+ logger.warning_once(
+ "`torch.nn.functional.scaled_dot_product_attention` does not support `output_attentions=True`. Falling back to "
+ 'eager attention. This warning can be removed using the argument `attn_implementation="eager"` when loading the model.'
+ )
+ else:
+ attention_interface = ALL_ATTENTION_FUNCTIONS[self.config._attn_implementation]
+
+ attn_output, attn_weights = attention_interface(
+ self,
+ query_states,
+ key_states,
+ value_states,
+ attention_mask=attn_mask,
+ dropout=0.0 if not self.training else self.attention_dropout,
+ scaling=self.scaling,
+ **kwargs,
+ )
+
+ attn_output = attn_output.reshape(*input_shape, -1).contiguous()
+ attn_output = self.o_proj(attn_output)
+ return attn_output, attn_weights
+
+ def prepare_dynamic_mask(
+ self,
+ hidden_states: torch.Tensor,
+ dynamic_mask: torch.Tensor,
+ dynamic_mask_ratio: float = 0.0,
+ attention_mask: Optional[torch.Tensor] = None,
+ ):
+ """
+ Combine `dynamic_mask` with `attention_mask` to generate the final `attn_mask`.
+
+ Args:
+ hidden_states (`torch.Tensor`): The input hidden_states, used to determine the minimum value of the current input precision.
+ dynamic_mask (`torch.Tensor`): dynamic mask of shape `(batch_size, num_heads, key_sequence_length)`.
+ dynamic_mask_ratio (`float`, *optional*): Ratio from 0.0 to 1.0 used to control the proportion of the dynamic mask filled with the minimum value.
+ attention_mask (`torch.Tensor`, *optional*): attention mask of shape `(batch_size, 1, query_sequence_length, key_sequence_length)`.
+ """
+ attn_mask = None
+ if dynamic_mask is not None:
+ attn_mask = dynamic_mask[:, :, None, :]
+ if 0.0 < dynamic_mask_ratio < 1.0:
+ min_type = torch.finfo(hidden_states.dtype).min
+ num_dynamic_mask = int(attn_mask.shape[-1] * dynamic_mask_ratio)
+ if num_dynamic_mask > 0:
+ rate_value = torch.kthvalue(attn_mask, num_dynamic_mask, dim=-1, keepdim=True).values
+ attn_mask = attn_mask.masked_fill(attn_mask < rate_value, min_type)
+ if attention_mask is not None:
+ attn_mask = attn_mask + attention_mask[:, :, :, : attn_mask.shape[-1]]
+ else:
+ attn_mask = attention_mask
+
+ return attn_mask
+
+
+class DogeMLP(nn.Module):
+ def __init__(self, config: DogeConfig):
+ super().__init__()
+ self.hidden_dim = config.hidden_size
+ self.intermediate_dim = config.intermediate_size
+ self.act_fn = ACT2FN[config.hidden_act]
+
+ self.gate_proj = nn.Linear(self.hidden_dim, self.intermediate_dim, bias=config.hidden_bias)
+ self.up_proj = nn.Linear(self.hidden_dim, self.intermediate_dim, bias=config.hidden_bias)
+ self.down_proj = nn.Linear(self.intermediate_dim, self.hidden_dim, bias=config.hidden_bias)
+
+ def forward(
+ self,
+ hidden_states: torch.Tensor,
+ **kwargs,
+ ) -> torch.Tensor:
+ hidden_states = self.down_proj(self.act_fn(self.gate_proj(hidden_states)) * self.up_proj(hidden_states))
+ return hidden_states
+
+
+class DogeCDMoE(DogeMLP):
+ """Cross Domain Mixture of Experts from 'Wonderful Matrices' paper."""
+
+ def __init__(self, config: DogeConfig):
+ super().__init__(config)
+ self.hidden_dim = config.hidden_size
+ self.act_fn = ACT2FN[config.hidden_act]
+
+ self.expert_retrieval_dim = config.expert_retrieval_size
+ self.num_cdmoe_experts = config.num_cdmoe_experts
+ self.num_cdmoe_heads = config.num_cdmoe_heads
+ self.num_cdmoe_experts_per_head = config.num_cdmoe_experts_per_head
+ self.num_keys = int(math.sqrt(self.num_cdmoe_experts))
+
+ # queries and keys for retrieval experts
+ self.queries_proj = nn.Linear(self.hidden_dim, self.num_cdmoe_heads * self.expert_retrieval_dim, bias=False)
+ self.keys = nn.Parameter(torch.zeros(self.num_cdmoe_heads, self.expert_retrieval_dim, self.num_keys))
+
+ # experts
+ self.down_embed = nn.Embedding(self.num_cdmoe_experts, self.hidden_dim)
+ self.up_embed = nn.Embedding(self.num_cdmoe_experts, self.hidden_dim)
+
+ def forward(
+ self,
+ hidden_states: torch.Tensor,
+ **kwargs,
+ ) -> torch.Tensor:
+ bsz, seq_len, _ = hidden_states.shape
+
+ # get routing weights with queries and keys
+ queries = self.queries_proj(hidden_states)
+ queries = queries.view(2, self.num_cdmoe_heads, bsz * seq_len, -1)
+ keys = self.keys.view(2, self.num_cdmoe_heads, -1, self.num_keys)
+ routing_weights = torch.matmul(queries, keys)
+ routing_weights = routing_weights.transpose(-2, -3).view(2, bsz, seq_len, self.num_cdmoe_heads, self.num_keys)
+
+ # get experts with the highest routing weights
+ (scores_x, scores_y), (indices_x, indices_y) = routing_weights.topk(self.num_cdmoe_experts_per_head, dim=-1)
+ all_scores = scores_x.unsqueeze(-1) + scores_y.unsqueeze(-2)
+ all_scores = all_scores.view(*scores_x.shape[:-1], -1)
+ all_indices = (indices_x.unsqueeze(-1) * self.num_keys) + indices_y.unsqueeze(-2)
+ all_indices = all_indices.view(*indices_x.shape[:-1], -1)
+ scores, pk_indices = all_scores.topk(self.num_cdmoe_experts_per_head, dim=-1)
+ indices = all_indices.gather(-1, pk_indices)
+ down_embed = self.down_embed(indices)
+ up_embed = self.up_embed(indices)
+
+ # mix experts states with cross domain states
+ experts_weights = torch.sum(hidden_states[:, :, None, None, :] * down_embed, dim=-1)
+ experts_weights = self.act_fn(experts_weights) * scores.softmax(dim=-1)
+ experts_states = torch.sum(experts_weights[:, :, :, :, None] * up_embed, dim=(-2, -3))
+ hidden_states = self.down_proj(self.act_fn(self.gate_proj(hidden_states)) * self.up_proj(hidden_states))
+ hidden_states = hidden_states + experts_states
+ return hidden_states
+
+
+class DogeDecoderLayer(nn.Module):
+ def __init__(self, config: DogeConfig, layer_idx: Optional[int] = None):
+ super().__init__()
+ self.hidden_dropout = config.hidden_dropout
+
+ self.pre_layernorm = DogeRMSNorm(config.hidden_size, eps=config.rms_norm_eps)
+ self.self_attn = DogeDynamicMaskAttention(config=config, layer_idx=layer_idx)
+ self.pre_residual = DogeResidual(config.hidden_size)
+
+ self.post_layernorm = DogeRMSNorm(config.hidden_size, eps=config.rms_norm_eps)
+ self.feed_forward = DogeMLP(config) if not config.is_moe else DogeCDMoE(config)
+ self.post_residual = DogeResidual(config.hidden_size)
+
+ def forward(
+ self,
+ hidden_states: torch.Tensor,
+ attention_mask: Optional[torch.Tensor] = None,
+ position_ids: Optional[torch.LongTensor] = None,
+ past_key_value: Optional[Cache] = None,
+ output_attentions: Optional[bool] = False,
+ use_cache: Optional[bool] = False,
+ cache_position: Optional[torch.LongTensor] = None,
+ position_embeddings: Optional[Tuple[torch.Tensor, torch.Tensor]] = None, # necessary, but kept here for BC
+ **kwargs,
+ ) -> Tuple[torch.FloatTensor, Optional[Tuple[torch.FloatTensor, torch.FloatTensor]]]:
+ # sequence transformation
+ residual = hidden_states
+ hidden_states = self.pre_layernorm(hidden_states)
+ hidden_states, self_attn_weights = self.self_attn(
+ hidden_states=hidden_states,
+ attention_mask=attention_mask,
+ position_ids=position_ids,
+ past_key_value=past_key_value,
+ output_attentions=output_attentions,
+ use_cache=use_cache,
+ cache_position=cache_position,
+ position_embeddings=position_embeddings,
+ **kwargs,
+ )
+ self_attn_weights = None
+ hidden_states = F.dropout(hidden_states, p=self.hidden_dropout, training=self.training)
+ hidden_states = self.pre_residual(residual, hidden_states)
+
+ # state transformation
+ residual = hidden_states
+ hidden_states = self.post_layernorm(hidden_states)
+ hidden_states = self.feed_forward(hidden_states)
+ hidden_states = F.dropout(hidden_states, p=self.hidden_dropout, training=self.training)
+ hidden_states = self.post_residual(residual, hidden_states)
+
+ outputs = (hidden_states,)
+ if output_attentions:
+ outputs += (self_attn_weights,)
+
+ return outputs
+
+
+DOGE_START_DOCSTRING = r"""
+ This model inherits from [`PreTrainedModel`]. Check the superclass documentation for the generic methods the
+ library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads
+ etc.)
+
+ This model is also a PyTorch [torch.nn.Module](https://pytorch.org/docs/stable/nn.html#torch.nn.Module) subclass.
+ Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage
+ and behavior.
+
+ Parameters:
+ config ([`DogeConfig`]):
+ Model configuration class with all the parameters of the model. Initializing with a config file does not
+ load the weights associated with the model, only the configuration. Check out the
+ [`~PreTrainedModel.from_pretrained`] method to load the model weights.
+"""
+
+
+@add_start_docstrings(
+ "The bare Doge Model outputting raw hidden-states without any specific head on top.",
+ DOGE_START_DOCSTRING,
+)
+class DogePreTrainedModel(PreTrainedModel):
+ config_class = DogeConfig
+ base_model_prefix = "model"
+ supports_gradient_checkpointing = True
+ _no_split_modules = ["DogeDecoderLayer"]
+ _skip_keys_device_placement = ["past_key_values"]
+ _supports_sdpa = True
+ # _supports_flex_attn = True # TODO: enable this when flex_attention is fully supported
+ _supports_cache_class = True
+ _supports_quantized_cache = True
+ _supports_static_cache = True
+
+ def _init_weights(self, module):
+ std = self.config.initializer_range
+ if isinstance(module, (nn.Linear)):
+ module.weight.data.normal_(mean=0.0, std=std)
+ if module.bias is not None:
+ module.bias.data.zero_()
+ elif isinstance(module, nn.Embedding):
+ module.weight.data.normal_(mean=0.0, std=std)
+ if module.padding_idx is not None:
+ module.weight.data[module.padding_idx].zero_()
+
+
+DOGE_INPUTS_DOCSTRING = r"""
+ Args:
+ input_ids (`torch.LongTensor` of shape `(batch_size, sequence_length)`):
+ Indices of input sequence tokens in the vocabulary. Padding will be ignored by default should you provide
+ it.
+
+ Indices can be obtained using [`AutoTokenizer`]. See [`PreTrainedTokenizer.encode`] and
+ [`PreTrainedTokenizer.__call__`] for details.
+
+ [What are input IDs?](../glossary#input-ids)
+ attention_mask (`torch.Tensor` of shape `(batch_size, sequence_length)`, *optional*):
+ Mask to avoid performing attention on padding token indices. Mask values selected in `[0, 1]`:
+
+ - 1 for tokens that are **not masked**,
+ - 0 for tokens that are **masked**.
+
+ [What are attention masks?](../glossary#attention-mask)
+
+ Indices can be obtained using [`AutoTokenizer`]. See [`PreTrainedTokenizer.encode`] and
+ [`PreTrainedTokenizer.__call__`] for details.
+
+ If `past_key_values` is used, optionally only the last `input_ids` have to be input (see
+ `past_key_values`).
+
+ If you want to change padding behavior, you should read [`modeling_opt._prepare_decoder_attention_mask`]
+ and modify to your needs. See diagram 1 in [the paper](https://arxiv.org/abs/1910.13461) for more
+ information on the default strategy.
+
+ - 1 indicates the head is **not masked**,
+ - 0 indicates the head is **masked**.
+ position_ids (`torch.LongTensor` of shape `(batch_size, sequence_length)`, *optional*):
+ Indices of positions of each input sequence tokens in the position embeddings. Selected in the range `[0,
+ config.n_positions - 1]`.
+
+ [What are position IDs?](../glossary#position-ids)
+ past_key_values (`Cache` or `tuple(tuple(torch.FloatTensor))`, *optional*):
+ Pre-computed hidden-states (key and values in the self-attention blocks and in the cross-attention
+ blocks) that can be used to speed up sequential decoding. This typically consists in the `past_key_values`
+ returned by the model at a previous stage of decoding, when `use_cache=True` or `config.use_cache=True`.
+
+ Two formats are allowed:
+ - a [`~cache_utils.Cache`] instance, see our
+ [kv cache guide](https://huggingface.co/docs/transformers/en/kv_cache);
+ - Tuple of `tuple(torch.FloatTensor)` of length `config.n_layers`, with each tuple having 2 tensors of
+ shape `(batch_size, num_heads, sequence_length, embed_size_per_head)`). This is also known as the legacy
+ cache format.
+
+ The model will output the same cache format that is fed as input. If no `past_key_values` are passed, the
+ legacy cache format will be returned.
+
+ If `past_key_values` are used, the user can optionally input only the last `input_ids` (those that don't
+ have their past key value states given to this model) of shape `(batch_size, 1)` instead of all `input_ids`
+ of shape `(batch_size, sequence_length)`.
+ inputs_embeds (`torch.FloatTensor` of shape `(batch_size, sequence_length, hidden_size)`, *optional*):
+ Optionally, instead of passing `input_ids` you can choose to directly pass an embedded representation. This
+ is useful if you want more control over how to convert `input_ids` indices into associated vectors than the
+ model's internal embedding lookup matrix.
+ use_cache (`bool`, *optional*):
+ If set to `True`, `past_key_values` key value states are returned and can be used to speed up decoding (see
+ `past_key_values`).
+ output_attentions (`bool`, *optional*):
+ Whether or not to return the attentions tensors of all attention layers. See `attentions` under returned
+ tensors for more detail.
+ output_hidden_states (`bool`, *optional*):
+ Whether or not to return the hidden states of all layers. See `hidden_states` under returned tensors for
+ more detail.
+ return_dict (`bool`, *optional*):
+ Whether or not to return a [`~utils.ModelOutput`] instead of a plain tuple.
+ cache_position (`torch.LongTensor` of shape `(sequence_length)`, *optional*):
+ Indices depicting the position of the input sequence tokens in the sequence. Contrarily to `position_ids`,
+ this tensor is not affected by padding. It is used to update the cache in the correct position and to infer
+ the complete sequence length.
+"""
+
+
+@add_start_docstrings(
+ "The bare Doge Model outputting raw hidden-states without any specific head on top.",
+ DOGE_START_DOCSTRING,
+)
+class DogeModel(DogePreTrainedModel):
+ """
+ Transformer decoder consisting of *config.num_hidden_layers* layers. Each layer is a [`DogeDecoderLayer`]
+
+ Args:
+ config: DogeConfig
+ """
+
+ def __init__(self, config: DogeConfig):
+ super().__init__(config)
+ self.config = config
+ self.padding_idx = config.pad_token_id
+ self.vocab_size = config.vocab_size
+
+ self.word_embed = nn.Embedding(config.vocab_size, config.hidden_size, padding_idx=config.pad_token_id)
+ self.rotary_emb = DogeRotaryEmbedding(config)
+ self.layers = nn.ModuleList(
+ [DogeDecoderLayer(config, layer_idx) for layer_idx in range(config.num_hidden_layers)]
+ )
+ self.final_layernorm = DogeRMSNorm(config.hidden_size, eps=config.rms_norm_eps)
+ self.gradient_checkpointing = False
+
+ # Initialize weights and apply final processing
+ self.post_init()
+
+ def get_input_embeddings(self):
+ return self.word_embed
+
+ def set_input_embeddings(self, value):
+ self.word_embed = value
+
+ @add_start_docstrings_to_model_forward(DOGE_INPUTS_DOCSTRING)
+ def forward(
+ self,
+ input_ids: torch.LongTensor = None,
+ attention_mask: Optional[torch.Tensor] = None,
+ position_ids: Optional[torch.LongTensor] = None,
+ past_key_values: Optional[Union[Cache, List[torch.FloatTensor]]] = None,
+ inputs_embeds: Optional[torch.FloatTensor] = None,
+ use_cache: Optional[bool] = None,
+ output_attentions: Optional[bool] = None,
+ output_hidden_states: Optional[bool] = None,
+ return_dict: Optional[bool] = None,
+ cache_position: Optional[torch.LongTensor] = None,
+ **kwargs,
+ ) -> Union[Tuple, BaseModelOutputWithPast]:
+ output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions
+ output_hidden_states = (
+ output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states
+ )
+ use_cache = use_cache if use_cache is not None else self.config.use_cache
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
+
+ if (input_ids is None) ^ (inputs_embeds is not None):
+ raise ValueError("You cannot specify both input_ids and inputs_embeds")
+
+ if self.gradient_checkpointing and self.training and use_cache:
+ logger.warning_once(
+ "`use_cache=True` is incompatible with gradient checkpointing. Setting `use_cache=False`..."
+ )
+ use_cache = False
+
+ if inputs_embeds is None:
+ inputs_embeds = self.word_embed(input_ids)
+
+ if use_cache and past_key_values is None:
+ past_key_values = DynamicCache()
+
+ if cache_position is None:
+ past_seen_tokens = past_key_values.get_seq_length() if past_key_values is not None else 0
+ cache_position = torch.arange(
+ past_seen_tokens, past_seen_tokens + inputs_embeds.shape[1], device=inputs_embeds.device
+ )
+
+ if position_ids is None:
+ position_ids = cache_position.unsqueeze(0)
+
+ causal_mask = self._update_causal_mask(
+ attention_mask, inputs_embeds, cache_position, past_key_values, output_attentions
+ )
+
+ hidden_states = inputs_embeds
+
+ # create position embeddings to be shared across the decoder layers
+ position_embeddings = self.rotary_emb(hidden_states, position_ids)
+
+ # decoder layers
+ all_hidden_states = () if output_hidden_states else None
+ all_self_attns = () if output_attentions else None
+
+ for decoder_layer in self.layers[: self.config.num_hidden_layers]:
+ if output_hidden_states:
+ all_hidden_states += (hidden_states,)
+
+ if self.gradient_checkpointing and self.training:
+ layer_outputs = self._gradient_checkpointing_func(
+ decoder_layer.__call__,
+ hidden_states,
+ causal_mask,
+ position_ids,
+ past_key_values,
+ output_attentions,
+ use_cache,
+ cache_position,
+ position_embeddings,
+ )
+ else:
+ layer_outputs = decoder_layer(
+ hidden_states,
+ attention_mask=causal_mask,
+ position_ids=position_ids,
+ past_key_value=past_key_values,
+ output_attentions=output_attentions,
+ use_cache=use_cache,
+ cache_position=cache_position,
+ position_embeddings=position_embeddings,
+ **kwargs,
+ )
+
+ hidden_states = layer_outputs[0]
+
+ if output_attentions:
+ all_self_attns += (layer_outputs[1],)
+
+ hidden_states = self.final_layernorm(hidden_states)
+
+ # add hidden states from the last decoder layer
+ if output_hidden_states:
+ all_hidden_states += (hidden_states,)
+
+ output = BaseModelOutputWithPast(
+ last_hidden_state=hidden_states,
+ past_key_values=past_key_values if use_cache else None,
+ hidden_states=all_hidden_states,
+ attentions=all_self_attns,
+ )
+ return output if return_dict else output.to_tuple()
+
+ def _update_causal_mask(
+ self,
+ attention_mask: torch.Tensor,
+ input_tensor: torch.Tensor,
+ cache_position: torch.Tensor,
+ past_key_values: Cache,
+ output_attentions: bool,
+ ):
+ # We have to provide attention_mask for dynamic mask computation
+ past_seen_tokens = past_key_values.get_seq_length() if past_key_values is not None else 0
+ using_static_cache = isinstance(past_key_values, StaticCache)
+
+ dtype, device = input_tensor.dtype, input_tensor.device
+ sequence_length = input_tensor.shape[1]
+ if using_static_cache:
+ target_length = past_key_values.get_max_cache_shape()
+ else:
+ target_length = (
+ attention_mask.shape[-1]
+ if isinstance(attention_mask, torch.Tensor)
+ else past_seen_tokens + sequence_length + 1
+ )
+
+ # In case the provided `attention` mask is 2D, we generate a causal mask here (4D).
+ causal_mask = self._prepare_4d_causal_attention_mask_with_cache_position(
+ attention_mask,
+ sequence_length=sequence_length,
+ target_length=target_length,
+ dtype=dtype,
+ device=device,
+ cache_position=cache_position,
+ batch_size=input_tensor.shape[0],
+ )
+
+ if (
+ self.config._attn_implementation == "sdpa"
+ and attention_mask is not None
+ and attention_mask.device.type in ["cuda", "xpu"]
+ and not output_attentions
+ ):
+ # Attend to all tokens in fully masked rows in the causal_mask, for example the relevant first rows when
+ # using left padding. This is required by F.scaled_dot_product_attention memory-efficient attention path.
+ # Details: https://github.com/pytorch/pytorch/issues/110213
+ min_dtype = torch.finfo(dtype).min
+ causal_mask = AttentionMaskConverter._unmask_unattended(causal_mask, min_dtype)
+
+ return causal_mask
+
+ @staticmethod
+ def _prepare_4d_causal_attention_mask_with_cache_position(
+ attention_mask: torch.Tensor,
+ sequence_length: int,
+ target_length: int,
+ dtype: torch.dtype,
+ device: torch.device,
+ cache_position: torch.Tensor,
+ batch_size: int,
+ **kwargs,
+ ):
+ """
+ Creates a causal 4D mask of shape `(batch_size, 1, query_length, key_value_length)` from a 2D mask of shape
+ `(batch_size, key_value_length)`, or if the input `attention_mask` is already 4D, do nothing.
+
+ Args:
+ attention_mask (`torch.Tensor`):
+ A 2D attention mask of shape `(batch_size, key_value_length)` or a 4D attention mask of shape
+ `(batch_size, 1, query_length, key_value_length)`.
+ sequence_length (`int`):
+ The sequence length being processed.
+ target_length (`int`):
+ The target length: when generating with static cache, the mask should be as long as the static cache,
+ to account for the 0 padding, the part of the cache that is not filled yet.
+ dtype (`torch.dtype`):
+ The dtype to use for the 4D attention mask.
+ device (`torch.device`):
+ The device to plcae the 4D attention mask on.
+ cache_position (`torch.Tensor`):
+ Indices depicting the position of the input sequence tokens in the sequence.
+ batch_size (`torch.Tensor`):
+ Batch size.
+ """
+ if attention_mask is not None and attention_mask.dim() == 4:
+ # In this case we assume that the mask comes already in inverted form and requires no inversion or slicing.
+ causal_mask = attention_mask
+ else:
+ min_dtype = torch.finfo(dtype).min
+ causal_mask = torch.full(
+ (sequence_length, target_length), fill_value=min_dtype, dtype=dtype, device=device
+ )
+ if sequence_length != 1:
+ causal_mask = torch.triu(causal_mask, diagonal=1)
+ causal_mask *= torch.arange(target_length, device=device) > cache_position.reshape(-1, 1)
+ causal_mask = causal_mask[None, None, :, :].expand(batch_size, 1, -1, -1)
+ if attention_mask is not None:
+ causal_mask = causal_mask.clone() # copy to contiguous memory for in-place edit
+ mask_length = attention_mask.shape[-1]
+ padding_mask = causal_mask[:, :, :, :mask_length] + attention_mask[:, None, None, :]
+ padding_mask = padding_mask == 0
+ causal_mask[:, :, :, :mask_length] = causal_mask[:, :, :, :mask_length].masked_fill(
+ padding_mask, min_dtype
+ )
+
+ return causal_mask
+
+
+class DogeForCausalLM(DogePreTrainedModel, GenerationMixin):
+ _tied_weights_keys = ["lm_head.weight"]
+ _tp_plan = {"lm_head": "colwise_rep"}
+
+ def __init__(self, config: DogeConfig):
+ super().__init__(config)
+ self.config = config
+ self.model = DogeModel(config)
+ self.vocab_size = config.vocab_size
+ self.lm_head = nn.Linear(config.hidden_size, config.vocab_size, bias=False)
+
+ # Initialize weights and apply final processing
+ self.post_init()
+
+ def get_input_embeddings(self):
+ return self.model.word_embed
+
+ def set_input_embeddings(self, value):
+ self.model.word_embed = value
+
+ def get_output_embeddings(self):
+ return self.lm_head
+
+ def set_output_embeddings(self, new_embeddings):
+ self.lm_head = new_embeddings
+
+ def get_decoder(self):
+ return self.model
+
+ def set_decoder(self, decoder):
+ self.model = decoder
+
+ @add_start_docstrings_to_model_forward(DOGE_INPUTS_DOCSTRING)
+ @replace_return_docstrings(output_type=CausalLMOutputWithPast, config_class=_CONFIG_FOR_DOC)
+ def forward(
+ self,
+ input_ids: torch.LongTensor = None,
+ attention_mask: Optional[torch.Tensor] = None,
+ position_ids: Optional[torch.LongTensor] = None,
+ past_key_values: Optional[Union[Cache, List[torch.FloatTensor]]] = None,
+ inputs_embeds: Optional[torch.FloatTensor] = None,
+ labels: Optional[torch.LongTensor] = None,
+ use_cache: Optional[bool] = None,
+ output_attentions: Optional[bool] = None,
+ output_hidden_states: Optional[bool] = None,
+ return_dict: Optional[bool] = None,
+ cache_position: Optional[torch.LongTensor] = None,
+ logits_to_keep: Union[int, torch.Tensor] = 0,
+ **kwargs: Unpack[LossKwargs],
+ ) -> Union[Tuple, CausalLMOutputWithPast]:
+ r"""
+ Args:
+ labels (`torch.LongTensor` of shape `(batch_size, sequence_length)`, *optional*):
+ Labels for computing the masked language modeling loss. Indices should either be in `[0, ...,
+ config.vocab_size]` or -100 (see `input_ids` docstring). Tokens with indices set to `-100` are ignored
+ (masked), the loss is only computed for the tokens with labels in `[0, ..., config.vocab_size]`.
+
+ logits_to_keep (`int`, *optional*):
+ If an `int`, compute logits for the last `logits_to_keep` tokens. If `0`, calculate logits for all
+ `input_ids` (special case). Only last token logits are needed for generation, and calculating them only for that
+ token can save memory, which becomes pretty significant for long sequences or large vocabulary size.
+ If a `torch.Tensor`, must be 1D corresponding to the indices to keep in the sequence length dimension.
+ This is useful when using packed tensor format (single dimension for batch and sequence length).
+
+ Returns:
+
+ Example:
+
+ ```python
+ >>> from transformers import AutoTokenizer, AutoModelForCausalLM
+
+ >>> model = AutoModelForCausalLM.from_pretrained("SmallDoge/Doge-20M")
+ >>> tokenizer = AutoTokenizer.from_pretrained("SmallDoge/Doge-20M")
+
+ >>> prompt = "Hey, are you conscious? Can you talk to me?"
+ >>> inputs = tokenizer(prompt, return_tensors="pt")
+
+ >>> # Generate
+ >>> generate_ids = model.generate(inputs.input_ids, max_length=30)
+ >>> tokenizer.batch_decode(generate_ids, skip_special_tokens=True, clean_up_tokenization_spaces=False)[0]
+ "Hey, are you conscious? Can you talk to me?\nI'm not conscious, but I can talk to you."
+ ```"""
+ output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions
+ output_hidden_states = (
+ output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states
+ )
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
+
+ # decoder output consists of (dec_features, layer_state, dec_hidden, dec_attn)
+ outputs = self.model(
+ input_ids=input_ids,
+ attention_mask=attention_mask,
+ position_ids=position_ids,
+ past_key_values=past_key_values,
+ inputs_embeds=inputs_embeds,
+ use_cache=use_cache,
+ output_attentions=output_attentions,
+ output_hidden_states=output_hidden_states,
+ return_dict=return_dict,
+ cache_position=cache_position,
+ **kwargs,
+ )
+
+ hidden_states = outputs[0]
+ # only compute necessary logits, and do not upcast them to float if we are not computing the loss
+ slice_indices = slice(-logits_to_keep, None) if isinstance(logits_to_keep, int) else logits_to_keep
+ logits = self.lm_head(hidden_states[:, slice_indices, :])
+
+ loss = None
+ if labels is not None:
+ loss = self.loss_function(logits=logits, labels=labels, vocab_size=self.vocab_size, **kwargs)
+
+ if not return_dict:
+ output = (logits,) + outputs[1:]
+ return (loss,) + output if loss is not None else output
+
+ return CausalLMOutputWithPast(
+ loss=loss,
+ logits=logits,
+ past_key_values=outputs.past_key_values,
+ hidden_states=outputs.hidden_states,
+ attentions=outputs.attentions,
+ )
+
+
+@add_start_docstrings(
+ """
+ The Doge Model transformer with a sequence classification head on top (linear layer).
+
+ [`DogeForSequenceClassification`] uses the last token in order to do the classification, as other causal models
+ (e.g. GPT-2) do.
+
+ Since it does classification on the last token, it requires to know the position of the last token. If a
+ `pad_token_id` is defined in the configuration, it finds the last token that is not a padding token in each row. If
+ no `pad_token_id` is defined, it simply takes the last value in each row of the batch. Since it cannot guess the
+ padding tokens when `inputs_embeds` are passed instead of `input_ids`, it does the same (take the last value in
+ each row of the batch).
+ """,
+ DOGE_START_DOCSTRING,
+)
+class DogeForSequenceClassification(DogePreTrainedModel):
+ def __init__(self, config: DogeConfig):
+ super().__init__(config)
+ self.num_labels = config.num_labels
+
+ self.model = DogeModel(config)
+ self.score = nn.Linear(config.hidden_size, self.num_labels, bias=False)
+ self.config = config
+
+ # Initialize weights and apply final processing
+ self.post_init()
+
+ def get_input_embeddings(self):
+ return self.model.word_embed
+
+ def set_input_embeddings(self, value):
+ self.model.word_embed = value
+
+ @add_start_docstrings_to_model_forward(DOGE_INPUTS_DOCSTRING)
+ def forward(
+ self,
+ input_ids: Optional[torch.LongTensor] = None,
+ attention_mask: Optional[torch.Tensor] = None,
+ position_ids: Optional[torch.LongTensor] = None,
+ past_key_values: Optional[Union[Cache, List[torch.FloatTensor]]] = None,
+ inputs_embeds: Optional[torch.FloatTensor] = None,
+ labels: Optional[torch.LongTensor] = None,
+ use_cache: Optional[bool] = None,
+ output_attentions: Optional[bool] = None,
+ output_hidden_states: Optional[bool] = None,
+ return_dict: Optional[bool] = None,
+ ) -> Union[Tuple, SequenceClassifierOutputWithPast]:
+ r"""
+ labels (`torch.LongTensor` of shape `(batch_size,)`, *optional*):
+ Labels for computing the sequence classification/regression loss. Indices should be in `[0, ...,
+ config.num_labels - 1]`. If `config.num_labels == 1` a regression loss is computed (Mean-Square loss), If
+ `config.num_labels > 1` a classification loss is computed (Cross-Entropy).
+ """
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
+
+ transformer_outputs = self.model(
+ input_ids,
+ attention_mask=attention_mask,
+ position_ids=position_ids,
+ past_key_values=past_key_values,
+ inputs_embeds=inputs_embeds,
+ use_cache=use_cache,
+ output_attentions=output_attentions,
+ output_hidden_states=output_hidden_states,
+ return_dict=return_dict,
+ )
+ hidden_states = transformer_outputs[0]
+ logits = self.score(hidden_states)
+
+ if input_ids is not None:
+ batch_size = input_ids.shape[0]
+ else:
+ batch_size = inputs_embeds.shape[0]
+
+ if self.config.pad_token_id is None and batch_size != 1:
+ raise ValueError("Cannot handle batch sizes > 1 if no padding token is defined.")
+ if self.config.pad_token_id is None:
+ last_non_pad_token = -1
+ elif input_ids is not None:
+ # To handle both left- and right- padding, we take the rightmost token that is not equal to pad_token_id
+ non_pad_mask = (input_ids != self.config.pad_token_id).to(logits.device, torch.int32)
+ token_indices = torch.arange(input_ids.shape[-1], device=logits.device)
+ last_non_pad_token = (token_indices * non_pad_mask).argmax(-1)
+ else:
+ last_non_pad_token = -1
+ logger.warning_once(
+ f"{self.__class__.__name__} will not detect padding tokens in `inputs_embeds`. Results may be "
+ "unexpected if using padding tokens in conjunction with `inputs_embeds.`"
+ )
+
+ pooled_logits = logits[torch.arange(batch_size, device=logits.device), last_non_pad_token]
+
+ loss = None
+ if labels is not None:
+ loss = self.loss_function(logits=logits, labels=labels, pooled_logits=pooled_logits, config=self.config)
+
+ if not return_dict:
+ output = (pooled_logits,) + transformer_outputs[1:]
+ return ((loss,) + output) if loss is not None else output
+
+ return SequenceClassifierOutputWithPast(
+ loss=loss,
+ logits=pooled_logits,
+ past_key_values=transformer_outputs.past_key_values,
+ hidden_states=transformer_outputs.hidden_states,
+ attentions=transformer_outputs.attentions,
+ )
+
+
+__all__ = ["DogeForCausalLM", "DogeModel", "DogePreTrainedModel", "DogeForSequenceClassification"]
diff --git a/special_tokens_map.json b/special_tokens_map.json
new file mode 100644
index 0000000..68b10c7
--- /dev/null
+++ b/special_tokens_map.json
@@ -0,0 +1,23 @@
+{
+ "bos_token": {
+ "content": "<|begin_of_text|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false
+ },
+ "eos_token": {
+ "content": "<|end_of_text|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false
+ },
+ "pad_token": {
+ "content": "<|finetune_right_pad_id|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false
+ }
+}
diff --git a/tokenizer.json b/tokenizer.json
new file mode 100644
index 0000000..355c7de
--- /dev/null
+++ b/tokenizer.json
@@ -0,0 +1,164208 @@
+{
+ "version": "1.0",
+ "truncation": null,
+ "padding": null,
+ "added_tokens": [
+ {
+ "id": 0,
+ "content": "<|begin_of_text|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 1,
+ "content": "<|end_of_text|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 2,
+ "content": "<|finetune_right_pad_id|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 3,
+ "content": "<|start_header_id|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 4,
+ "content": "<|end_header_id|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 5,
+ "content": "<|eom_id|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 6,
+ "content": "<|eot_id|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 7,
+ "content": "<|python_tag|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 8,
+ "content": "<|begin_of_thought|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 9,
+ "content": "<|end_of_thought|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 10,
+ "content": "<|begin_of_solution|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 11,
+ "content": "<|end_of_solution|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 12,
+ "content": "<|reserved_special_token_0|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 13,
+ "content": "<|reserved_special_token_1|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 14,
+ "content": "<|reserved_special_token_2|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 15,
+ "content": "<|reserved_special_token_3|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 16,
+ "content": "<|reserved_special_token_4|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 17,
+ "content": "<|reserved_special_token_5|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 18,
+ "content": "<|reserved_special_token_6|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 19,
+ "content": "<|reserved_special_token_7|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 20,
+ "content": "<|reserved_special_token_8|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 21,
+ "content": "<|reserved_special_token_9|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 22,
+ "content": "<|reserved_special_token_10|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 23,
+ "content": "<|reserved_special_token_11|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 24,
+ "content": "<|reserved_special_token_12|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 25,
+ "content": "<|reserved_special_token_13|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 26,
+ "content": "<|reserved_special_token_14|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 27,
+ "content": "<|reserved_special_token_15|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 28,
+ "content": "<|reserved_special_token_16|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 29,
+ "content": "<|reserved_special_token_17|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 30,
+ "content": "<|reserved_special_token_18|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 31,
+ "content": "<|reserved_special_token_19|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 32,
+ "content": "<|reserved_special_token_20|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 33,
+ "content": "<|reserved_special_token_21|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 34,
+ "content": "<|reserved_special_token_22|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 35,
+ "content": "<|reserved_special_token_23|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 36,
+ "content": "<|reserved_special_token_24|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 37,
+ "content": "<|reserved_special_token_25|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 38,
+ "content": "<|reserved_special_token_26|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 39,
+ "content": "<|reserved_special_token_27|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 40,
+ "content": "<|reserved_special_token_28|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 41,
+ "content": "<|reserved_special_token_29|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 42,
+ "content": "<|reserved_special_token_30|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 43,
+ "content": "<|reserved_special_token_31|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 44,
+ "content": "<|reserved_special_token_32|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 45,
+ "content": "<|reserved_special_token_33|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 46,
+ "content": "<|reserved_special_token_34|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 47,
+ "content": "<|reserved_special_token_35|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 48,
+ "content": "<|reserved_special_token_36|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 49,
+ "content": "<|reserved_special_token_37|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 50,
+ "content": "<|reserved_special_token_38|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 51,
+ "content": "<|reserved_special_token_39|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 52,
+ "content": "<|reserved_special_token_40|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 53,
+ "content": "<|reserved_special_token_41|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 54,
+ "content": "<|reserved_special_token_42|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 55,
+ "content": "<|reserved_special_token_43|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 56,
+ "content": "<|reserved_special_token_44|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 57,
+ "content": "<|reserved_special_token_45|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 58,
+ "content": "<|reserved_special_token_46|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 59,
+ "content": "<|reserved_special_token_47|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 60,
+ "content": "<|reserved_special_token_48|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 61,
+ "content": "<|reserved_special_token_49|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 62,
+ "content": "<|reserved_special_token_50|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 63,
+ "content": "<|reserved_special_token_51|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 64,
+ "content": "<|reserved_special_token_52|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 65,
+ "content": "<|reserved_special_token_53|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 66,
+ "content": "<|reserved_special_token_54|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 67,
+ "content": "<|reserved_special_token_55|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 68,
+ "content": "<|reserved_special_token_56|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 69,
+ "content": "<|reserved_special_token_57|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 70,
+ "content": "<|reserved_special_token_58|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 71,
+ "content": "<|reserved_special_token_59|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 72,
+ "content": "<|reserved_special_token_60|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 73,
+ "content": "<|reserved_special_token_61|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 74,
+ "content": "<|reserved_special_token_62|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 75,
+ "content": "<|reserved_special_token_63|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 76,
+ "content": "<|reserved_special_token_64|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 77,
+ "content": "<|reserved_special_token_65|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 78,
+ "content": "<|reserved_special_token_66|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 79,
+ "content": "<|reserved_special_token_67|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 80,
+ "content": "<|reserved_special_token_68|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 81,
+ "content": "<|reserved_special_token_69|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 82,
+ "content": "<|reserved_special_token_70|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 83,
+ "content": "<|reserved_special_token_71|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 84,
+ "content": "<|reserved_special_token_72|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 85,
+ "content": "<|reserved_special_token_73|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 86,
+ "content": "<|reserved_special_token_74|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 87,
+ "content": "<|reserved_special_token_75|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 88,
+ "content": "<|reserved_special_token_76|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 89,
+ "content": "<|reserved_special_token_77|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 90,
+ "content": "<|reserved_special_token_78|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 91,
+ "content": "<|reserved_special_token_79|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 92,
+ "content": "<|reserved_special_token_80|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 93,
+ "content": "<|reserved_special_token_81|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 94,
+ "content": "<|reserved_special_token_82|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 95,
+ "content": "<|reserved_special_token_83|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 96,
+ "content": "<|reserved_special_token_84|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 97,
+ "content": "<|reserved_special_token_85|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 98,
+ "content": "<|reserved_special_token_86|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 99,
+ "content": "<|reserved_special_token_87|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 100,
+ "content": "<|reserved_special_token_88|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 101,
+ "content": "<|reserved_special_token_89|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 102,
+ "content": "<|reserved_special_token_90|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 103,
+ "content": "<|reserved_special_token_91|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 104,
+ "content": "<|reserved_special_token_92|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 105,
+ "content": "<|reserved_special_token_93|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 106,
+ "content": "<|reserved_special_token_94|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 107,
+ "content": "<|reserved_special_token_95|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 108,
+ "content": "<|reserved_special_token_96|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 109,
+ "content": "<|reserved_special_token_97|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 110,
+ "content": "<|reserved_special_token_98|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 111,
+ "content": "<|reserved_special_token_99|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 112,
+ "content": "<|reserved_special_token_100|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 113,
+ "content": "<|reserved_special_token_101|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 114,
+ "content": "<|reserved_special_token_102|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 115,
+ "content": "<|reserved_special_token_103|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 116,
+ "content": "<|reserved_special_token_104|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 117,
+ "content": "<|reserved_special_token_105|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 118,
+ "content": "<|reserved_special_token_106|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 119,
+ "content": "<|reserved_special_token_107|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 120,
+ "content": "<|reserved_special_token_108|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 121,
+ "content": "<|reserved_special_token_109|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 122,
+ "content": "<|reserved_special_token_110|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 123,
+ "content": "<|reserved_special_token_111|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 124,
+ "content": "<|reserved_special_token_112|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 125,
+ "content": "<|reserved_special_token_113|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 126,
+ "content": "<|reserved_special_token_114|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 127,
+ "content": "<|reserved_special_token_115|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 128,
+ "content": "<|reserved_special_token_116|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 129,
+ "content": "<|reserved_special_token_117|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 130,
+ "content": "<|reserved_special_token_118|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 131,
+ "content": "<|reserved_special_token_119|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 132,
+ "content": "<|reserved_special_token_120|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 133,
+ "content": "<|reserved_special_token_121|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 134,
+ "content": "<|reserved_special_token_122|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 135,
+ "content": "<|reserved_special_token_123|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 136,
+ "content": "<|reserved_special_token_124|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 137,
+ "content": "<|reserved_special_token_125|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 138,
+ "content": "<|reserved_special_token_126|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 139,
+ "content": "<|reserved_special_token_127|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 140,
+ "content": "<|reserved_special_token_128|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 141,
+ "content": "<|reserved_special_token_129|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 142,
+ "content": "<|reserved_special_token_130|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 143,
+ "content": "<|reserved_special_token_131|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 144,
+ "content": "<|reserved_special_token_132|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 145,
+ "content": "<|reserved_special_token_133|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 146,
+ "content": "<|reserved_special_token_134|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 147,
+ "content": "<|reserved_special_token_135|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 148,
+ "content": "<|reserved_special_token_136|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 149,
+ "content": "<|reserved_special_token_137|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 150,
+ "content": "<|reserved_special_token_138|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 151,
+ "content": "<|reserved_special_token_139|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 152,
+ "content": "<|reserved_special_token_140|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 153,
+ "content": "<|reserved_special_token_141|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 154,
+ "content": "<|reserved_special_token_142|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 155,
+ "content": "<|reserved_special_token_143|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 156,
+ "content": "<|reserved_special_token_144|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 157,
+ "content": "<|reserved_special_token_145|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 158,
+ "content": "<|reserved_special_token_146|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 159,
+ "content": "<|reserved_special_token_147|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 160,
+ "content": "<|reserved_special_token_148|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 161,
+ "content": "<|reserved_special_token_149|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 162,
+ "content": "<|reserved_special_token_150|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 163,
+ "content": "<|reserved_special_token_151|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 164,
+ "content": "<|reserved_special_token_152|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 165,
+ "content": "<|reserved_special_token_153|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 166,
+ "content": "<|reserved_special_token_154|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 167,
+ "content": "<|reserved_special_token_155|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 168,
+ "content": "<|reserved_special_token_156|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 169,
+ "content": "<|reserved_special_token_157|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 170,
+ "content": "<|reserved_special_token_158|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 171,
+ "content": "<|reserved_special_token_159|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 172,
+ "content": "<|reserved_special_token_160|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 173,
+ "content": "<|reserved_special_token_161|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 174,
+ "content": "<|reserved_special_token_162|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 175,
+ "content": "<|reserved_special_token_163|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 176,
+ "content": "<|reserved_special_token_164|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 177,
+ "content": "<|reserved_special_token_165|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 178,
+ "content": "<|reserved_special_token_166|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 179,
+ "content": "<|reserved_special_token_167|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 180,
+ "content": "<|reserved_special_token_168|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 181,
+ "content": "<|reserved_special_token_169|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 182,
+ "content": "<|reserved_special_token_170|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 183,
+ "content": "<|reserved_special_token_171|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 184,
+ "content": "<|reserved_special_token_172|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 185,
+ "content": "<|reserved_special_token_173|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 186,
+ "content": "<|reserved_special_token_174|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 187,
+ "content": "<|reserved_special_token_175|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 188,
+ "content": "<|reserved_special_token_176|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 189,
+ "content": "<|reserved_special_token_177|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 190,
+ "content": "<|reserved_special_token_178|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 191,
+ "content": "<|reserved_special_token_179|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 192,
+ "content": "<|reserved_special_token_180|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 193,
+ "content": "<|reserved_special_token_181|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 194,
+ "content": "<|reserved_special_token_182|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 195,
+ "content": "<|reserved_special_token_183|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 196,
+ "content": "<|reserved_special_token_184|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 197,
+ "content": "<|reserved_special_token_185|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 198,
+ "content": "<|reserved_special_token_186|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 199,
+ "content": "<|reserved_special_token_187|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 200,
+ "content": "<|reserved_special_token_188|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 201,
+ "content": "<|reserved_special_token_189|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 202,
+ "content": "<|reserved_special_token_190|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 203,
+ "content": "<|reserved_special_token_191|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 204,
+ "content": "<|reserved_special_token_192|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 205,
+ "content": "<|reserved_special_token_193|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 206,
+ "content": "<|reserved_special_token_194|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 207,
+ "content": "<|reserved_special_token_195|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 208,
+ "content": "<|reserved_special_token_196|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 209,
+ "content": "<|reserved_special_token_197|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 210,
+ "content": "<|reserved_special_token_198|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 211,
+ "content": "<|reserved_special_token_199|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 212,
+ "content": "<|reserved_special_token_200|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 213,
+ "content": "<|reserved_special_token_201|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 214,
+ "content": "<|reserved_special_token_202|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 215,
+ "content": "<|reserved_special_token_203|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 216,
+ "content": "<|reserved_special_token_204|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 217,
+ "content": "<|reserved_special_token_205|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 218,
+ "content": "<|reserved_special_token_206|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 219,
+ "content": "<|reserved_special_token_207|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 220,
+ "content": "<|reserved_special_token_208|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 221,
+ "content": "<|reserved_special_token_209|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 222,
+ "content": "<|reserved_special_token_210|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 223,
+ "content": "<|reserved_special_token_211|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 224,
+ "content": "<|reserved_special_token_212|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 225,
+ "content": "<|reserved_special_token_213|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 226,
+ "content": "<|reserved_special_token_214|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 227,
+ "content": "<|reserved_special_token_215|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 228,
+ "content": "<|reserved_special_token_216|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 229,
+ "content": "<|reserved_special_token_217|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 230,
+ "content": "<|reserved_special_token_218|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 231,
+ "content": "<|reserved_special_token_219|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 232,
+ "content": "<|reserved_special_token_220|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 233,
+ "content": "<|reserved_special_token_221|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 234,
+ "content": "<|reserved_special_token_222|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 235,
+ "content": "<|reserved_special_token_223|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 236,
+ "content": "<|reserved_special_token_224|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 237,
+ "content": "<|reserved_special_token_225|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 238,
+ "content": "<|reserved_special_token_226|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 239,
+ "content": "<|reserved_special_token_227|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 240,
+ "content": "<|reserved_special_token_228|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 241,
+ "content": "<|reserved_special_token_229|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 242,
+ "content": "<|reserved_special_token_230|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 243,
+ "content": "<|reserved_special_token_231|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 244,
+ "content": "<|reserved_special_token_232|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 245,
+ "content": "<|reserved_special_token_233|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 246,
+ "content": "<|reserved_special_token_234|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 247,
+ "content": "<|reserved_special_token_235|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 248,
+ "content": "<|reserved_special_token_236|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 249,
+ "content": "<|reserved_special_token_237|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 250,
+ "content": "<|reserved_special_token_238|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 251,
+ "content": "<|reserved_special_token_239|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 252,
+ "content": "<|reserved_special_token_240|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 253,
+ "content": "<|reserved_special_token_241|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 254,
+ "content": "<|reserved_special_token_242|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ },
+ {
+ "id": 255,
+ "content": "<|reserved_special_token_243|>",
+ "single_word": false,
+ "lstrip": false,
+ "rstrip": false,
+ "normalized": false,
+ "special": true
+ }
+ ],
+ "normalizer": null,
+ "pre_tokenizer": {
+ "type": "Sequence",
+ "pretokenizers": [
+ {
+ "type": "Split",
+ "pattern": {
+ "Regex": "(?i:'s|'t|'re|'ve|'m|'ll|'d)|[^\\r\\n\\p{L}\\p{N}]?\\p{L}+|\\p{N}{1,3}| ?[^\\s\\p{L}\\p{N}]+[\\r\\n]*|\\s*[\\r\\n]+|\\s+(?!\\S)|\\s+"
+ },
+ "behavior": "Isolated",
+ "invert": false
+ },
+ {
+ "type": "ByteLevel",
+ "add_prefix_space": false,
+ "trim_offsets": true,
+ "use_regex": false
+ }
+ ]
+ },
+ "post_processor": {
+ "type": "Sequence",
+ "processors": [
+ {
+ "type": "ByteLevel",
+ "add_prefix_space": true,
+ "trim_offsets": false,
+ "use_regex": true
+ },
+ {
+ "type": "TemplateProcessing",
+ "single": [
+ {
+ "SpecialToken": {
+ "id": "<|begin_of_text|>",
+ "type_id": 0
+ }
+ },
+ {
+ "Sequence": {
+ "id": "A",
+ "type_id": 0
+ }
+ }
+ ],
+ "pair": [
+ {
+ "SpecialToken": {
+ "id": "<|begin_of_text|>",
+ "type_id": 0
+ }
+ },
+ {
+ "Sequence": {
+ "id": "A",
+ "type_id": 0
+ }
+ },
+ {
+ "SpecialToken": {
+ "id": "<|begin_of_text|>",
+ "type_id": 1
+ }
+ },
+ {
+ "Sequence": {
+ "id": "B",
+ "type_id": 1
+ }
+ }
+ ],
+ "special_tokens": {
+ "<|begin_of_text|>": {
+ "id": "<|begin_of_text|>",
+ "ids": [
+ 0
+ ],
+ "tokens": [
+ "<|begin_of_text|>"
+ ]
+ }
+ }
+ }
+ ]
+ },
+ "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": true,
+ "vocab": {
+ "<|begin_of_text|>": 0,
+ "<|end_of_text|>": 1,
+ "<|finetune_right_pad_id|>": 2,
+ "<|start_header_id|>": 3,
+ "<|end_header_id|>": 4,
+ "<|eom_id|>": 5,
+ "<|eot_id|>": 6,
+ "<|python_tag|>": 7,
+ "<|begin_of_thought|>": 8,
+ "<|end_of_thought|>": 9,
+ "<|begin_of_solution|>": 10,
+ "<|end_of_solution|>": 11,
+ "<|reserved_special_token_0|>": 12,
+ "<|reserved_special_token_1|>": 13,
+ "<|reserved_special_token_2|>": 14,
+ "<|reserved_special_token_3|>": 15,
+ "<|reserved_special_token_4|>": 16,
+ "<|reserved_special_token_5|>": 17,
+ "<|reserved_special_token_6|>": 18,
+ "<|reserved_special_token_7|>": 19,
+ "<|reserved_special_token_8|>": 20,
+ "<|reserved_special_token_9|>": 21,
+ "<|reserved_special_token_10|>": 22,
+ "<|reserved_special_token_11|>": 23,
+ "<|reserved_special_token_12|>": 24,
+ "<|reserved_special_token_13|>": 25,
+ "<|reserved_special_token_14|>": 26,
+ "<|reserved_special_token_15|>": 27,
+ "<|reserved_special_token_16|>": 28,
+ "<|reserved_special_token_17|>": 29,
+ "<|reserved_special_token_18|>": 30,
+ "<|reserved_special_token_19|>": 31,
+ "<|reserved_special_token_20|>": 32,
+ "<|reserved_special_token_21|>": 33,
+ "<|reserved_special_token_22|>": 34,
+ "<|reserved_special_token_23|>": 35,
+ "<|reserved_special_token_24|>": 36,
+ "<|reserved_special_token_25|>": 37,
+ "<|reserved_special_token_26|>": 38,
+ "<|reserved_special_token_27|>": 39,
+ "<|reserved_special_token_28|>": 40,
+ "<|reserved_special_token_29|>": 41,
+ "<|reserved_special_token_30|>": 42,
+ "<|reserved_special_token_31|>": 43,
+ "<|reserved_special_token_32|>": 44,
+ "<|reserved_special_token_33|>": 45,
+ "<|reserved_special_token_34|>": 46,
+ "<|reserved_special_token_35|>": 47,
+ "<|reserved_special_token_36|>": 48,
+ "<|reserved_special_token_37|>": 49,
+ "<|reserved_special_token_38|>": 50,
+ "<|reserved_special_token_39|>": 51,
+ "<|reserved_special_token_40|>": 52,
+ "<|reserved_special_token_41|>": 53,
+ "<|reserved_special_token_42|>": 54,
+ "<|reserved_special_token_43|>": 55,
+ "<|reserved_special_token_44|>": 56,
+ "<|reserved_special_token_45|>": 57,
+ "<|reserved_special_token_46|>": 58,
+ "<|reserved_special_token_47|>": 59,
+ "<|reserved_special_token_48|>": 60,
+ "<|reserved_special_token_49|>": 61,
+ "<|reserved_special_token_50|>": 62,
+ "<|reserved_special_token_51|>": 63,
+ "<|reserved_special_token_52|>": 64,
+ "<|reserved_special_token_53|>": 65,
+ "<|reserved_special_token_54|>": 66,
+ "<|reserved_special_token_55|>": 67,
+ "<|reserved_special_token_56|>": 68,
+ "<|reserved_special_token_57|>": 69,
+ "<|reserved_special_token_58|>": 70,
+ "<|reserved_special_token_59|>": 71,
+ "<|reserved_special_token_60|>": 72,
+ "<|reserved_special_token_61|>": 73,
+ "<|reserved_special_token_62|>": 74,
+ "<|reserved_special_token_63|>": 75,
+ "<|reserved_special_token_64|>": 76,
+ "<|reserved_special_token_65|>": 77,
+ "<|reserved_special_token_66|>": 78,
+ "<|reserved_special_token_67|>": 79,
+ "<|reserved_special_token_68|>": 80,
+ "<|reserved_special_token_69|>": 81,
+ "<|reserved_special_token_70|>": 82,
+ "<|reserved_special_token_71|>": 83,
+ "<|reserved_special_token_72|>": 84,
+ "<|reserved_special_token_73|>": 85,
+ "<|reserved_special_token_74|>": 86,
+ "<|reserved_special_token_75|>": 87,
+ "<|reserved_special_token_76|>": 88,
+ "<|reserved_special_token_77|>": 89,
+ "<|reserved_special_token_78|>": 90,
+ "<|reserved_special_token_79|>": 91,
+ "<|reserved_special_token_80|>": 92,
+ "<|reserved_special_token_81|>": 93,
+ "<|reserved_special_token_82|>": 94,
+ "<|reserved_special_token_83|>": 95,
+ "<|reserved_special_token_84|>": 96,
+ "<|reserved_special_token_85|>": 97,
+ "<|reserved_special_token_86|>": 98,
+ "<|reserved_special_token_87|>": 99,
+ "<|reserved_special_token_88|>": 100,
+ "<|reserved_special_token_89|>": 101,
+ "<|reserved_special_token_90|>": 102,
+ "<|reserved_special_token_91|>": 103,
+ "<|reserved_special_token_92|>": 104,
+ "<|reserved_special_token_93|>": 105,
+ "<|reserved_special_token_94|>": 106,
+ "<|reserved_special_token_95|>": 107,
+ "<|reserved_special_token_96|>": 108,
+ "<|reserved_special_token_97|>": 109,
+ "<|reserved_special_token_98|>": 110,
+ "<|reserved_special_token_99|>": 111,
+ "<|reserved_special_token_100|>": 112,
+ "<|reserved_special_token_101|>": 113,
+ "<|reserved_special_token_102|>": 114,
+ "<|reserved_special_token_103|>": 115,
+ "<|reserved_special_token_104|>": 116,
+ "<|reserved_special_token_105|>": 117,
+ "<|reserved_special_token_106|>": 118,
+ "<|reserved_special_token_107|>": 119,
+ "<|reserved_special_token_108|>": 120,
+ "<|reserved_special_token_109|>": 121,
+ "<|reserved_special_token_110|>": 122,
+ "<|reserved_special_token_111|>": 123,
+ "<|reserved_special_token_112|>": 124,
+ "<|reserved_special_token_113|>": 125,
+ "<|reserved_special_token_114|>": 126,
+ "<|reserved_special_token_115|>": 127,
+ "<|reserved_special_token_116|>": 128,
+ "<|reserved_special_token_117|>": 129,
+ "<|reserved_special_token_118|>": 130,
+ "<|reserved_special_token_119|>": 131,
+ "<|reserved_special_token_120|>": 132,
+ "<|reserved_special_token_121|>": 133,
+ "<|reserved_special_token_122|>": 134,
+ "<|reserved_special_token_123|>": 135,
+ "<|reserved_special_token_124|>": 136,
+ "<|reserved_special_token_125|>": 137,
+ "<|reserved_special_token_126|>": 138,
+ "<|reserved_special_token_127|>": 139,
+ "<|reserved_special_token_128|>": 140,
+ "<|reserved_special_token_129|>": 141,
+ "<|reserved_special_token_130|>": 142,
+ "<|reserved_special_token_131|>": 143,
+ "<|reserved_special_token_132|>": 144,
+ "<|reserved_special_token_133|>": 145,
+ "<|reserved_special_token_134|>": 146,
+ "<|reserved_special_token_135|>": 147,
+ "<|reserved_special_token_136|>": 148,
+ "<|reserved_special_token_137|>": 149,
+ "<|reserved_special_token_138|>": 150,
+ "<|reserved_special_token_139|>": 151,
+ "<|reserved_special_token_140|>": 152,
+ "<|reserved_special_token_141|>": 153,
+ "<|reserved_special_token_142|>": 154,
+ "<|reserved_special_token_143|>": 155,
+ "<|reserved_special_token_144|>": 156,
+ "<|reserved_special_token_145|>": 157,
+ "<|reserved_special_token_146|>": 158,
+ "<|reserved_special_token_147|>": 159,
+ "<|reserved_special_token_148|>": 160,
+ "<|reserved_special_token_149|>": 161,
+ "<|reserved_special_token_150|>": 162,
+ "<|reserved_special_token_151|>": 163,
+ "<|reserved_special_token_152|>": 164,
+ "<|reserved_special_token_153|>": 165,
+ "<|reserved_special_token_154|>": 166,
+ "<|reserved_special_token_155|>": 167,
+ "<|reserved_special_token_156|>": 168,
+ "<|reserved_special_token_157|>": 169,
+ "<|reserved_special_token_158|>": 170,
+ "<|reserved_special_token_159|>": 171,
+ "<|reserved_special_token_160|>": 172,
+ "<|reserved_special_token_161|>": 173,
+ "<|reserved_special_token_162|>": 174,
+ "<|reserved_special_token_163|>": 175,
+ "<|reserved_special_token_164|>": 176,
+ "<|reserved_special_token_165|>": 177,
+ "<|reserved_special_token_166|>": 178,
+ "<|reserved_special_token_167|>": 179,
+ "<|reserved_special_token_168|>": 180,
+ "<|reserved_special_token_169|>": 181,
+ "<|reserved_special_token_170|>": 182,
+ "<|reserved_special_token_171|>": 183,
+ "<|reserved_special_token_172|>": 184,
+ "<|reserved_special_token_173|>": 185,
+ "<|reserved_special_token_174|>": 186,
+ "<|reserved_special_token_175|>": 187,
+ "<|reserved_special_token_176|>": 188,
+ "<|reserved_special_token_177|>": 189,
+ "<|reserved_special_token_178|>": 190,
+ "<|reserved_special_token_179|>": 191,
+ "<|reserved_special_token_180|>": 192,
+ "<|reserved_special_token_181|>": 193,
+ "<|reserved_special_token_182|>": 194,
+ "<|reserved_special_token_183|>": 195,
+ "<|reserved_special_token_184|>": 196,
+ "<|reserved_special_token_185|>": 197,
+ "<|reserved_special_token_186|>": 198,
+ "<|reserved_special_token_187|>": 199,
+ "<|reserved_special_token_188|>": 200,
+ "<|reserved_special_token_189|>": 201,
+ "<|reserved_special_token_190|>": 202,
+ "<|reserved_special_token_191|>": 203,
+ "<|reserved_special_token_192|>": 204,
+ "<|reserved_special_token_193|>": 205,
+ "<|reserved_special_token_194|>": 206,
+ "<|reserved_special_token_195|>": 207,
+ "<|reserved_special_token_196|>": 208,
+ "<|reserved_special_token_197|>": 209,
+ "<|reserved_special_token_198|>": 210,
+ "<|reserved_special_token_199|>": 211,
+ "<|reserved_special_token_200|>": 212,
+ "<|reserved_special_token_201|>": 213,
+ "<|reserved_special_token_202|>": 214,
+ "<|reserved_special_token_203|>": 215,
+ "<|reserved_special_token_204|>": 216,
+ "<|reserved_special_token_205|>": 217,
+ "<|reserved_special_token_206|>": 218,
+ "<|reserved_special_token_207|>": 219,
+ "<|reserved_special_token_208|>": 220,
+ "<|reserved_special_token_209|>": 221,
+ "<|reserved_special_token_210|>": 222,
+ "<|reserved_special_token_211|>": 223,
+ "<|reserved_special_token_212|>": 224,
+ "<|reserved_special_token_213|>": 225,
+ "<|reserved_special_token_214|>": 226,
+ "<|reserved_special_token_215|>": 227,
+ "<|reserved_special_token_216|>": 228,
+ "<|reserved_special_token_217|>": 229,
+ "<|reserved_special_token_218|>": 230,
+ "<|reserved_special_token_219|>": 231,
+ "<|reserved_special_token_220|>": 232,
+ "<|reserved_special_token_221|>": 233,
+ "<|reserved_special_token_222|>": 234,
+ "<|reserved_special_token_223|>": 235,
+ "<|reserved_special_token_224|>": 236,
+ "<|reserved_special_token_225|>": 237,
+ "<|reserved_special_token_226|>": 238,
+ "<|reserved_special_token_227|>": 239,
+ "<|reserved_special_token_228|>": 240,
+ "<|reserved_special_token_229|>": 241,
+ "<|reserved_special_token_230|>": 242,
+ "<|reserved_special_token_231|>": 243,
+ "<|reserved_special_token_232|>": 244,
+ "<|reserved_special_token_233|>": 245,
+ "<|reserved_special_token_234|>": 246,
+ "<|reserved_special_token_235|>": 247,
+ "<|reserved_special_token_236|>": 248,
+ "<|reserved_special_token_237|>": 249,
+ "<|reserved_special_token_238|>": 250,
+ "<|reserved_special_token_239|>": 251,
+ "<|reserved_special_token_240|>": 252,
+ "<|reserved_special_token_241|>": 253,
+ "<|reserved_special_token_242|>": 254,
+ "<|reserved_special_token_243|>": 255,
+ "!": 256,
+ "\"": 257,
+ "#": 258,
+ "$": 259,
+ "%": 260,
+ "&": 261,
+ "'": 262,
+ "(": 263,
+ ")": 264,
+ "*": 265,
+ "+": 266,
+ ",": 267,
+ "-": 268,
+ ".": 269,
+ "/": 270,
+ "0": 271,
+ "1": 272,
+ "2": 273,
+ "3": 274,
+ "4": 275,
+ "5": 276,
+ "6": 277,
+ "7": 278,
+ "8": 279,
+ "9": 280,
+ ":": 281,
+ ";": 282,
+ "<": 283,
+ "=": 284,
+ ">": 285,
+ "?": 286,
+ "@": 287,
+ "A": 288,
+ "B": 289,
+ "C": 290,
+ "D": 291,
+ "E": 292,
+ "F": 293,
+ "G": 294,
+ "H": 295,
+ "I": 296,
+ "J": 297,
+ "K": 298,
+ "L": 299,
+ "M": 300,
+ "N": 301,
+ "O": 302,
+ "P": 303,
+ "Q": 304,
+ "R": 305,
+ "S": 306,
+ "T": 307,
+ "U": 308,
+ "V": 309,
+ "W": 310,
+ "X": 311,
+ "Y": 312,
+ "Z": 313,
+ "[": 314,
+ "\\": 315,
+ "]": 316,
+ "^": 317,
+ "_": 318,
+ "`": 319,
+ "a": 320,
+ "b": 321,
+ "c": 322,
+ "d": 323,
+ "e": 324,
+ "f": 325,
+ "g": 326,
+ "h": 327,
+ "i": 328,
+ "j": 329,
+ "k": 330,
+ "l": 331,
+ "m": 332,
+ "n": 333,
+ "o": 334,
+ "p": 335,
+ "q": 336,
+ "r": 337,
+ "s": 338,
+ "t": 339,
+ "u": 340,
+ "v": 341,
+ "w": 342,
+ "x": 343,
+ "y": 344,
+ "z": 345,
+ "{": 346,
+ "|": 347,
+ "}": 348,
+ "~": 349,
+ "¡": 350,
+ "¢": 351,
+ "£": 352,
+ "¤": 353,
+ "¥": 354,
+ "¦": 355,
+ "§": 356,
+ "¨": 357,
+ "©": 358,
+ "ª": 359,
+ "«": 360,
+ "¬": 361,
+ "®": 362,
+ "¯": 363,
+ "°": 364,
+ "±": 365,
+ "²": 366,
+ "³": 367,
+ "´": 368,
+ "µ": 369,
+ "¶": 370,
+ "·": 371,
+ "¸": 372,
+ "¹": 373,
+ "º": 374,
+ "»": 375,
+ "¼": 376,
+ "½": 377,
+ "¾": 378,
+ "¿": 379,
+ "À": 380,
+ "Á": 381,
+ "Â": 382,
+ "Ã": 383,
+ "Ä": 384,
+ "Å": 385,
+ "Æ": 386,
+ "Ç": 387,
+ "È": 388,
+ "É": 389,
+ "Ê": 390,
+ "Ë": 391,
+ "Ì": 392,
+ "Í": 393,
+ "Î": 394,
+ "Ï": 395,
+ "Ð": 396,
+ "Ñ": 397,
+ "Ò": 398,
+ "Ó": 399,
+ "Ô": 400,
+ "Õ": 401,
+ "Ö": 402,
+ "×": 403,
+ "Ø": 404,
+ "Ù": 405,
+ "Ú": 406,
+ "Û": 407,
+ "Ü": 408,
+ "Ý": 409,
+ "Þ": 410,
+ "ß": 411,
+ "à": 412,
+ "á": 413,
+ "â": 414,
+ "ã": 415,
+ "ä": 416,
+ "å": 417,
+ "æ": 418,
+ "ç": 419,
+ "è": 420,
+ "é": 421,
+ "ê": 422,
+ "ë": 423,
+ "ì": 424,
+ "í": 425,
+ "î": 426,
+ "ï": 427,
+ "ð": 428,
+ "ñ": 429,
+ "ò": 430,
+ "ó": 431,
+ "ô": 432,
+ "õ": 433,
+ "ö": 434,
+ "÷": 435,
+ "ø": 436,
+ "ù": 437,
+ "ú": 438,
+ "û": 439,
+ "ü": 440,
+ "ý": 441,
+ "þ": 442,
+ "ÿ": 443,
+ "Ā": 444,
+ "ā": 445,
+ "Ă": 446,
+ "ă": 447,
+ "Ą": 448,
+ "ą": 449,
+ "Ć": 450,
+ "ć": 451,
+ "Ĉ": 452,
+ "ĉ": 453,
+ "Ċ": 454,
+ "ċ": 455,
+ "Č": 456,
+ "č": 457,
+ "Ď": 458,
+ "ď": 459,
+ "Đ": 460,
+ "đ": 461,
+ "Ē": 462,
+ "ē": 463,
+ "Ĕ": 464,
+ "ĕ": 465,
+ "Ė": 466,
+ "ė": 467,
+ "Ę": 468,
+ "ę": 469,
+ "Ě": 470,
+ "ě": 471,
+ "Ĝ": 472,
+ "ĝ": 473,
+ "Ğ": 474,
+ "ğ": 475,
+ "Ġ": 476,
+ "ġ": 477,
+ "Ģ": 478,
+ "ģ": 479,
+ "Ĥ": 480,
+ "ĥ": 481,
+ "Ħ": 482,
+ "ħ": 483,
+ "Ĩ": 484,
+ "ĩ": 485,
+ "Ī": 486,
+ "ī": 487,
+ "Ĭ": 488,
+ "ĭ": 489,
+ "Į": 490,
+ "į": 491,
+ "İ": 492,
+ "ı": 493,
+ "IJ": 494,
+ "ij": 495,
+ "Ĵ": 496,
+ "ĵ": 497,
+ "Ķ": 498,
+ "ķ": 499,
+ "ĸ": 500,
+ "Ĺ": 501,
+ "ĺ": 502,
+ "Ļ": 503,
+ "ļ": 504,
+ "Ľ": 505,
+ "ľ": 506,
+ "Ŀ": 507,
+ "ŀ": 508,
+ "Ł": 509,
+ "ł": 510,
+ "Ń": 511,
+ "Ġt": 512,
+ "Ġa": 513,
+ "in": 514,
+ "he": 515,
+ "re": 516,
+ "on": 517,
+ "er": 518,
+ "Ġthe": 519,
+ "at": 520,
+ "Ġs": 521,
+ "Ġo": 522,
+ "en": 523,
+ "Ġc": 524,
+ "es": 525,
+ "nd": 526,
+ "it": 527,
+ "or": 528,
+ "is": 529,
+ "Ġw": 530,
+ "al": 531,
+ "ing": 532,
+ "Ġp": 533,
+ "an": 534,
+ "Ġf": 535,
+ "Ġb": 536,
+ "ou": 537,
+ "Ġin": 538,
+ "ed": 539,
+ "Ġof": 540,
+ "ar": 541,
+ "ion": 542,
+ "Ġand": 543,
+ "Ġm": 544,
+ "ic": 545,
+ "Ġd": 546,
+ "Ġto": 547,
+ "le": 548,
+ "ro": 549,
+ "ent": 550,
+ "ct": 551,
+ "Ġe": 552,
+ "as": 553,
+ "Ġh": 554,
+ "Ġth": 555,
+ "Ġre": 556,
+ "ve": 557,
+ "om": 558,
+ "il": 559,
+ "st": 560,
+ "Ġl": 561,
+ "Ġn": 562,
+ ".Ċ": 563,
+ "et": 564,
+ "ol": 565,
+ "ation": 566,
+ "ĠĠ": 567,
+ "Ġis": 568,
+ "ly": 569,
+ "ĠT": 570,
+ "ra": 571,
+ "se": 572,
+ "id": 573,
+ "im": 574,
+ "Ġg": 575,
+ "ce": 576,
+ "ch": 577,
+ "ow": 578,
+ "Ġu": 579,
+ "ig": 580,
+ "Ġbe": 581,
+ "ot": 582,
+ "ut": 583,
+ "ur": 584,
+ "Ġfor": 585,
+ "Ġy": 586,
+ "âĢ": 587,
+ "Ġst": 588,
+ "ĠA": 589,
+ "ĠS": 590,
+ "ver": 591,
+ "ul": 592,
+ "Ġon": 593,
+ "ĠI": 594,
+ "ĠC": 595,
+ "Ġyou": 596,
+ "ir": 597,
+ "Ġcon": 598,
+ "ay": 599,
+ "am": 600,
+ "el": 601,
+ "Ġthat": 602,
+ "ith": 603,
+ "if": 604,
+ "Ġpro": 605,
+ "Ġan": 606,
+ "Ġas": 607,
+ "Ġex": 608,
+ "Ġwith": 609,
+ "Ġor": 610,
+ "ad": 611,
+ "ess": 612,
+ "ge": 613,
+ "ter": 614,
+ "her": 615,
+ "Ġare": 616,
+ "od": 617,
+ "ment": 618,
+ "ers": 619,
+ "Ġal": 620,
+ "Ġit": 621,
+ "ate": 622,
+ "ĠP": 623,
+ "ect": 624,
+ "ies": 625,
+ "ist": 626,
+ "Ġwh": 627,
+ "th": 628,
+ "ab": 629,
+ "Ġ(": 630,
+ "ĠM": 631,
+ "Ġde": 632,
+ "ive": 633,
+ "ĠThe": 634,
+ "Ġcom": 635,
+ "um": 636,
+ "res": 637,
+ "qu": 638,
+ "us": 639,
+ "ity": 640,
+ "op": 641,
+ "Ġv": 642,
+ "iv": 643,
+ "ud": 644,
+ "ĠB": 645,
+ "Ġhe": 646,
+ "Ġsu": 647,
+ "ore": 648,
+ "Ġwe": 649,
+ "ill": 650,
+ "ke": 651,
+ "est": 652,
+ "pp": 653,
+ "ĠW": 654,
+ "em": 655,
+ "ant": 656,
+ "os": 657,
+ "ial": 658,
+ "ac": 659,
+ "nt": 660,
+ "ĠE": 661,
+ "igh": 662,
+ "and": 663,
+ "ain": 664,
+ "oc": 665,
+ "Ġcan": 666,
+ "ĠD": 667,
+ "rom": 668,
+ "Ġch": 669,
+ "ĠH": 670,
+ "ld": 671,
+ "ĠĠĠĠ": 672,
+ "ical": 673,
+ "ĠF": 674,
+ "ure": 675,
+ "Ġby": 676,
+ "ort": 677,
+ "Ġr": 678,
+ "Ġen": 679,
+ "pl": 680,
+ "ĠR": 681,
+ "Ġle": 682,
+ "Ġne": 683,
+ "un": 684,
+ "âĢĻ": 685,
+ "ri": 686,
+ "ions": 687,
+ "Ġha": 688,
+ "Ġfrom": 689,
+ "og": 690,
+ "art": 691,
+ "ĊĊ": 692,
+ "Ġat": 693,
+ "Ġse": 694,
+ "Ġsh": 695,
+ "pt": 696,
+ "ight": 697,
+ "ag": 698,
+ "ere": 699,
+ "ĠL": 700,
+ "pe": 701,
+ "Ġwor": 702,
+ "Ġint": 703,
+ "per": 704,
+ "Ġab": 705,
+ "du": 706,
+ "Ġyour": 707,
+ "Ġim": 708,
+ "rou": 709,
+ "ine": 710,
+ "Ġnot": 711,
+ "our": 712,
+ "Ġthis": 713,
+ "iz": 714,
+ "ĠN": 715,
+ "act": 716,
+ "ĠG": 717,
+ "all": 718,
+ "out": 719,
+ "age": 720,
+ "Ġus": 721,
+ "ĠâĢ": 722,
+ "Ġhave": 723,
+ "gh": 724,
+ "ations": 725,
+ "Ġpl": 726,
+ "ome": 727,
+ "ide": 728,
+ "Ġwas": 729,
+ "ated": 730,
+ "ard": 731,
+ "are": 732,
+ "Ġcont": 733,
+ "--": 734,
+ "Ġcomp": 735,
+ "20": 736,
+ "Ġk": 737,
+ "ult": 738,
+ "ost": 739,
+ "Ġad": 740,
+ "Ġtheir": 741,
+ "ff": 742,
+ "cl": 743,
+ "ĠO": 744,
+ "ru": 745,
+ "ould": 746,
+ "ich": 747,
+ "ous": 748,
+ "ell": 749,
+ "ther": 750,
+ "Ġte": 751,
+ "ak": 752,
+ "ans": 753,
+ "end": 754,
+ "ust": 755,
+ "ib": 756,
+ "ents": 757,
+ "ok": 758,
+ "Ġres": 759,
+ "ip": 760,
+ "rit": 761,
+ "able": 762,
+ "The": 763,
+ "cc": 764,
+ "Ġwhe": 765,
+ "ance": 766,
+ "vel": 767,
+ "orm": 768,
+ "ĠIn": 769,
+ "ast": 770,
+ "Ġdis": 771,
+ "ĠU": 772,
+ "ie": 773,
+ "ĠTh": 774,
+ "ence": 775,
+ "ary": 776,
+ "ap": 777,
+ "ach": 778,
+ "âĢĻs": 779,
+ ".ĊĊ": 780,
+ "'s": 781,
+ "Ġall": 782,
+ "ual": 783,
+ "ong": 784,
+ "ind": 785,
+ "Ġwill": 786,
+ "ry": 787,
+ "ep": 788,
+ "Ġthey": 789,
+ "ire": 790,
+ "Ġimp": 791,
+ "ear": 792,
+ "ign": 793,
+ "ction": 794,
+ "Ġj": 795,
+ "Ġun": 796,
+ "ood": 797,
+ "Ġdo": 798,
+ "Ġwhich": 799,
+ "ory": 800,
+ "Ġstud": 801,
+ "ks": 802,
+ "Ġme": 803,
+ "Ġcl": 804,
+ "reat": 805,
+ "ces": 806,
+ "ia": 807,
+ "ĠJ": 808,
+ "ook": 809,
+ "so": 810,
+ "Ġmore": 811,
+ "Ġman": 812,
+ "Ġapp": 813,
+ "Ġhas": 814,
+ "Ġ=": 815,
+ "ress": 816,
+ "ass": 817,
+ "Ġar": 818,
+ "ition": 819,
+ "ake": 820,
+ "one": 821,
+ "av": 822,
+ "ice": 823,
+ "Ġother": 824,
+ "ĠĠĠ": 825,
+ "ue": 826,
+ "Ġabout": 827,
+ "ber": 828,
+ "Ġper": 829,
+ "ime": 830,
+ "ater": 831,
+ "ors": 832,
+ "ike": 833,
+ "Ġ\"": 834,
+ "Ġone": 835,
+ "ang": 836,
+ "nder": 837,
+ "Ġsp": 838,
+ "ens": 839,
+ "Ġpre": 840,
+ "ail": 841,
+ "int": 842,
+ "ild": 843,
+ "Ġqu": 844,
+ "form": 845,
+ "ose": 846,
+ "ract": 847,
+ "ase": 848,
+ "Ġalso": 849,
+ "ile": 850,
+ "Ġpart": 851,
+ "now": 852,
+ "ĠSt": 853,
+ "very": 854,
+ "Ġbut": 855,
+ "Ġout": 856,
+ "ci": 857,
+ "iff": 858,
+ "Ġev": 859,
+ "olog": 860,
+ "Ġsy": 861,
+ "Ġcomm": 862,
+ "clud": 863,
+ "ace": 864,
+ "Ġso": 865,
+ "19": 866,
+ "ord": 867,
+ "xt": 868,
+ "low": 869,
+ "ount": 870,
+ "ack": 871,
+ "ree": 872,
+ "Ġthem": 873,
+ "ph": 874,
+ "Ġhow": 875,
+ "00": 876,
+ "ame": 877,
+ "ric": 878,
+ "au": 879,
+ "ish": 880,
+ "ific": 881,
+ "Ġrel": 882,
+ "Ġinto": 883,
+ "Ġspe": 884,
+ "ities": 885,
+ "Ġdiff": 886,
+ "Ġro": 887,
+ "?Ċ": 888,
+ "ub": 889,
+ "Ġpe": 890,
+ "Ġthese": 891,
+ "âĢĿ": 892,
+ "rough": 893,
+ "ative": 894,
+ "ound": 895,
+ "Ġunder": 896,
+ "Ġcol": 897,
+ "ĠIt": 898,
+ "Ġlike": 899,
+ "Ġem": 900,
+ "ĠThis": 901,
+ "ings": 902,
+ "ys": 903,
+ "ays": 904,
+ "Ġfe": 905,
+ "ments": 906,
+ "..": 907,
+ "ating": 908,
+ "Ġup": 909,
+ "Ġ-": 910,
+ "Ġtra": 911,
+ ":Ċ": 912,
+ "ove": 913,
+ "Ġbet": 914,
+ "ject": 915,
+ "ms": 916,
+ "Ġknow": 917,
+ "ĠK": 918,
+ "ates": 919,
+ "cre": 920,
+ "ple": 921,
+ "Ġits": 922,
+ "ics": 923,
+ "ite": 924,
+ "Ġinclud": 925,
+ "ari": 926,
+ "Ġhel": 927,
+ "ne": 928,
+ "Ġpr": 929,
+ "Ġsome": 930,
+ "Ġcons": 931,
+ "ĠCh": 932,
+ "we": 933,
+ "Ġacc": 934,
+ "con": 935,
+ "Ġover": 936,
+ "lect": 937,
+ "Ġour": 938,
+ "Ġbec": 939,
+ "ning": 940,
+ "Ġwere": 941,
+ "Ġtime": 942,
+ "Ġph": 943,
+ "ool": 944,
+ "Ġwho": 945,
+ "Ġuse": 946,
+ "cess": 947,
+ "Ġhelp": 948,
+ "Ġmay": 949,
+ "Ġwhen": 950,
+ "vers": 951,
+ "Ġif": 952,
+ "alth": 953,
+ "Ġinter": 954,
+ "----": 955,
+ "les": 956,
+ "Ġact": 957,
+ "ally": 958,
+ "Ġtr": 959,
+ "Ġwork": 960,
+ "ll": 961,
+ "ĠY": 962,
+ "ople": 963,
+ "Ġdes": 964,
+ "ough": 965,
+ "ĠV": 966,
+ "Ġind": 967,
+ "ĠâĢľ": 968,
+ "erv": 969,
+ "Ġext": 970,
+ "Ġsuch": 971,
+ "Ġthere": 972,
+ "Ġrec": 973,
+ "te": 974,
+ "velop": 975,
+ "ons": 976,
+ "ffect": 977,
+ "ng": 978,
+ "Ġgo": 979,
+ "stem": 980,
+ "Ġexam": 981,
+ "Ġthan": 982,
+ "ular": 983,
+ "ob": 984,
+ "ns": 985,
+ "Ġra": 986,
+ "ath": 987,
+ "Ġdiffere": 988,
+ "Ġag": 989,
+ "ov": 990,
+ "Ġneed": 991,
+ "row": 992,
+ "Ġam": 993,
+ ")Ċ": 994,
+ "ful": 995,
+ "eth": 996,
+ "lic": 997,
+ "Ġthrough": 998,
+ "ures": 999,
+ "Ġtw": 1000,
+ "201": 1001,
+ "hat": 1002,
+ "Ġnum": 1003,
+ "Ġpeople": 1004,
+ "uring": 1005,
+ "ility": 1006,
+ "Ġnew": 1007,
+ "Ġprov": 1008,
+ "irst": 1009,
+ "Ġhis": 1010,
+ "Ġexpl": 1011,
+ "##": 1012,
+ "chn": 1013,
+ "ian": 1014,
+ "10": 1015,
+ "Ġsub": 1016,
+ "cial": 1017,
+ "Ġwhat": 1018,
+ "Ġdi": 1019,
+ "Ġdevelop": 1020,
+ "ause": 1021,
+ "Ġany": 1022,
+ "als": 1023,
+ "Ġgen": 1024,
+ "Ġbl": 1025,
+ "rib": 1026,
+ "ced": 1027,
+ "Ġass": 1028,
+ "__": 1029,
+ "ef": 1030,
+ "Ġused": 1031,
+ "Ġyear": 1032,
+ "Ġdet": 1033,
+ "Ġmost": 1034,
+ "Ġac": 1035,
+ "Ġreg": 1036,
+ "round": 1037,
+ "ĠĠĠĠĠĠĠ": 1038,
+ "Ġadd": 1039,
+ ").": 1040,
+ "chool": 1041,
+ "red": 1042,
+ "ible": 1043,
+ "Ġbeen": 1044,
+ "Ġinv": 1045,
+ "ark": 1046,
+ "ise": 1047,
+ "ween": 1048,
+ "ational": 1049,
+ "Ġprodu": 1050,
+ "pect": 1051,
+ "ange": 1052,
+ "Ġstudents": 1053,
+ "oth": 1054,
+ "Ġoff": 1055,
+ "stand": 1056,
+ "ife": 1057,
+ "Ġshould": 1058,
+ "Ġlear": 1059,
+ "Ġwrit": 1060,
+ "cept": 1061,
+ "Ġsystem": 1062,
+ "Ġbetween": 1063,
+ "Ġpos": 1064,
+ "Ġrep": 1065,
+ "ren": 1066,
+ "mer": 1067,
+ "ert": 1068,
+ "erm": 1069,
+ "),": 1070,
+ "Ġco": 1071,
+ "Ġhealth": 1072,
+ "Ġob": 1073,
+ "ink": 1074,
+ "uc": 1075,
+ "ble": 1076,
+ "ower": 1077,
+ "ased": 1078,
+ "Ġtwo": 1079,
+ "its": 1080,
+ "ution": 1081,
+ "Ġmany": 1082,
+ "Ġvari": 1083,
+ "ten": 1084,
+ "Ġsc": 1085,
+ "Ġpers": 1086,
+ "ss": 1087,
+ "sel": 1088,
+ "Ġess": 1089,
+ "ram": 1090,
+ "ds": 1091,
+ "ata": 1092,
+ "Ġpo": 1093,
+ "Ġsa": 1094,
+ "Ġpres": 1095,
+ "Ġexper": 1096,
+ "cy": 1097,
+ "Ġtrans": 1098,
+ "Ġtechn": 1099,
+ "Ġno": 1100,
+ "Ġfirst": 1101,
+ "Ġinf": 1102,
+ "In": 1103,
+ "Ġimport": 1104,
+ "arch": 1105,
+ "Ġform": 1106,
+ "ĠâĢĵ": 1107,
+ "ology": 1108,
+ "Âł": 1109,
+ "Ġmod": 1110,
+ "ft": 1111,
+ "ict": 1112,
+ "ential": 1113,
+ "Ġdifferent": 1114,
+ "ets": 1115,
+ "ural": 1116,
+ "hed": 1117,
+ "Ġmake": 1118,
+ "Ġty": 1119,
+ "erg": 1120,
+ "Ġrem": 1121,
+ "eg": 1122,
+ "fter": 1123,
+ "Ġsoc": 1124,
+ "ize": 1125,
+ "Ġchild": 1126,
+ "hes": 1127,
+ "Ġinst": 1128,
+ "Ġsign": 1129,
+ "Ġval": 1130,
+ "Ġwould": 1131,
+ "ues": 1132,
+ "ĠUn": 1133,
+ "Ġwell": 1134,
+ "Ġpol": 1135,
+ "aking": 1136,
+ "ages": 1137,
+ "Ġsim": 1138,
+ "Ġsupp": 1139,
+ "Ġatt": 1140,
+ "Ġwhere": 1141,
+ "Ġeach": 1142,
+ "ism": 1143,
+ "own": 1144,
+ "ness": 1145,
+ "gan": 1146,
+ "Ġsur": 1147,
+ "Ġart": 1148,
+ "ines": 1149,
+ "fore": 1150,
+ "Ġsol": 1151,
+ "Ġonly": 1152,
+ "Ġschool": 1153,
+ "ting": 1154,
+ "ature": 1155,
+ "hen": 1156,
+ "ick": 1157,
+ "Ġworld": 1158,
+ "Ġsm": 1159,
+ "ĠPro": 1160,
+ "ives": 1161,
+ "ases": 1162,
+ "Ġexp": 1163,
+ "Ġhigh": 1164,
+ "Ġfol": 1165,
+ "Ġfl": 1166,
+ "Ġdisc": 1167,
+ "ew": 1168,
+ "Ġevery": 1169,
+ "iss": 1170,
+ "iew": 1171,
+ "iqu": 1172,
+ "arg": 1173,
+ "Ġunderstand": 1174,
+ "Ġjust": 1175,
+ "ily": 1176,
+ "aw": 1177,
+ "Ġgra": 1178,
+ "Ġspec": 1179,
+ "ond": 1180,
+ "tern": 1181,
+ "ices": 1182,
+ "Ġke": 1183,
+ "Ġprocess": 1184,
+ "Ġhad": 1185,
+ "ps": 1186,
+ "Ġfun": 1187,
+ "ck": 1188,
+ "ward": 1189,
+ "ious": 1190,
+ "Ġrese": 1191,
+ "ruct": 1192,
+ "Ġstr": 1193,
+ "led": 1194,
+ "oy": 1195,
+ "Ġed": 1196,
+ "ever": 1197,
+ "Ġeffect": 1198,
+ "Ġmed": 1199,
+ "Ġher": 1200,
+ "Ġref": 1201,
+ "Ġins": 1202,
+ "vent": 1203,
+ "ivid": 1204,
+ "Ġget": 1205,
+ "ts": 1206,
+ "Ġbu": 1207,
+ "Ġhum": 1208,
+ "Ġcommun": 1209,
+ "Ġusing": 1210,
+ "ident": 1211,
+ "Ġcre": 1212,
+ "Ġincre": 1213,
+ "ety": 1214,
+ "ĠHow": 1215,
+ "Ġwater": 1216,
+ "Ġinform": 1217,
+ "ants": 1218,
+ "Ġdef": 1219,
+ "200": 1220,
+ "ied": 1221,
+ "hip": 1222,
+ "Ġcould": 1223,
+ "Ġread": 1224,
+ "Ġcur": 1225,
+ "Ġequ": 1226,
+ "ically": 1227,
+ "ade": 1228,
+ "ered": 1229,
+ "ĠCon": 1230,
+ "ins": 1231,
+ "Ġdec": 1232,
+ "wn": 1233,
+ "ĠRe": 1234,
+ "ists": 1235,
+ "Ġsk": 1236,
+ "Ġappro": 1237,
+ "rodu": 1238,
+ "Ġdata": 1239,
+ "18": 1240,
+ "iron": 1241,
+ "ized": 1242,
+ "ited": 1243,
+ "Ġdep": 1244,
+ "old": 1245,
+ "Ġfollow": 1246,
+ "Ġwhile": 1247,
+ "urn": 1248,
+ "Ġfact": 1249,
+ "Ġmy": 1250,
+ "ork": 1251,
+ "Ġgener": 1252,
+ "Ġdist": 1253,
+ "ection": 1254,
+ "ples": 1255,
+ "Ġeven": 1256,
+ "Ġtext": 1257,
+ "ron": 1258,
+ "Ġway": 1259,
+ "com": 1260,
+ "ĠHe": 1261,
+ "**": 1262,
+ "eng": 1263,
+ "Ġcomple": 1264,
+ "Ġfind": 1265,
+ "Ġeng": 1266,
+ "Ġresult": 1267,
+ "Ġperson": 1268,
+ "Ġ$": 1269,
+ "Ġrequ": 1270,
+ "Ġimportant": 1271,
+ "Ġlife": 1272,
+ "Ġpat": 1273,
+ "Ġear": 1274,
+ "ality": 1275,
+ "uch": 1276,
+ "Ġhist": 1277,
+ "other": 1278,
+ "Ġlong": 1279,
+ "ĠFor": 1280,
+ "Ġdoes": 1281,
+ "Ġduring": 1282,
+ "Ġtop": 1283,
+ "ĠWe": 1284,
+ "Ġav": 1285,
+ "Ġcar": 1286,
+ "Ġthen": 1287,
+ "dition": 1288,
+ "Ġcall": 1289,
+ "ĠCom": 1290,
+ "Ġlead": 1291,
+ "Ġmain": 1292,
+ "Ġcount": 1293,
+ "Ġsee": 1294,
+ "Ġmin": 1295,
+ "Ġyears": 1296,
+ "Ġnumber": 1297,
+ "Ġcent": 1298,
+ "Ġ&": 1299,
+ "Ġpartic": 1300,
+ "arm": 1301,
+ "ually": 1302,
+ "Ġent": 1303,
+ "ient": 1304,
+ "Ġset": 1305,
+ "ĠAs": 1306,
+ "imes": 1307,
+ "ional": 1308,
+ "Ġca": 1309,
+ "Ġafter": 1310,
+ "irect": 1311,
+ "Ġboth": 1312,
+ "Ġaut": 1313,
+ "ax": 1314,
+ "Ġ/": 1315,
+ "Ġpract": 1316,
+ "Ġbecause": 1317,
+ "Ġright": 1318,
+ "Ġmat": 1319,
+ "Th": 1320,
+ "12": 1321,
+ "Ġprog": 1322,
+ "ĠAn": 1323,
+ "ving": 1324,
+ "ĠAl": 1325,
+ "get": 1326,
+ "Ġloc": 1327,
+ "ody": 1328,
+ "ien": 1329,
+ "Ġcour": 1330,
+ "Ġinclude": 1331,
+ "Ġgrow": 1332,
+ "viron": 1333,
+ "Ġproble": 1334,
+ "hem": 1335,
+ "Ġfound": 1336,
+ "meric": 1337,
+ "nce": 1338,
+ "ividual": 1339,
+ "Ġfam": 1340,
+ "Ġ+": 1341,
+ "idd": 1342,
+ "ands": 1343,
+ "Ġinformation": 1344,
+ "self": 1345,
+ "Ġthose": 1346,
+ "Ġchar": 1347,
+ "read": 1348,
+ "Ġextract": 1349,
+ "Ġgl": 1350,
+ "Ġcor": 1351,
+ "Ġshe": 1352,
+ "Ġstudy": 1353,
+ "Ġbefore": 1354,
+ "oid": 1355,
+ "cer": 1356,
+ "Ġweb": 1357,
+ "ĠThey": 1358,
+ "ering": 1359,
+ "Ġvery": 1360,
+ "Ġide": 1361,
+ "Ġclass": 1362,
+ "ĠĠĠĠĠĠĠĠ": 1363,
+ "Ġprovid": 1364,
+ "Ġresp": 1365,
+ "--------": 1366,
+ "Ġindividual": 1367,
+ "Ġgu": 1368,
+ "Ġwithin": 1369,
+ "rent": 1370,
+ "ocus": 1371,
+ "de": 1372,
+ "Ġbeing": 1373,
+ "Ġdesign": 1374,
+ "gg": 1375,
+ "Ġstart": 1376,
+ "Ġlevel": 1377,
+ "Ġown": 1378,
+ "Ġpower": 1379,
+ "uss": 1380,
+ "Ġcult": 1381,
+ "Ġresearch": 1382,
+ "Ġexample": 1383,
+ ":ĊĊ": 1384,
+ "ethod": 1385,
+ "ved": 1386,
+ "Ġanal": 1387,
+ "ital": 1388,
+ "akes": 1389,
+ "Ġgreat": 1390,
+ "Ġquest": 1391,
+ "ivers": 1392,
+ "ute": 1393,
+ "Ġback": 1394,
+ "Ġmon": 1395,
+ "Ġlit": 1396,
+ "Ġshow": 1397,
+ "ĠAmeric": 1398,
+ "ty": 1399,
+ "inal": 1400,
+ "ĠEx": 1401,
+ "Ġpop": 1402,
+ "ĠIf": 1403,
+ "Ġplay": 1404,
+ "'t": 1405,
+ "âĢĻt": 1406,
+ "ves": 1407,
+ "iel": 1408,
+ "elf": 1409,
+ "ex": 1410,
+ "ĠYou": 1411,
+ "Ġ'": 1412,
+ "Ġlook": 1413,
+ "Ġsci": 1414,
+ "any": 1415,
+ "Ġcare": 1416,
+ "cent": 1417,
+ "Ġorgan": 1418,
+ "Ġoften": 1419,
+ "Ġconsid": 1420,
+ ".,": 1421,
+ "Ġ\\": 1422,
+ "Ġgrou": 1423,
+ "cing": 1424,
+ "Ġserv": 1425,
+ "Ġfood": 1426,
+ "Ġret": 1427,
+ "15": 1428,
+ "raph": 1429,
+ "ather": 1430,
+ "itions": 1431,
+ "What": 1432,
+ "Ġbook": 1433,
+ "Ġgood": 1434,
+ "Ġpub": 1435,
+ "ization": 1436,
+ "Ġactiv": 1437,
+ "itive": 1438,
+ "Ġend": 1439,
+ "pr": 1440,
+ "ined": 1441,
+ "ock": 1442,
+ "Ġadv": 1443,
+ "vironment": 1444,
+ "Ġfocus": 1445,
+ "ale": 1446,
+ "Ġless": 1447,
+ "Ġpoint": 1448,
+ "Ġtest": 1449,
+ "Ġallow": 1450,
+ "Ġlearn": 1451,
+ "ĠThese": 1452,
+ "Ġchildren": 1453,
+ "Ġmuch": 1454,
+ "Ġcommon": 1455,
+ "ining": 1456,
+ "der": 1457,
+ "ergy": 1458,
+ "Ġpresent": 1459,
+ "ix": 1460,
+ "acter": 1461,
+ "Ġtyp": 1462,
+ "Ġdirect": 1463,
+ "ability": 1464,
+ "iness": 1465,
+ "ience": 1466,
+ "line": 1467,
+ "aterial": 1468,
+ "Ġdetail": 1469,
+ "io": 1470,
+ "Ġvis": 1471,
+ "Ġaround": 1472,
+ "ĠInd": 1473,
+ "Ġsom": 1474,
+ "||": 1475,
+ "Ġconf": 1476,
+ "čĊ": 1477,
+ "over": 1478,
+ "tle": 1479,
+ "Ġhuman": 1480,
+ "angu": 1481,
+ "Ġsame": 1482,
+ "Ġreal": 1483,
+ "ross": 1484,
+ "day": 1485,
+ "Ġprot": 1486,
+ "Ġredu": 1487,
+ "ĠAr": 1488,
+ "Ġsupport": 1489,
+ "Ġbr": 1490,
+ "Ġtake": 1491,
+ "the": 1492,
+ "imate": 1493,
+ "Ġpot": 1494,
+ "und": 1495,
+ "Ġ[": 1496,
+ "iddle": 1497,
+ "Ġthough": 1498,
+ "bers": 1499,
+ "Ġmade": 1500,
+ "lish": 1501,
+ "Ġposs": 1502,
+ "rol": 1503,
+ "book": 1504,
+ "Ġmethod": 1505,
+ "hy": 1506,
+ "Ġsmall": 1507,
+ "iven": 1508,
+ "Ġmem": 1509,
+ "Ġwithout": 1510,
+ "ave": 1511,
+ "ier": 1512,
+ "ars": 1513,
+ "Ġsocial": 1514,
+ "air": 1515,
+ "iving": 1516,
+ "Ġbel": 1517,
+ "ify": 1518,
+ "Ġincluding": 1519,
+ "ĠAd": 1520,
+ "Ġtreat": 1521,
+ "Ġmight": 1522,
+ "Ġconcept": 1523,
+ "Ġdown": 1524,
+ "Ġcreat": 1525,
+ "Ġconst": 1526,
+ "Ġprof": 1527,
+ "Ġelect": 1528,
+ "cul": 1529,
+ "ĠSe": 1530,
+ "Ġbeh": 1531,
+ "-b": 1532,
+ "Ġstate": 1533,
+ "Ġeduc": 1534,
+ "Ġx": 1535,
+ "nect": 1536,
+ "ral": 1537,
+ "ateg": 1538,
+ "oci": 1539,
+ "ted": 1540,
+ "Ġident": 1541,
+ "Ġsignific": 1542,
+ "Ġcontent": 1543,
+ "Ġplan": 1544,
+ "ources": 1545,
+ "ĠDe": 1546,
+ "Ġ.": 1547,
+ "ĠWhat": 1548,
+ "ention": 1549,
+ "ince": 1550,
+ "arr": 1551,
+ "Ġcontin": 1552,
+ "ffic": 1553,
+ "Ġday": 1554,
+ "tain": 1555,
+ "11": 1556,
+ "Ġessay": 1557,
+ "Ġmet": 1558,
+ "ories": 1559,
+ "Ġbody": 1560,
+ "Ġimpro": 1561,
+ "ters": 1562,
+ "ared": 1563,
+ "els": 1564,
+ "Ġlearning": 1565,
+ "Ġop": 1566,
+ "Ġris": 1567,
+ "Ġworks": 1568,
+ "Ġaccess": 1569,
+ "Ġmaterial": 1570,
+ "ills": 1571,
+ "Ġcalled": 1572,
+ "erest": 1573,
+ "Ġeas": 1574,
+ "up": 1575,
+ "Ġcourse": 1576,
+ "Ġlet": 1577,
+ "ledge": 1578,
+ "Ġcle": 1579,
+ "omen": 1580,
+ "ental": 1581,
+ "Ġself": 1582,
+ "Ġser": 1583,
+ "put": 1584,
+ "Ġvarious": 1585,
+ "Ġagain": 1586,
+ "Ġproduct": 1587,
+ "ination": 1588,
+ "Ġthink": 1589,
+ "Ġmust": 1590,
+ "Ġcell": 1591,
+ "Ġlist": 1592,
+ "Ġintrodu": 1593,
+ "Ġinvol": 1594,
+ "conom": 1595,
+ "Ġprom": 1596,
+ "ven": 1597,
+ "str": 1598,
+ "Ġfunction": 1599,
+ "ired": 1600,
+ "oss": 1601,
+ "por": 1602,
+ "Ġwriting": 1603,
+ "Ġenvironment": 1604,
+ "Ġele": 1605,
+ "-s": 1606,
+ "This": 1607,
+ "Ġcal": 1608,
+ "Ġest": 1609,
+ "Ġphys": 1610,
+ "Ġmean": 1611,
+ "Ġpar": 1612,
+ "view": 1613,
+ "Ġthree": 1614,
+ "Ġiss": 1615,
+ "Ġwant": 1616,
+ "Ġmult": 1617,
+ "arge": 1618,
+ "ense": 1619,
+ "Ġunderstanding": 1620,
+ "ĠEng": 1621,
+ "ains": 1622,
+ "Ġsym": 1623,
+ "Ġocc": 1624,
+ "Ġpur": 1625,
+ "16": 1626,
+ "ĠQ": 1627,
+ "Ġbuild": 1628,
+ "Ġdem": 1629,
+ "Ġbo": 1630,
+ "Ġnow": 1631,
+ "ption": 1632,
+ "land": 1633,
+ "Ġknown": 1634,
+ "ĠBy": 1635,
+ "port": 1636,
+ "ulation": 1637,
+ "ull": 1638,
+ "ished": 1639,
+ "ior": 1640,
+ "Ġsubject": 1641,
+ "Ġdel": 1642,
+ "ertain": 1643,
+ "Ġrelated": 1644,
+ "aging": 1645,
+ "Ġdevelopment": 1646,
+ "Ġmiddle": 1647,
+ "Ġenergy": 1648,
+ "Ġben": 1649,
+ "Ġstory": 1650,
+ "Ġinc": 1651,
+ "less": 1652,
+ "aper": 1653,
+ "Ġve": 1654,
+ "Ġbest": 1655,
+ "ĠAnd": 1656,
+ "Ġabove": 1657,
+ "Ġlangu": 1658,
+ "Ġaw": 1659,
+ "Ġmus": 1660,
+ "Ġtem": 1661,
+ "ash": 1662,
+ "lu": 1663,
+ "ique": 1664,
+ "Ġmark": 1665,
+ "Ġbas": 1666,
+ "hers": 1667,
+ "Ġbus": 1668,
+ "Ġdise": 1669,
+ "ological": 1670,
+ "Ġens": 1671,
+ "Ġchall": 1672,
+ "-d": 1673,
+ "ration": 1674,
+ "iod": 1675,
+ "ner": 1676,
+ "ĠTo": 1677,
+ "ank": 1678,
+ "rite": 1679,
+ "Ġchang": 1680,
+ "oring": 1681,
+ "oms": 1682,
+ "Ġprovide": 1683,
+ "ĠDo": 1684,
+ "Ġperform": 1685,
+ "Ġhistory": 1686,
+ "Ġmeas": 1687,
+ "Ġhand": 1688,
+ "Ġchange": 1689,
+ "aj": 1690,
+ "14": 1691,
+ "How": 1692,
+ "____": 1693,
+ "Ġsit": 1694,
+ "ah": 1695,
+ "Ġet": 1696,
+ "Ġproper": 1697,
+ "Ġcap": 1698,
+ "Ġcurrent": 1699,
+ "âĢĵ": 1700,
+ ".\"": 1701,
+ "Ġknowledge": 1702,
+ "ĠThere": 1703,
+ "17": 1704,
+ "Ġdid": 1705,
+ "par": 1706,
+ "ision": 1707,
+ "202": 1708,
+ "ication": 1709,
+ "Ġfin": 1710,
+ "Ġcreate": 1711,
+ "ode": 1712,
+ "Ġsignificant": 1713,
+ "Ġel": 1714,
+ "ĠNew": 1715,
+ "ern": 1716,
+ "ĠHowever": 1717,
+ "cond": 1718,
+ "Ġinterest": 1719,
+ "ccess": 1720,
+ "for": 1721,
+ "ury": 1722,
+ "co": 1723,
+ "13": 1724,
+ "agn": 1725,
+ "Ġtre": 1726,
+ "Ġopp": 1727,
+ "Ġhy": 1728,
+ "to": 1729,
+ "``": 1730,
+ "ik": 1731,
+ "Ġbetter": 1732,
+ "ĠWh": 1733,
+ "ances": 1734,
+ "oun": 1735,
+ "ysis": 1736,
+ "ead": 1737,
+ "atic": 1738,
+ "Ġfollowing": 1739,
+ "work": 1740,
+ "³³": 1741,
+ "ends": 1742,
+ "Ġdr": 1743,
+ "ĠSh": 1744,
+ "Ġfeel": 1745,
+ "iting": 1746,
+ "Ġplace": 1747,
+ "ograph": 1748,
+ "ids": 1749,
+ "Ġche": 1750,
+ "iversity": 1751,
+ "ield": 1752,
+ "Ġhome": 1753,
+ "Ġgover": 1754,
+ "uro": 1755,
+ "ium": 1756,
+ "Ġcaus": 1757,
+ "ogn": 1758,
+ "Ġbased": 1759,
+ "Ġsaf": 1760,
+ "Ġpotential": 1761,
+ "Ġyoung": 1762,
+ "ĠRes": 1763,
+ "Ġimpact": 1764,
+ "âĢĶ": 1765,
+ "Ġoper": 1766,
+ "Ġsaid": 1767,
+ "Ġter": 1768,
+ "Ġlight": 1769,
+ "Ġunit": 1770,
+ "agement": 1771,
+ "ĠIs": 1772,
+ "ĠPl": 1773,
+ "ote": 1774,
+ "Ġi": 1775,
+ "Ġanother": 1776,
+ "tt": 1777,
+ "rain": 1778,
+ "alk": 1779,
+ "Ġpass": 1780,
+ "Ġcho": 1781,
+ "ling": 1782,
+ "ason": 1783,
+ "Ġdesc": 1784,
+ "Ġstruct": 1785,
+ "Ġbre": 1786,
+ "ouse": 1787,
+ "Ġproject": 1788,
+ "30": 1789,
+ "-p": 1790,
+ "ilar": 1791,
+ "Ġstre": 1792,
+ "Ġsl": 1793,
+ "az": 1794,
+ "Ġfac": 1795,
+ "Ġstand": 1796,
+ "Ġmeans": 1797,
+ "Ġrepres": 1798,
+ "Ġimm": 1799,
+ "ording": 1800,
+ "ients": 1801,
+ "Ġindu": 1802,
+ "yle": 1803,
+ "Ġlarge": 1804,
+ "St": 1805,
+ "Ġexamples": 1806,
+ "ator": 1807,
+ "Ġspecific": 1808,
+ "ĠBut": 1809,
+ "Ġdon": 1810,
+ "ways": 1811,
+ "Ġsever": 1812,
+ "Ġdue": 1813,
+ "Ġcrit": 1814,
+ "ec": 1815,
+ "clus": 1816,
+ "hor": 1817,
+ "Ġmaking": 1818,
+ "ored": 1819,
+ "Ġprint": 1820,
+ "Ġdev": 1821,
+ "000": 1822,
+ "atural": 1823,
+ "ots": 1824,
+ "Ġbelie": 1825,
+ "Ġtype": 1826,
+ "Ġgovern": 1827,
+ "olution": 1828,
+ "Ġbenef": 1829,
+ "ource": 1830,
+ "Ġbecome": 1831,
+ "Ġkeep": 1832,
+ "ression": 1833,
+ "icle": 1834,
+ "Ġcr": 1835,
+ "ently": 1836,
+ "Ġtextbook": 1837,
+ "Ġhapp": 1838,
+ "25": 1839,
+ "Ġaddition": 1840,
+ "ards": 1841,
+ "pos": 1842,
+ "Ġobject": 1843,
+ "irc": 1844,
+ "ries": 1845,
+ "ats": 1846,
+ "Ġmove": 1847,
+ ".âĢĿ": 1848,
+ "ĠCl": 1849,
+ "Ġleg": 1850,
+ "Ġamong": 1851,
+ "Ġcontrol": 1852,
+ "iver": 1853,
+ "Ġtru": 1854,
+ "ĠTe": 1855,
+ "itle": 1856,
+ "Ġpublic": 1857,
+ "Ġarea": 1858,
+ "Ġeconom": 1859,
+ "Ġaffect": 1860,
+ "arent": 1861,
+ "...": 1862,
+ "Ġfree": 1863,
+ "Ġhim": 1864,
+ "Ġdiscuss": 1865,
+ "Ġothers": 1866,
+ "Ġreport": 1867,
+ "ames": 1868,
+ "Ġstill": 1869,
+ "Ġbusiness": 1870,
+ "Ġvalue": 1871,
+ "ug": 1872,
+ "sw": 1873,
+ "rior": 1874,
+ "Ġnon": 1875,
+ "Ġlaw": 1876,
+ "here": 1877,
+ "ences": 1878,
+ "ĠWhen": 1879,
+ "Ġparticular": 1880,
+ "ified": 1881,
+ "ived": 1882,
+ "Ġkey": 1883,
+ "Ġant": 1884,
+ "ditions": 1885,
+ "rop": 1886,
+ "urther": 1887,
+ "Ġtopic": 1888,
+ "me": 1889,
+ "ency": 1890,
+ "ething": 1891,
+ "âĢ¢": 1892,
+ "Ġlanguage": 1893,
+ "Ġrelations": 1894,
+ "Ġgroup": 1895,
+ "Ġseveral": 1896,
+ "ember": 1897,
+ "Ġessential": 1898,
+ "Ġline": 1899,
+ "Ġstep": 1900,
+ "ape": 1901,
+ "Ġinvest": 1902,
+ "utions": 1903,
+ "Ġopt": 1904,
+ "rap": 1905,
+ "Ġfew": 1906,
+ "Ġtool": 1907,
+ "Ġcolle": 1908,
+ "Ġrole": 1909,
+ "sy": 1910,
+ "100": 1911,
+ "ĠPh": 1912,
+ "Ġwords": 1913,
+ "Ġsoci": 1914,
+ "Ġcharacter": 1915,
+ ").Ċ": 1916,
+ "Ġbeg": 1917,
+ "Ġanim": 1918,
+ "Ġthings": 1919,
+ "Ġfamily": 1920,
+ "Ġconnect": 1921,
+ "-f": 1922,
+ "Ġ|": 1923,
+ "ĠSo": 1924,
+ "Ġtoget": 1925,
+ "outh": 1926,
+ "Ġtogether": 1927,
+ "Ġpain": 1928,
+ "Ġlim": 1929,
+ "Ġopen": 1930,
+ "Ġorder": 1931,
+ "Ġtoo": 1932,
+ "oad": 1933,
+ "Ġhere": 1934,
+ "Ġapproach": 1935,
+ "Ġnarr": 1936,
+ "ĠWor": 1937,
+ "ides": 1938,
+ "Ġcomput": 1939,
+ "Ġmov": 1940,
+ "orn": 1941,
+ "Ġcost": 1942,
+ "ploy": 1943,
+ "izing": 1944,
+ "Ġsomething": 1945,
+ "Ġwhy": 1946,
+ "ively": 1947,
+ "Ġ#": 1948,
+ "Ġsystems": 1949,
+ "Ġcomplex": 1950,
+ "Ġdra": 1951,
+ "app": 1952,
+ "ortun": 1953,
+ "Ġfre": 1954,
+ "ĠIm": 1955,
+ "uture": 1956,
+ "Ġpaper": 1957,
+ "Ġenc": 1958,
+ "Ġansw": 1959,
+ "199": 1960,
+ "ole": 1961,
+ "br": 1962,
+ "ables": 1963,
+ "Ġrest": 1964,
+ "Ġes": 1965,
+ "Ġproblem": 1966,
+ "Ġsuccess": 1967,
+ "eral": 1968,
+ "Ġbehav": 1969,
+ "Ġlow": 1970,
+ "Ġchalleng": 1971,
+ "Ġapplic": 1972,
+ "Ġblood": 1973,
+ "Ġperiod": 1974,
+ "ĠSp": 1975,
+ "Ġorig": 1976,
+ "ĠAmerican": 1977,
+ "Ġcertain": 1978,
+ "Ġbi": 1979,
+ "Ġcontrib": 1980,
+ "Ġrisk": 1981,
+ "Ġprogram": 1982,
+ "Ġskills": 1983,
+ "Ġmill": 1984,
+ "Ġnext": 1985,
+ "apter": 1986,
+ "abor": 1987,
+ "ilities": 1988,
+ "Ġgr": 1989,
+ "Ġz": 1990,
+ "Ġprior": 1991,
+ "Ġavail": 1992,
+ "of": 1993,
+ "ajor": 1994,
+ "Ġexperience": 1995,
+ "Ġagainst": 1996,
+ "Ġassoci": 1997,
+ "val": 1998,
+ "Ġdeterm": 1999,
+ "-l": 2000,
+ "ray": 2001,
+ "oint": 2002,
+ "Ġfri": 2003,
+ "50": 2004,
+ "It": 2005,
+ "man": 2006,
+ "Ġdig": 2007,
+ "|Ċ": 2008,
+ "Ġpossible": 2009,
+ "Ġtypes": 2010,
+ "Ġair": 2011,
+ "Ġname": 2012,
+ "Ġcase": 2013,
+ "Ġcause": 2014,
+ "Ġconsider": 2015,
+ "Ġgiven": 2016,
+ "cur": 2017,
+ "ĠĠĠĠĠĠĠĠĠĠĠ": 2018,
+ "Ġvol": 2019,
+ ")ĊĊ": 2020,
+ "Ġwomen": 2021,
+ "Ġpost": 2022,
+ "ton": 2023,
+ "Ġprofess": 2024,
+ "Ġold": 2025,
+ "As": 2026,
+ "Ġspecial": 2027,
+ "Ġintern": 2028,
+ "Ġtechnology": 2029,
+ "Ġplant": 2030,
+ "Ġhig": 2031,
+ "ivity": 2032,
+ "ane": 2033,
+ "Ġsecond": 2034,
+ "Ġconcepts": 2035,
+ "Ġcomb": 2036,
+ "ĠEn": 2037,
+ "Ġearly": 2038,
+ "Ġrange": 2039,
+ "Ġsum": 2040,
+ "be": 2041,
+ "Ġproblems": 2042,
+ "Ġindividuals": 2043,
+ "ery": 2044,
+ "etic": 2045,
+ "Ġpress": 2046,
+ "Ġdirectly": 2047,
+ "ĠâĢĺ": 2048,
+ "Ġoccur": 2049,
+ "Ġinflu": 2050,
+ "ĠCol": 2051,
+ "ĠCan": 2052,
+ "Ġtimes": 2053,
+ "Ġstrateg": 2054,
+ "Ġquestions": 2055,
+ "ending": 2056,
+ "Ġavoid": 2057,
+ "Ġexperien": 2058,
+ "Ġalong": 2059,
+ "ĠWith": 2060,
+ "Ġprevent": 2061,
+ "Ġfore": 2062,
+ "Ġlast": 2063,
+ "idence": 2064,
+ "istic": 2065,
+ "Ġacross": 2066,
+ "Ġnatural": 2067,
+ "Ġdisease": 2068,
+ "Ġeducation": 2069,
+ "Ġview": 2070,
+ "verage": 2071,
+ "wards": 2072,
+ "Ġ,": 2073,
+ "ights": 2074,
+ "erc": 2075,
+ "Ġinteg": 2076,
+ "rist": 2077,
+ "Ġrelationship": 2078,
+ "Ġanalysis": 2079,
+ "Here": 2080,
+ "Ġways": 2081,
+ "lished": 2082,
+ "Ġfil": 2083,
+ "asing": 2084,
+ "Ġage": 2085,
+ "amp": 2086,
+ "Ġimprove": 2087,
+ "ina": 2088,
+ "ipp": 2089,
+ "Ġstudies": 2090,
+ "verse": 2091,
+ "Ġrespons": 2092,
+ "Ġideas": 2093,
+ "Ġsince": 2094,
+ "Ġflow": 2095,
+ "ym": 2096,
+ "Ġcome": 2097,
+ "ĠZ": 2098,
+ "Ġrepresent": 2099,
+ "ope": 2100,
+ "Ġmajor": 2101,
+ "gen": 2102,
+ "ians": 2103,
+ "Ġfuture": 2104,
+ "ended": 2105,
+ "yn": 2106,
+ "ĠOr": 2107,
+ "âĢľ": 2108,
+ "iction": 2109,
+ "Ġshort": 2110,
+ "Ġable": 2111,
+ "Ġwar": 2112,
+ "Ġmil": 2113,
+ "ems": 2114,
+ "Ġneeds": 2115,
+ "Ġobs": 2116,
+ "arc": 2117,
+ "iple": 2118,
+ "Ġtry": 2119,
+ "aster": 2120,
+ "Ġnet": 2121,
+ "Ġnecess": 2122,
+ "Ġpersonal": 2123,
+ "Ġrele": 2124,
+ "bs": 2125,
+ "Ġtreatment": 2126,
+ "Ġareas": 2127,
+ "obal": 2128,
+ "oh": 2129,
+ "aring": 2130,
+ "ek": 2131,
+ "Ġreturn": 2132,
+ "pecial": 2133,
+ "sych": 2134,
+ "ox": 2135,
+ "ĠUnited": 2136,
+ "atures": 2137,
+ "Ġmot": 2138,
+ "Ġavailable": 2139,
+ "Ġtitle": 2140,
+ "Ġalways": 2141,
+ "ĠBe": 2142,
+ "Ġdetailed": 2143,
+ "Ġer": 2144,
+ "tal": 2145,
+ "Ġcommunity": 2146,
+ "Ġsimilar": 2147,
+ "Ġliter": 2148,
+ "Ġprotect": 2149,
+ "Ġunt": 2150,
+ "chie": 2151,
+ "Ġissues": 2152,
+ "ission": 2153,
+ "Ġrequire": 2154,
+ "ĠComm": 2155,
+ "Ġbro": 2156,
+ "Ġlevels": 2157,
+ "ones": 2158,
+ "icult": 2159,
+ "ĠUniversity": 2160,
+ "Ġsay": 2161,
+ "###": 2162,
+ "ument": 2163,
+ "Ġresults": 2164,
+ "Ġterm": 2165,
+ "Ġcy": 2166,
+ "aces": 2167,
+ "Ġphysical": 2168,
+ "ext": 2169,
+ "Ġinteract": 2170,
+ "We": 2171,
+ "Ġscient": 2172,
+ "-m": 2173,
+ "omm": 2174,
+ "Ġconditions": 2175,
+ "orts": 2176,
+ "ON": 2177,
+ "Ġstrong": 2178,
+ "Ġamount": 2179,
+ "orth": 2180,
+ "pre": 2181,
+ "Ġhard": 2182,
+ "face": 2183,
+ "Ġpolit": 2184,
+ "Ġfour": 2185,
+ "Ġkind": 2186,
+ "):Ċ": 2187,
+ "Ġfactors": 2188,
+ "Ġunique": 2189,
+ "24": 2190,
+ "Ġtemper": 2191,
+ "Ġill": 2192,
+ "cle": 2193,
+ "apt": 2194,
+ "ths": 2195,
+ "Ġrun": 2196,
+ "Ġcountry": 2197,
+ "Ġsitu": 2198,
+ "Ġlocal": 2199,
+ "Ġresources": 2200,
+ "ĠOn": 2201,
+ "urope": 2202,
+ "Ġmodel": 2203,
+ "Ġconsum": 2204,
+ "Ġvir": 2205,
+ "Ġsing": 2206,
+ "ER": 2207,
+ "Ġgrowth": 2208,
+ "ators": 2209,
+ "omet": 2210,
+ "lement": 2211,
+ "Ġhead": 2212,
+ "ised": 2213,
+ "osp": 2214,
+ "Ġprim": 2215,
+ "osed": 2216,
+ "ample": 2217,
+ "atory": 2218,
+ "Ġthought": 2219,
+ "Ġsw": 2220,
+ "Ġtoday": 2221,
+ "icro": 2222,
+ ",âĢĿ": 2223,
+ "use": 2224,
+ "ibility": 2225,
+ "Ġmaintain": 2226,
+ "oura": 2227,
+ "Ġonline": 2228,
+ "Ġgovernment": 2229,
+ "Ġspace": 2230,
+ "ires": 2231,
+ "Ġaddress": 2232,
+ "ĠSci": 2233,
+ "Ġrad": 2234,
+ "Ġcirc": 2235,
+ "Ġphr": 2236,
+ "Write": 2237,
+ "Ġactivities": 2238,
+ "Ġnarrative": 2239,
+ "reen": 2240,
+ "Ġsimple": 2241,
+ "Ġchanges": 2242,
+ "Ġquestion": 2243,
+ "Ġland": 2244,
+ "Ġtradition": 2245,
+ "aut": 2246,
+ "Ġmind": 2247,
+ "ggest": 2248,
+ "Ġspecies": 2249,
+ "Ġpast": 2250,
+ "thing": 2251,
+ "If": 2252,
+ "Ġbegin": 2253,
+ "not": 2254,
+ "atch": 2255,
+ "Ġrece": 2256,
+ "Ġscience": 2257,
+ "Ġneg": 2258,
+ "Ġpractice": 2259,
+ "//": 2260,
+ "Ġmar": 2261,
+ "Ġword": 2262,
+ "Ġexplore": 2263,
+ "ware": 2264,
+ "duct": 2265,
+ "Ġachie": 2266,
+ "Ġcru": 2267,
+ "Ġmeasure": 2268,
+ "Ġstra": 2269,
+ "Ġcontain": 2270,
+ "ĠInt": 2271,
+ "Ġaccount": 2272,
+ "ird": 2273,
+ "ĠLe": 2274,
+ "-c": 2275,
+ "ĠStates": 2276,
+ "Ġdescrib": 2277,
+ "Ġauthor": 2278,
+ "ĠAf": 2279,
+ "let": 2280,
+ "Ġcells": 2281,
+ "Ġnear": 2282,
+ "Ġsens": 2283,
+ "ney": 2284,
+ "Ġgive": 2285,
+ "aching": 2286,
+ "ening": 2287,
+ "though": 2288,
+ "ĠStud": 2289,
+ "ĠOne": 2290,
+ "Ġexist": 2291,
+ "oney": 2292,
+ "ours": 2293,
+ "iques": 2294,
+ "Ġheart": 2295,
+ "ĠEnglish": 2296,
+ "ales": 2297,
+ "Ġquality": 2298,
+ "ately": 2299,
+ "Ġexc": 2300,
+ "Ġcalcul": 2301,
+ "Ġteac": 2302,
+ "Ġsuggest": 2303,
+ "An": 2304,
+ "ification": 2305,
+ "Ġmakes": 2306,
+ "Ġask": 2307,
+ "Ġemploy": 2308,
+ "Ġopportun": 2309,
+ "fficient": 2310,
+ "ĠAt": 2311,
+ "Ġclear": 2312,
+ "ush": 2313,
+ "aves": 2314,
+ "ruction": 2315,
+ "TI": 2316,
+ "une": 2317,
+ "Ġpositive": 2318,
+ "Ġteam": 2319,
+ "ibr": 2320,
+ "Ġjour": 2321,
+ "Ġput": 2322,
+ "Ġcorre": 2323,
+ "Ġworking": 2324,
+ "nces": 2325,
+ "Ġmaterials": 2326,
+ "Ġensure": 2327,
+ "Ġwrite": 2328,
+ "acy": 2329,
+ "$$": 2330,
+ "anced": 2331,
+ "Ġinit": 2332,
+ "Ġincrease": 2333,
+ "ĠThat": 2334,
+ "ann": 2335,
+ "!Ċ": 2336,
+ "Ġhelps": 2337,
+ "Ġnumbers": 2338,
+ "Ġmatter": 2339,
+ "Ġâ": 2340,
+ "Ġconcer": 2341,
+ "ĠEurope": 2342,
+ "Ġnorm": 2343,
+ "Ġmarket": 2344,
+ "omes": 2345,
+ "ww": 2346,
+ "Ġcomplete": 2347,
+ "Ġhaving": 2348,
+ "ĠBl": 2349,
+ "rac": 2350,
+ "Ġhistor": 2351,
+ "Ġdifficult": 2352,
+ "ĠAll": 2353,
+ "ips": 2354,
+ "aps": 2355,
+ "Ġusually": 2356,
+ "Ġver": 2357,
+ "ising": 2358,
+ "Ġmanagement": 2359,
+ "Ġeffects": 2360,
+ "Ġfield": 2361,
+ "Ġhigher": 2362,
+ "Ġey": 2363,
+ "plic": 2364,
+ "vious": 2365,
+ "Ġsent": 2366,
+ "Ġmen": 2367,
+ "ĠSome": 2368,
+ "Ġrecogn": 2369,
+ "Ġlittle": 2370,
+ "Ġplants": 2371,
+ "ĠQu": 2372,
+ "utes": 2373,
+ "Ġestab": 2374,
+ "Ġemot": 2375,
+ "Ġarticle": 2376,
+ "Ġemb": 2377,
+ "af": 2378,
+ "Ġprin": 2379,
+ "hens": 2380,
+ "min": 2381,
+ "ĠInst": 2382,
+ "selves": 2383,
+ "Ġpolic": 2384,
+ "Ġparent": 2385,
+ "Ġsure": 2386,
+ "Ġ`": 2387,
+ "ctions": 2388,
+ "-t": 2389,
+ "Ġupon": 2390,
+ "lying": 2391,
+ "Ġpred": 2392,
+ "oot": 2393,
+ "Ġuntil": 2394,
+ "Ġdays": 2395,
+ "ustom": 2396,
+ "erence": 2397,
+ "ĠPr": 2398,
+ "fact": 2399,
+ "ensive": 2400,
+ "ler": 2401,
+ "ptoms": 2402,
+ "pecially": 2403,
+ "Ġassociated": 2404,
+ "ĠMed": 2405,
+ "ably": 2406,
+ "Ġfull": 2407,
+ "Ġappear": 2408,
+ "Ġmethods": 2409,
+ "}{": 2410,
+ "----------------": 2411,
+ "40": 2412,
+ "Ġmodern": 2413,
+ "To": 2414,
+ "Ġarg": 2415,
+ "ither": 2416,
+ "Ġfurther": 2417,
+ "Ġvalues": 2418,
+ "Ch": 2419,
+ "22": 2420,
+ "by": 2421,
+ "ĠUse": 2422,
+ "ĠEar": 2423,
+ "clusion": 2424,
+ "sequ": 2425,
+ "ung": 2426,
+ "Ġside": 2427,
+ "Ġnut": 2428,
+ "Ġthroughout": 2429,
+ "Ġworkshe": 2430,
+ "right": 2431,
+ "ounds": 2432,
+ "Ġ:": 2433,
+ "Ġlarg": 2434,
+ "inary": 2435,
+ "Ġwhether": 2436,
+ ",\"": 2437,
+ "emic": 2438,
+ "!ĊĊ": 2439,
+ "Ġcompre": 2440,
+ "ĠChrist": 2441,
+ "Ġpopular": 2442,
+ "ĠâĢĶ": 2443,
+ "asc": 2444,
+ "Ġcollect": 2445,
+ "Ġmention": 2446,
+ "Ġchem": 2447,
+ "ystem": 2448,
+ "rams": 2449,
+ "Ġsize": 2450,
+ "Ġleft": 2451,
+ "play": 2452,
+ "Ġphrases": 2453,
+ "elling": 2454,
+ "ĠAfric": 2455,
+ "aries": 2456,
+ "page": 2457,
+ "Ġcoll": 2458,
+ "amm": 2459,
+ "Ġaspect": 2460,
+ "âĢĻre": 2461,
+ "Ġbig": 2462,
+ "Ġrespect": 2463,
+ "ES": 2464,
+ "ee": 2465,
+ "mit": 2466,
+ "There": 2467,
+ "Ġtri": 2468,
+ "Ġgoing": 2469,
+ "Ġnature": 2470,
+ "ges": 2471,
+ "Ġproducts": 2472,
+ "ĠX": 2473,
+ "Ġterms": 2474,
+ "ĠUS": 2475,
+ "Ġaway": 2476,
+ "Ġcountries": 2477,
+ "ises": 2478,
+ "Ġever": 2479,
+ "ĠSc": 2480,
+ "Ġdam": 2481,
+ "Ġlay": 2482,
+ "...Ċ": 2483,
+ "Ġfar": 2484,
+ "ĠÂ": 2485,
+ "Ġsociety": 2486,
+ "Ġrecent": 2487,
+ "Ġprovides": 2488,
+ "Ġgeneral": 2489,
+ "Ġturn": 2490,
+ "Ġexplain": 2491,
+ "come": 2492,
+ "Ġstat": 2493,
+ "ĠMan": 2494,
+ "Ġmeaning": 2495,
+ "?ĊĊ": 2496,
+ "Ġstructure": 2497,
+ "Ġeff": 2498,
+ "Ġcompon": 2499,
+ "Ġeffective": 2500,
+ "Ġcomes": 2501,
+ "Ġengaging": 2502,
+ "Ġexpect": 2503,
+ "Ġproduction": 2504,
+ "Ġfrequ": 2505,
+ "ĠEm": 2506,
+ "âĢ¦": 2507,
+ "Ġfund": 2508,
+ "Ġtowards": 2509,
+ "atives": 2510,
+ "Ġstyle": 2511,
+ "Ġindic": 2512,
+ "bol": 2513,
+ "earch": 2514,
+ "side": 2515,
+ "Ġgroups": 2516,
+ "://": 2517,
+ "Ġglobal": 2518,
+ "Ġfocusing": 2519,
+ "Ġge": 2520,
+ "Try": 2521,
+ "nal": 2522,
+ "Ġespecially": 2523,
+ "istics": 2524,
+ "==": 2525,
+ "ival": 2526,
+ "Ġmass": 2527,
+ "Ġculture": 2528,
+ ".S": 2529,
+ "Ġloss": 2530,
+ "Ġdom": 2531,
+ "ask": 2532,
+ "Ġservices": 2533,
+ "Ġactivity": 2534,
+ "Ġparticip": 2535,
+ "fer": 2536,
+ "23": 2537,
+ "Ġrelig": 2538,
+ "Ġlower": 2539,
+ "Ġcentury": 2540,
+ "ume": 2541,
+ "Ġreading": 2542,
+ "Ġregard": 2543,
+ "ule": 2544,
+ "Ġbal": 2545,
+ "Ġwebpage": 2546,
+ "Ġleast": 2547,
+ "bon": 2548,
+ "ĠAm": 2549,
+ "Ġpatients": 2550,
+ "Ġpopulation": 2551,
+ "ĠCont": 2552,
+ "Ġtechniques": 2553,
+ "Ġdeg": 2554,
+ "Ġanaly": 2555,
+ "Ġnecessary": 2556,
+ "Ġrate": 2557,
+ "ĠTr": 2558,
+ "chan": 2559,
+ "ĠâĢ¦": 2560,
+ "ĠApp": 2561,
+ "IN": 2562,
+ "ctory": 2563,
+ "Ġmedical": 2564,
+ "Ġcritical": 2565,
+ "Ġstress": 2566,
+ "):": 2567,
+ "60": 2568,
+ "Ġreduce": 2569,
+ "epend": 2570,
+ "Ġsoft": 2571,
+ "ites": 2572,
+ "Ġenh": 2573,
+ "ancial": 2574,
+ "Ġmusic": 2575,
+ "Ġsomeone": 2576,
+ "Ġmach": 2577,
+ "ĠCent": 2578,
+ "curity": 2579,
+ "\",": 2580,
+ "ison": 2581,
+ "Ġsingle": 2582,
+ "ches": 2583,
+ "Ġphot": 2584,
+ "Ġcontinu": 2585,
+ "aken": 2586,
+ "Ġang": 2587,
+ "Ġut": 2588,
+ "Ġsymptoms": 2589,
+ "ring": 2590,
+ "Ġchallenges": 2591,
+ "Ġimages": 2592,
+ ".com": 2593,
+ "Ġrecord": 2594,
+ "itud": 2595,
+ "Ġbasic": 2596,
+ "Ġweight": 2597,
+ "ĠDis": 2598,
+ "Ġengine": 2599,
+ "Ġpercent": 2600,
+ "Ġreason": 2601,
+ "agine": 2602,
+ "Ġlot": 2603,
+ "Ġpressure": 2604,
+ "ĠFr": 2605,
+ "Ġintroductory": 2606,
+ "rug": 2607,
+ "Ġ*": 2608,
+ "Ġelements": 2609,
+ "oration": 2610,
+ "Ġremain": 2611,
+ "Ġabs": 2612,
+ "Ġvers": 2613,
+ "Ġenough": 2614,
+ "cient": 2615,
+ "Ġobserv": 2616,
+ "nov": 2617,
+ "Ġpsych": 2618,
+ "Ġpath": 2619,
+ "Ġdeep": 2620,
+ "Ġevents": 2621,
+ "ĠWorld": 2622,
+ "Ġbehavior": 2623,
+ "Ġexerc": 2624,
+ "Ġprob": 2625,
+ "Ġanswer": 2626,
+ "Ġsurface": 2627,
+ "Ġpay": 2628,
+ "Ġcrucial": 2629,
+ "Ġbelow": 2630,
+ "Ġsense": 2631,
+ "ont": 2632,
+ "à¤": 2633,
+ "Ġbrain": 2634,
+ "Ġhealthy": 2635,
+ "Ġallows": 2636,
+ "ĠGen": 2637,
+ "Ġcheck": 2638,
+ "]Ċ": 2639,
+ "Ġbenefits": 2640,
+ "21": 2641,
+ "overed": 2642,
+ "yl": 2643,
+ "eds": 2644,
+ "Ġtools": 2645,
+ "Ġexplan": 2646,
+ "Ġwide": 2647,
+ "Ġlove": 2648,
+ "Ġcomprehens": 2649,
+ "Ġpie": 2650,
+ "roll": 2651,
+ "Ġ==": 2652,
+ "Ġeasy": 2653,
+ "ength": 2654,
+ "Ġsubst": 2655,
+ "Ġquick": 2656,
+ "ĠHealth": 2657,
+ "ender": 2658,
+ "ĠYour": 2659,
+ "atter": 2660,
+ "Ġlive": 2661,
+ "Wh": 2662,
+ "Ġlater": 2663,
+ "edi": 2664,
+ "Ġcases": 2665,
+ "Ġground": 2666,
+ "ĠAss": 2667,
+ "\".": 2668,
+ "Ġdeath": 2669,
+ "osis": 2670,
+ "Ġshare": 2671,
+ "ĠSu": 2672,
+ "Ġclose": 2673,
+ "oman": 2674,
+ "sc": 2675,
+ ",Ċ": 2676,
+ "ĠDes": 2677,
+ "eter": 2678,
+ "Ġbuilding": 2679,
+ "Ġevent": 2680,
+ "Ġcolor": 2681,
+ "igure": 2682,
+ "illed": 2683,
+ "oph": 2684,
+ "fully": 2685,
+ "Ġcultural": 2686,
+ "Ġaccording": 2687,
+ "Ġcustom": 2688,
+ "Ġreview": 2689,
+ "For": 2690,
+ "When": 2691,
+ "bo": 2692,
+ "Ġlikely": 2693,
+ "Ġparts": 2694,
+ "Ġsqu": 2695,
+ "ĠGod": 2696,
+ "Ġidentify": 2697,
+ "Ġtotal": 2698,
+ "Ġred": 2699,
+ "istance": 2700,
+ "ĠShe": 2701,
+ "Ġability": 2702,
+ "Ġdoc": 2703,
+ "Al": 2704,
+ "Ġhowever": 2705,
+ "Ġsuper": 2706,
+ "Ġsource": 2707,
+ "Ġassess": 2708,
+ "Ġoffer": 2709,
+ "Do": 2710,
+ "imal": 2711,
+ "Ġur": 2712,
+ "Ġliving": 2713,
+ "ott": 2714,
+ "Ġ{": 2715,
+ "lex": 2716,
+ "ĠPol": 2717,
+ "aling": 2718,
+ "ming": 2719,
+ "urs": 2720,
+ "Ġdraw": 2721,
+ "stry": 2722,
+ "iol": 2723,
+ "Ġmoney": 2724,
+ "ĠMe": 2725,
+ "Ġtarg": 2726,
+ "aim": 2727,
+ "alu": 2728,
+ "Ġlives": 2729,
+ "erous": 2730,
+ "Ġreally": 2731,
+ "Ġdiet": 2732,
+ "Ġdistrib": 2733,
+ "orpor": 2734,
+ "198": 2735,
+ "Ġbreak": 2736,
+ "ules": 2737,
+ "nds": 2738,
+ "fect": 2739,
+ "ned": 2740,
+ "lt": 2741,
+ "ma": 2742,
+ "Ġmeet": 2743,
+ "Ġgain": 2744,
+ "print": 2745,
+ "Ġreact": 2746,
+ "iation": 2747,
+ "leep": 2748,
+ "Ġcity": 2749,
+ "Ex": 2750,
+ "Ġstreng": 2751,
+ "AR": 2752,
+ "ivil": 2753,
+ "Ġcompany": 2754,
+ "ĠWhile": 2755,
+ "Ġvide": 2756,
+ "Ġtraditional": 2757,
+ "ctor": 2758,
+ "Ġcut": 2759,
+ "Ġnever": 2760,
+ "raft": 2761,
+ "ography": 2762,
+ "ze": 2763,
+ "28": 2764,
+ "frac": 2765,
+ "Ġtail": 2766,
+ "27": 2767,
+ "Ġguid": 2768,
+ "Ġexpress": 2769,
+ "Ġflu": 2770,
+ "Ġsust": 2771,
+ "icial": 2772,
+ "Ġperformance": 2773,
+ "rict": 2774,
+ "light": 2775,
+ "ĠPre": 2776,
+ "Ġhouse": 2777,
+ "Ġresearc": 2778,
+ "vant": 2779,
+ "Ġcomputer": 2780,
+ "Ġce": 2781,
+ "ĠWar": 2782,
+ "Ġcondition": 2783,
+ "rad": 2784,
+ "Ġfamil": 2785,
+ "Ġstraight": 2786,
+ "itation": 2787,
+ "alf": 2788,
+ "Ġmultiple": 2789,
+ "Ġmental": 2790,
+ "You": 2791,
+ "Ġcommunication": 2792,
+ "NA": 2793,
+ "ump": 2794,
+ "augh": 2795,
+ "Ġcontext": 2796,
+ "Ġpolitical": 2797,
+ "Ġpoints": 2798,
+ "Ġincreased": 2799,
+ "Ġharm": 2800,
+ "ae": 2801,
+ "Ġeth": 2802,
+ "ores": 2803,
+ "Ġeconomic": 2804,
+ "rapy": 2805,
+ "ĠAb": 2806,
+ "....": 2807,
+ "Ġconsidered": 2808,
+ "joy": 2809,
+ "Ġincreasing": 2810,
+ "'re": 2811,
+ "ils": 2812,
+ "Ġcreated": 2813,
+ "yth": 2814,
+ "ript": 2815,
+ "Ġjob": 2816,
+ "ĠNational": 2817,
+ "Ġmembers": 2818,
+ "ready": 2819,
+ "Ġdiv": 2820,
+ "pose": 2821,
+ "Ġdefin": 2822,
+ "Ġport": 2823,
+ "Ġselect": 2824,
+ "Ġenvironmental": 2825,
+ "ĠBrit": 2826,
+ "ulations": 2827,
+ "Ġfriends": 2828,
+ "Ġstates": 2829,
+ "ilt": 2830,
+ "Ġanimals": 2831,
+ "Ġaim": 2832,
+ "Ġexperiences": 2833,
+ "Ġregular": 2834,
+ "Ġbooks": 2835,
+ "ĠCal": 2836,
+ "Ġtemperature": 2837,
+ "Ġrequired": 2838,
+ "ID": 2839,
+ "Ġbir": 2840,
+ "Ġcompet": 2841,
+ "Ġwind": 2842,
+ "ĠÐ": 2843,
+ "Ġsustain": 2844,
+ "Ġlog": 2845,
+ "Ġemerg": 2846,
+ "Ġrev": 2847,
+ "Ġste": 2848,
+ "Ġmor": 2849,
+ "clude": 2850,
+ "aches": 2851,
+ "Ġcollege": 2852,
+ "Ġpractices": 2853,
+ "Ġwritten": 2854,
+ "Ġarr": 2855,
+ "Ġidea": 2856,
+ "Ġrecomm": 2857,
+ "rast": 2858,
+ "ĠMore": 2859,
+ "Ġcancer": 2860,
+ "-based": 2861,
+ "II": 2862,
+ "unt": 2863,
+ "Ġrather": 2864,
+ "most": 2865,
+ "Ġtraining": 2866,
+ "het": 2867,
+ "Ġhol": 2868,
+ "pir": 2869,
+ "Ġcreating": 2870,
+ "ĠGu": 2871,
+ "Ġindustry": 2872,
+ "icles": 2873,
+ "Ġconsist": 2874,
+ "Ġstudent": 2875,
+ "ĠHist": 2876,
+ "Ġneeded": 2877,
+ "Ġ**": 2878,
+ "Ġsn": 2879,
+ "astic": 2880,
+ "Ġtur": 2881,
+ "Ġincludes": 2882,
+ "Ġfinancial": 2883,
+ "iet": 2884,
+ "ĠGerm": 2885,
+ "cies": 2886,
+ "Ġfall": 2887,
+ "isions": 2888,
+ "pro": 2889,
+ "Ġmicro": 2890,
+ "(\"": 2891,
+ "Ġsal": 2892,
+ "Ġsat": 2893,
+ "EN": 2894,
+ "Ġarch": 2895,
+ "abet": 2896,
+ "place": 2897,
+ "Ġwhole": 2898,
+ "Ġonce": 2899,
+ "Ġencoura": 2900,
+ "Ġeither": 2901,
+ "ĠIntern": 2902,
+ "load": 2903,
+ "ĠMay": 2904,
+ "aily": 2905,
+ "ties": 2906,
+ "Ġalready": 2907,
+ "new": 2908,
+ "Ġbra": 2909,
+ "ĠCO": 2910,
+ "Ġtalk": 2911,
+ "Ġaud": 2912,
+ "ĠLet": 2913,
+ "-w": 2914,
+ "Ġdog": 2915,
+ "Ġclimate": 2916,
+ "ley": 2917,
+ "26": 2918,
+ "Ġdeveloped": 2919,
+ "ĠAct": 2920,
+ "Ġtaking": 2921,
+ "Ġsafe": 2922,
+ "Ġmedia": 2923,
+ "Ġrights": 2924,
+ "erve": 2925,
+ "Ġprote": 2926,
+ "Ġfru": 2927,
+ "ror": 2928,
+ "Ġmillion": 2929,
+ "Ġtechnical": 2930,
+ "acks": 2931,
+ "Ġconduct": 2932,
+ "Ġthemselves": 2933,
+ "Ġfeatures": 2934,
+ "Ġdisord": 2935,
+ "Ġimplement": 2936,
+ "Ġadult": 2937,
+ "Ġseen": 2938,
+ "iment": 2939,
+ "ene": 2940,
+ "Ġcop": 2941,
+ "Ġnegative": 2942,
+ "Ġyet": 2943,
+ "Ġdone": 2944,
+ "onse": 2945,
+ "é": 2946,
+ "Ġfive": 2947,
+ "avor": 2948,
+ "Ġoverall": 2949,
+ "Ġcommunities": 2950,
+ "Ġtravel": 2951,
+ "ply": 2952,
+ "Ġcorrect": 2953,
+ "imately": 2954,
+ "nderstand": 2955,
+ "Ġimportance": 2956,
+ "Ġsomet": 2957,
+ "reg": 2958,
+ "Ġsources": 2959,
+ "Ġskin": 2960,
+ "ĠCar": 2961,
+ "Ġaction": 2962,
+ "Ġevidence": 2963,
+ "Ġmechan": 2964,
+ "Ġactually": 2965,
+ "Ġdesigned": 2966,
+ "ai": 2967,
+ "Ġbecame": 2968,
+ "AT": 2969,
+ "onstr": 2970,
+ "####": 2971,
+ "Ġenjoy": 2972,
+ "Ġclean": 2973,
+ "ĠUs": 2974,
+ "IC": 2975,
+ "Ġevalu": 2976,
+ "ĠJoh": 2977,
+ "Ġlab": 2978,
+ "Ġmath": 2979,
+ "Ġhtt": 2980,
+ "Ġtransform": 2981,
+ "Ġshows": 2982,
+ "ĠGe": 2983,
+ "Ġstories": 2984,
+ "Ġpage": 2985,
+ "ĠOf": 2986,
+ "-in": 2987,
+ "yp": 2988,
+ "ened": 2989,
+ "Ġposition": 2990,
+ "ĠAfter": 2991,
+ "Ġreflect": 2992,
+ "li": 2993,
+ "Ġstrategies": 2994,
+ "Ġtell": 2995,
+ "ners": 2996,
+ "ĠAv": 2997,
+ "go": 2998,
+ "Ġ<": 2999,
+ "mon": 3000,
+ "Ġmoving": 3001,
+ "Ġheat": 3002,
+ "Ġentire": 3003,
+ "ĠTra": 3004,
+ "lection": 3005,
+ "Ġsometimes": 3006,
+ "Ġattention": 3007,
+ "AS": 3008,
+ "Ġcode": 3009,
+ ".\"ĊĊ": 3010,
+ "ufact": 3011,
+ "hemat": 3012,
+ "ĠAmerica": 3013,
+ "Ġgame": 3014,
+ "Ġaccessible": 3015,
+ "ublic": 3016,
+ "Ġdifference": 3017,
+ "Ġweek": 3018,
+ "oon": 3019,
+ "Ġtrue": 3020,
+ "Ġsepar": 3021,
+ "ged": 3022,
+ "Ġsex": 3023,
+ "Ġvalu": 3024,
+ "Ġeveryone": 3025,
+ "ĠNe": 3026,
+ "duc": 3027,
+ "Ġservice": 3028,
+ "Ġforms": 3029,
+ "acters": 3030,
+ "hib": 3031,
+ "Ġcat": 3032,
+ "ground": 3033,
+ ".âĢĿĊ": 3034,
+ "Ġachieve": 3035,
+ "OR": 3036,
+ "Ġsoil": 3037,
+ "ĠProv": 3038,
+ "Ġgreen": 3039,
+ "ĠâĢ¢": 3040,
+ "IS": 3041,
+ "aged": 3042,
+ "Ġwhite": 3043,
+ "Ġstandard": 3044,
+ "Ġann": 3045,
+ "Ġbar": 3046,
+ "ĠEarth": 3047,
+ "Ġinnov": 3048,
+ "Ġfeed": 3049,
+ "iency": 3050,
+ "Ġpriv": 3051,
+ ".g": 3052,
+ "Ġmedic": 3053,
+ "Ġyourself": 3054,
+ "ronic": 3055,
+ "Ġleading": 3056,
+ "ĠMar": 3057,
+ "aving": 3058,
+ "Ġdigital": 3059,
+ "Ġnetwork": 3060,
+ "Ġcapt": 3061,
+ "hern": 3062,
+ "Ġextra": 3063,
+ "pri": 3064,
+ "imum": 3065,
+ "29": 3066,
+ "Ġquant": 3067,
+ "Ġface": 3068,
+ "Ġtheory": 3069,
+ "Ġsolution": 3070,
+ "________": 3071,
+ "ried": 3072,
+ "org": 3073,
+ "izations": 3074,
+ "Ġdrug": 3075,
+ "Ġlif": 3076,
+ "Ġtarget": 3077,
+ "Ġexciting": 3078,
+ "Ġinstead": 3079,
+ "One": 3080,
+ "Ġsays": 3081,
+ "Ġadapt": 3082,
+ "Ġbeaut": 3083,
+ "Ġnational": 3084,
+ "Ġdoesn": 3085,
+ "Now": 3086,
+ "Ġdemonstr": 3087,
+ "mber": 3088,
+ "uck": 3089,
+ "Ġsymbol": 3090,
+ "Ġoffers": 3091,
+ "Ġetc": 3092,
+ "Ġshap": 3093,
+ "Ġwin": 3094,
+ "Ġlink": 3095,
+ "Ġuses": 3096,
+ "ĠĊ": 3097,
+ "ologies": 3098,
+ "Ġvariety": 3099,
+ "Ġseem": 3100,
+ "ging": 3101,
+ "Ġcomprehensive": 3102,
+ "Ġwebs": 3103,
+ "know": 3104,
+ "Ġprevious": 3105,
+ "Ġsafety": 3106,
+ "hing": 3107,
+ "Ġhours": 3108,
+ "Ġblack": 3109,
+ "Ġhab": 3110,
+ "Ġfail": 3111,
+ "Ġcannot": 3112,
+ "Ġgraph": 3113,
+ "Ġchemical": 3114,
+ "ĠRep": 3115,
+ "Ġelse": 3116,
+ "ĠCons": 3117,
+ "way": 3118,
+ "Ġprimary": 3119,
+ "ura": 3120,
+ "ula": 3121,
+ "ster": 3122,
+ "Ġcauses": 3123,
+ "Ġaltern": 3124,
+ "hood": 3125,
+ "Ġseries": 3126,
+ "ĠIndia": 3127,
+ "hol": 3128,
+ "Ġcompan": 3129,
+ "eration": 3130,
+ "ĠPer": 3131,
+ "Ġproduce": 3132,
+ "amin": 3133,
+ "Ġep": 3134,
+ "Ġsite": 3135,
+ "Ġcontinue": 3136,
+ "Ġexplanations": 3137,
+ "Ġlo": 3138,
+ "amed": 3139,
+ "Ġhistorical": 3140,
+ "Ġsun": 3141,
+ "Ġbring": 3142,
+ "ĠNo": 3143,
+ "Ġtaken": 3144,
+ "pite": 3145,
+ "-re": 3146,
+ "acc": 3147,
+ "Ġregion": 3148,
+ "ls": 3149,
+ "ese": 3150,
+ "osing": 3151,
+ "Ġgreater": 3152,
+ "reme": 3153,
+ "Ġgas": 3154,
+ "ython": 3155,
+ "Ġapplications": 3156,
+ "Ġprocesses": 3157,
+ "Ġmom": 3158,
+ "Ġtone": 3159,
+ "Ġequal": 3160,
+ "lease": 3161,
+ "ĠSouth": 3162,
+ "ĠScience": 3163,
+ "vere": 3164,
+ "Ġfish": 3165,
+ "aced": 3166,
+ "Ġelectric": 3167,
+ "Ġlooking": 3168,
+ "Ġexact": 3169,
+ "Ġfat": 3170,
+ "ĠFe": 3171,
+ "Ġmagn": 3172,
+ "Ġresearchers": 3173,
+ "roduction": 3174,
+ "lation": 3175,
+ "uted": 3176,
+ "Ġprovided": 3177,
+ "Ġdepth": 3178,
+ "terns": 3179,
+ "Ġhold": 3180,
+ "Ġdeb": 3181,
+ "Ġpict": 3182,
+ "oking": 3183,
+ "Ġchapter": 3184,
+ "Ġfem": 3185,
+ "Ġdest": 3186,
+ "ider": 3187,
+ "enge": 3188,
+ "{\\": 3189,
+ "Ġmess": 3190,
+ "itution": 3191,
+ "197": 3192,
+ "Ġmax": 3193,
+ "ĠResearch": 3194,
+ "ream": 3195,
+ "Ġforce": 3196,
+ "Ġcharacters": 3197,
+ "AN": 3198,
+ "80": 3199,
+ "vert": 3200,
+ "AL": 3201,
+ "itary": 3202,
+ "ĠArt": 3203,
+ "ĠReg": 3204,
+ "erson": 3205,
+ "Ġthinking": 3206,
+ "Ġsleep": 3207,
+ "Ġdiagn": 3208,
+ "Ġnovel": 3209,
+ "Ġresponse": 3210,
+ "Ġworksheets": 3211,
+ "ĠPe": 3212,
+ "ĠCo": 3213,
+ "Ġkids": 3214,
+ "inating": 3215,
+ "ccording": 3216,
+ "Ġtakes": 3217,
+ "itor": 3218,
+ "yond": 3219,
+ "ĠDr": 3220,
+ "Ġconvers": 3221,
+ "Ġaware": 3222,
+ "ĠKe": 3223,
+ "ront": 3224,
+ "equ": 3225,
+ "Ġparticularly": 3226,
+ "Ġemp": 3227,
+ "fort": 3228,
+ "porary": 3229,
+ "Ġ$$": 3230,
+ "ĠLear": 3231,
+ "Ġdaily": 3232,
+ "oor": 3233,
+ "rim": 3234,
+ "Ġec": 3235,
+ "Ġinstance": 3236,
+ "Ġparents": 3237,
+ "Ġinvolved": 3238,
+ "Ġimage": 3239,
+ "my": 3240,
+ "uel": 3241,
+ "Ġindepend": 3242,
+ "ĠAust": 3243,
+ "ĠSim": 3244,
+ "ĠFrom": 3245,
+ "Ġproviding": 3246,
+ "Ġstop": 3247,
+ ";Ċ": 3248,
+ "care": 3249,
+ "cell": 3250,
+ "Ġstay": 3251,
+ "Ġfunctions": 3252,
+ "apan": 3253,
+ "Ġshown": 3254,
+ "Ġopportunities": 3255,
+ "dom": 3256,
+ "Ġdoing": 3257,
+ "gar": 3258,
+ "Ġlength": 3259,
+ "Ġpromot": 3260,
+ "Ġappropri": 3261,
+ "Ġspread": 3262,
+ "amples": 3263,
+ "е": 3264,
+ "Ġfram": 3265,
+ "ero": 3266,
+ "Ġ...": 3267,
+ "Ġsteps": 3268,
+ "\"\"": 3269,
+ "Ġpatterns": 3270,
+ "lor": 3271,
+ "vey": 3272,
+ "chol": 3273,
+ "Ġsimply": 3274,
+ "Ġmonths": 3275,
+ "Ġbur": 3276,
+ "Ġrefer": 3277,
+ "izes": 3278,
+ "ta": 3279,
+ "Ġsound": 3280,
+ "ĠComp": 3281,
+ "Ġoil": 3282,
+ "Ġones": 3283,
+ "Ġap": 3284,
+ "reci": 3285,
+ "just": 3286,
+ "(x": 3287,
+ "Ġla": 3288,
+ "Ġhyd": 3289,
+ "ension": 3290,
+ "udd": 3291,
+ "Ġprograms": 3292,
+ "ured": 3293,
+ "Ġitself": 3294,
+ "Ġsurround": 3295,
+ "Ġsection": 3296,
+ "Ġbehind": 3297,
+ "ows": 3298,
+ "',": 3299,
+ "ounter": 3300,
+ "Ġsoftware": 3301,
+ "Ġmanufact": 3302,
+ "Ġspir": 3303,
+ "Ġwond": 3304,
+ "irm": 3305,
+ "resh": 3306,
+ "inct": 3307,
+ "Ġvisual": 3308,
+ "Ġdiverse": 3309,
+ "Ġinfluence": 3310,
+ "orks": 3311,
+ "Ġoriginal": 3312,
+ "Ġdetermine": 3313,
+ "Ġremember": 3314,
+ "aly": 3315,
+ "ban": 3316,
+ "enn": 3317,
+ "Ġprofessional": 3318,
+ "empt": 3319,
+ "arily": 3320,
+ "ciples": 3321,
+ "Ġinvolves": 3322,
+ "Ġstarted": 3323,
+ "Ġincorpor": 3324,
+ "Ġreve": 3325,
+ "oll": 3326,
+ "Ġcarbon": 3327,
+ "Ġaverage": 3328,
+ "Ġinvestig": 3329,
+ "Ġinside": 3330,
+ "ĠÃ": 3331,
+ "Ġliterature": 3332,
+ "sh": 3333,
+ "Ġcomponents": 3334,
+ "Ġtypically": 3335,
+ "room": 3336,
+ "Ġshape": 3337,
+ "Ġlands": 3338,
+ "Ġnormal": 3339,
+ "Ġrequires": 3340,
+ "Ġprep": 3341,
+ "ilos": 3342,
+ "Ġseek": 3343,
+ "Ġaspects": 3344,
+ "ĠNorth": 3345,
+ "Ġcontact": 3346,
+ "Ġrelationships": 3347,
+ "Ġprec": 3348,
+ "Ġtable": 3349,
+ "Ġmovement": 3350,
+ "Ġutil": 3351,
+ "Ġir": 3352,
+ "ĠTechn": 3353,
+ "Ġsecurity": 3354,
+ "Ġinitial": 3355,
+ "Ġprogress": 3356,
+ "Ġcame": 3357,
+ "Ġtailored": 3358,
+ "isms": 3359,
+ "nderstanding": 3360,
+ "Ġcaused": 3361,
+ "Ġeasily": 3362,
+ "itude": 3363,
+ "Ġthing": 3364,
+ "Ġappl": 3365,
+ "Ġled": 3366,
+ "ĠRead": 3367,
+ "Ġhalf": 3368,
+ "wh": 3369,
+ "Ġpublished": 3370,
+ "ĠHere": 3371,
+ "Ġperspect": 3372,
+ "inally": 3373,
+ "35": 3374,
+ "Ġdecision": 3375,
+ "Ġbroad": 3376,
+ "Ġnews": 3377,
+ "о": 3378,
+ "Ġcompared": 3379,
+ "cles": 3380,
+ "Ġvideo": 3381,
+ "Ġcover": 3382,
+ "So": 3383,
+ "Ġdeveloping": 3384,
+ "ada": 3385,
+ "itable": 3386,
+ "mb": 3387,
+ "Ġeverything": 3388,
+ "Ġheav": 3389,
+ "Ġissue": 3390,
+ "Ġguide": 3391,
+ "Ġsect": 3392,
+ "45": 3393,
+ "igen": 3394,
+ "Ġgrowing": 3395,
+ "³³³³": 3396,
+ "ĠAg": 3397,
+ "Ġaccept": 3398,
+ "ĠStart": 3399,
+ "ĠGra": 3400,
+ "Ġleaders": 3401,
+ "rench": 3402,
+ "Ġinput": 3403,
+ "Ġox": 3404,
+ "mar": 3405,
+ "Ġsearch": 3406,
+ "Ġvaluable": 3407,
+ "Ġexploration": 3408,
+ "Ġclaim": 3409,
+ "term": 3410,
+ "Ġsuff": 3411,
+ "Im": 3412,
+ "Ġaff": 3413,
+ "ĠThrough": 3414,
+ "ony": 3415,
+ "ĠEns": 3416,
+ "ĠInclude": 3417,
+ ")čĊ": 3418,
+ "rig": 3419,
+ "urch": 3420,
+ "oles": 3421,
+ "196": 3422,
+ "Ġviol": 3423,
+ "ift": 3424,
+ "Ġhumans": 3425,
+ "ober": 3426,
+ "ĠSchool": 3427,
+ "ynam": 3428,
+ "ding": 3429,
+ "att": 3430,
+ "ditionally": 3431,
+ "Ġspeed": 3432,
+ "rate": 3433,
+ "Ġcook": 3434,
+ "Ġsolutions": 3435,
+ "Ġ>": 3436,
+ "oved": 3437,
+ "iter": 3438,
+ "minist": 3439,
+ "Ġball": 3440,
+ "Ġdamage": 3441,
+ "Ġchoose": 3442,
+ "Ġpan": 3443,
+ "Ġcross": 3444,
+ "90": 3445,
+ "Ġgrade": 3446,
+ "ĠEduc": 3447,
+ "Ġrelative": 3448,
+ "abetes": 3449,
+ "Ġteaching": 3450,
+ "33": 3451,
+ "Ġindustr": 3452,
+ "forward": 3453,
+ "Ġtax": 3454,
+ "ger": 3455,
+ "Ġfost": 3456,
+ "Ġdevices": 3457,
+ "Ġscre": 3458,
+ "Ġbegan": 3459,
+ "Ġjourney": 3460,
+ "Ġpatient": 3461,
+ "Ġadvant": 3462,
+ "Ġthreat": 3463,
+ "rs": 3464,
+ "ĠPres": 3465,
+ "Ġtrends": 3466,
+ "more": 3467,
+ "Ġinfect": 3468,
+ "ocial": 3469,
+ "Ġsurv": 3470,
+ "anks": 3471,
+ "ricult": 3472,
+ "Ġalg": 3473,
+ "ĠPar": 3474,
+ "Ġconflic": 3475,
+ "Ġlonger": 3476,
+ "artment": 3477,
+ "Ġgetting": 3478,
+ "Ġcommit": 3479,
+ "estern": 3480,
+ "ched": 3481,
+ "itute": 3482,
+ "Ġpurpose": 3483,
+ "Ġfarm": 3484,
+ "ellig": 3485,
+ "Ġinternational": 3486,
+ "ĠPart": 3487,
+ "('": 3488,
+ "Ġobtain": 3489,
+ "Ġbase": 3490,
+ "-pro": 3491,
+ "Ġconcent": 3492,
+ "ĠDep": 3493,
+ "Ġbelieve": 3494,
+ "xi": 3495,
+ "ancing": 3496,
+ "rown": 3497,
+ "Ġapplication": 3498,
+ "```": 3499,
+ "Ġslow": 3500,
+ "Ġperfect": 3501,
+ "ĠNot": 3502,
+ "ĠWrite": 3503,
+ "Ġancient": 3504,
+ "Ġful": 3505,
+ "Ġschools": 3506,
+ "Ġappreci": 3507,
+ "phas": 3508,
+ "ĠMany": 3509,
+ "Ġsituation": 3510,
+ "iar": 3511,
+ "ament": 3512,
+ "'ll": 3513,
+ "Ġfit": 3514,
+ "Ġlines": 3515,
+ "Ġago": 3516,
+ "asons": 3517,
+ "umb": 3518,
+ "Con": 3519,
+ "Ġhor": 3520,
+ "Ġstru": 3521,
+ "а": 3522,
+ "Ġcollabor": 3523,
+ "Ġsequ": 3524,
+ "ĠMod": 3525,
+ "Ġdecre": 3526,
+ "Ġactions": 3527,
+ "By": 3528,
+ "Ġtree": 3529,
+ "aff": 3530,
+ "Ġplat": 3531,
+ "Ġpowerful": 3532,
+ "Ġquickly": 3533,
+ "na": 3534,
+ "Ġrout": 3535,
+ "Ġfoods": 3536,
+ "Ġacad": 3537,
+ "itect": 3538,
+ "ying": 3539,
+ "Ġcivil": 3540,
+ "Ġder": 3541,
+ "Ġpoll": 3542,
+ "Ġveget": 3543,
+ "Ġoutside": 3544,
+ "Ġproced": 3545,
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 3546,
+ "ades": 3547,
+ "Ġeat": 3548,
+ "Ġcompanies": 3549,
+ "ĠEnsure": 3550,
+ "Ġstraightforward": 3551,
+ "Ġwild": 3552,
+ "set": 3553,
+ "iam": 3554,
+ "raction": 3555,
+ "Ġcard": 3556,
+ "ĠState": 3557,
+ "itch": 3558,
+ "hel": 3559,
+ "Ġtransport": 3560,
+ "Ġdocument": 3561,
+ "-to": 3562,
+ "ister": 3563,
+ "Ġbeyond": 3564,
+ "Ġcontribute": 3565,
+ "Ġbacter": 3566,
+ "ĠJapan": 3567,
+ "Ġcontains": 3568,
+ "ervation": 3569,
+ "ana": 3570,
+ "ĠHis": 3571,
+ "avig": 3572,
+ "Ġextensive": 3573,
+ "Ġwood": 3574,
+ "Ġmix": 3575,
+ "Ġtook": 3576,
+ "Ġgard": 3577,
+ "uth": 3578,
+ "Ġcool": 3579,
+ "âĢĻll": 3580,
+ "ords": 3581,
+ "TION": 3582,
+ "70": 3583,
+ "Ġtopics": 3584,
+ "ously": 3585,
+ "Ġconstant": 3586,
+ "Ġbecomes": 3587,
+ "istry": 3588,
+ "Ġpredict": 3589,
+ "ĠSystem": 3590,
+ "ops": 3591,
+ "Ġalmost": 3592,
+ "Ġuser": 3593,
+ "Ġessays": 3594,
+ "Ġfire": 3595,
+ "orith": 3596,
+ "Ġroot": 3597,
+ "lear": 3598,
+ "ancy": 3599,
+ "ĠAc": 3600,
+ "Ġproperties": 3601,
+ "where": 3602,
+ "rated": 3603,
+ "Ġdifferences": 3604,
+ "Ġdiscover": 3605,
+ "Ġadditional": 3606,
+ "36": 3607,
+ "Ġefficient": 3608,
+ "Ġpolicy": 3609,
+ "Ġteachers": 3610,
+ "Ġdat": 3611,
+ "ipment": 3612,
+ "-st": 3613,
+ "Ġinj": 3614,
+ "Ġobjects": 3615,
+ "Ġdecl": 3616,
+ "Ġappropriate": 3617,
+ "Ġearth": 3618,
+ "ĠGo": 3619,
+ "-h": 3620,
+ "Ġscientific": 3621,
+ "Ġgenerally": 3622,
+ "Ġsil": 3623,
+ "ĠChina": 3624,
+ "Ġblock": 3625,
+ "ino": 3626,
+ "ĠJohn": 3627,
+ "ription": 3628,
+ "ĠProvide": 3629,
+ "bra": 3630,
+ "Ġmodels": 3631,
+ "Ġcit": 3632,
+ "ED": 3633,
+ "ulate": 3634,
+ "Ġexercise": 3635,
+ "Ġwarm": 3636,
+ "emporary": 3637,
+ "Ġrich": 3638,
+ "apers": 3639,
+ "Ġpack": 3640,
+ "ellow": 3641,
+ "ĠAI": 3642,
+ "Ġvisit": 3643,
+ "Ġvirus": 3644,
+ "orial": 3645,
+ "Ġefforts": 3646,
+ "ĠEss": 3647,
+ "Ġsignificantly": 3648,
+ "Ġwa": 3649,
+ "head": 3650,
+ "Ġassign": 3651,
+ "Ġrules": 3652,
+ "Ġwaste": 3653,
+ "Ġdou": 3654,
+ "Ġfa": 3655,
+ "Ġlegal": 3656,
+ "ĠAre": 3657,
+ "ields": 3658,
+ "Ġfriend": 3659,
+ "ided": 3660,
+ "Ġbelief": 3661,
+ "Ġanimal": 3662,
+ "ech": 3663,
+ "Ġdecisions": 3664,
+ "Ġextreme": 3665,
+ "Ġbalance": 3666,
+ "text": 3667,
+ "Ġlack": 3668,
+ "Ġcele": 3669,
+ "Ġsix": 3670,
+ "pid": 3671,
+ "odies": 3672,
+ "Ġfasc": 3673,
+ "Is": 3674,
+ "Ġjo": 3675,
+ "Ġdiseases": 3676,
+ "Ġlarger": 3677,
+ "Ġautom": 3678,
+ "Ġacid": 3679,
+ "ĠAvoid": 3680,
+ "Ġoptions": 3681,
+ "Pro": 3682,
+ "ĠOver": 3683,
+ "Ġmachine": 3684,
+ "vention": 3685,
+ "}}": 3686,
+ "ĠMin": 3687,
+ "Ġitems": 3688,
+ "ĠFirst": 3689,
+ "ĠTrans": 3690,
+ "bre": 3691,
+ "Ġcapac": 3692,
+ "Ġelement": 3693,
+ "Ġbread": 3694,
+ "Ġexploring": 3695,
+ "asks": 3696,
+ "like": 3697,
+ "def": 3698,
+ "comes": 3699,
+ "rix": 3700,
+ "uments": 3701,
+ "Ġconsequ": 3702,
+ "ĠBritish": 3703,
+ "epth": 3704,
+ "Ġinterpre": 3705,
+ "Ġult": 3706,
+ "194": 3707,
+ "Ġcateg": 3708,
+ "_{": 3709,
+ "Ġbuilt": 3710,
+ "amb": 3711,
+ "col": 3712,
+ "Ġdetect": 3713,
+ "Ġclin": 3714,
+ "Ġestablish": 3715,
+ "oud": 3716,
+ "Ġspeak": 3717,
+ "ĠWorks": 3718,
+ "But": 3719,
+ "erences": 3720,
+ "Step": 3721,
+ "AC": 3722,
+ "Ġfoot": 3723,
+ "back": 3724,
+ "Re": 3725,
+ "uit": 3726,
+ "Ġmole": 3727,
+ "Ġfast": 3728,
+ "inate": 3729,
+ "Ġuseful": 3730,
+ "Ġrat": 3731,
+ "Ġsample": 3732,
+ "ĠMy": 3733,
+ "-life": 3734,
+ "Ġlate": 3735,
+ "oday": 3736,
+ "ached": 3737,
+ "Ġ)": 3738,
+ "illing": 3739,
+ "rical": 3740,
+ "Ġprinciples": 3741,
+ "Ġactive": 3742,
+ "Ġresponsible": 3743,
+ "Ġscientists": 3744,
+ "ifically": 3745,
+ "Ġemphas": 3746,
+ "Ġdemand": 3747,
+ "ensity": 3748,
+ "tical": 3749,
+ "Ġeye": 3750,
+ "ĠKing": 3751,
+ "ĠSol": 3752,
+ "uries": 3753,
+ "rought": 3754,
+ "Ġusers": 3755,
+ "Ġgames": 3756,
+ "ran": 3757,
+ "Ġfile": 3758,
+ "Ġeffic": 3759,
+ "Ġplatform": 3760,
+ "Ġsupply": 3761,
+ "Ġleaves": 3762,
+ "ĠDevelop": 3763,
+ "Ġminutes": 3764,
+ "Ġmis": 3765,
+ "-g": 3766,
+ "ĠNow": 3767,
+ "Ġund": 3768,
+ "Ġincluded": 3769,
+ "itual": 3770,
+ "Ġhar": 3771,
+ "wise": 3772,
+ "Ġadded": 3773,
+ "Ġwall": 3774,
+ "Ġrob": 3775,
+ "ĠOur": 3776,
+ "Ġbab": 3777,
+ "ĠHistory": 3778,
+ "argon": 3779,
+ "ius": 3780,
+ "Ġnight": 3781,
+ "Ġhealthcare": 3782,
+ "Ġearl": 3783,
+ "umber": 3784,
+ "Ġprojects": 3785,
+ "Ġcamp": 3786,
+ "Ġbit": 3787,
+ "Ġremains": 3788,
+ "osition": 3789,
+ "Ġcosts": 3790,
+ "Ġthird": 3791,
+ "Ġadop": 3792,
+ "Ġbehavi": 3793,
+ "ĠGl": 3794,
+ "Ġcoverage": 3795,
+ "iles": 3796,
+ "Ġtherapy": 3797,
+ "ĠEd": 3798,
+ "(n": 3799,
+ "Ġmeasures": 3800,
+ "Ġattempt": 3801,
+ "Ġwalk": 3802,
+ "Ġfinal": 3803,
+ "Ġgoal": 3804,
+ "idge": 3805,
+ "xiety": 3806,
+ "ĠJust": 3807,
+ "Ġbound": 3808,
+ "abilities": 3809,
+ "Ġhighly": 3810,
+ "Ġsuccessful": 3811,
+ "Ġproduced": 3812,
+ "Ġsec": 3813,
+ "iful": 3814,
+ "Ġfactor": 3815,
+ "ĠRem": 3816,
+ "Ġpages": 3817,
+ "Ġmulti": 3818,
+ "Ġdry": 3819,
+ ".org": 3820,
+ "ica": 3821,
+ "Ġjargon": 3822,
+ "Ġregarding": 3823,
+ "Ġing": 3824,
+ "nection": 3825,
+ "Ġbreat": 3826,
+ "issions": 3827,
+ "ĠTw": 3828,
+ "-depth": 3829,
+ "Ġequation": 3830,
+ "Ġstrugg": 3831,
+ "che": 3832,
+ "Ġquite": 3833,
+ "Ġhyp": 3834,
+ "hold": 3835,
+ "lated": 3836,
+ "osure": 3837,
+ "Ġshared": 3838,
+ "Ġapproachable": 3839,
+ "ĠYork": 3840,
+ "Ġcred": 3841,
+ "Ġvia": 3842,
+ "Ġtrying": 3843,
+ "Ġcentral": 3844,
+ "Ġdistance": 3845,
+ "Ġdynam": 3846,
+ "left": 3847,
+ "ĠChapter": 3848,
+ "Ad": 3849,
+ "Ġallowing": 3850,
+ "ĠAustral": 3851,
+ "ĠÎ": 3852,
+ "Ġgoals": 3853,
+ "Ġcapital": 3854,
+ "inks": 3855,
+ "-term": 3856,
+ "Ġvit": 3857,
+ "Ġagree": 3858,
+ "Ġsolar": 3859,
+ "Ġcreative": 3860,
+ "uman": 3861,
+ "Ġmathemat": 3862,
+ "raw": 3863,
+ "ĠEuropean": 3864,
+ "ceed": 3865,
+ "Ġdial": 3866,
+ "^{": 3867,
+ "Ġcommunic": 3868,
+ "ibrary": 3869,
+ "Ġfavor": 3870,
+ "Ġsituations": 3871,
+ "Ġeducational": 3872,
+ "ha": 3873,
+ "cape": 3874,
+ "Ġnumerous": 3875,
+ "riting": 3876,
+ "Ġdetails": 3877,
+ "estion": 3878,
+ "Ġillust": 3879,
+ "Ġdang": 3880,
+ "elt": 3881,
+ "ndom": 3882,
+ "ĠBook": 3883,
+ "Ġisn": 3884,
+ "Ġfamilies": 3885,
+ "Ġphilos": 3886,
+ "-e": 3887,
+ "Ġinstall": 3888,
+ "Ġstructures": 3889,
+ "()": 3890,
+ "He": 3891,
+ "Ġdistribution": 3892,
+ "Ġgot": 3893,
+ "elines": 3894,
+ "Ġpromote": 3895,
+ "Ġwebsite": 3896,
+ "Ġdim": 3897,
+ "Ġformat": 3898,
+ "pper": 3899,
+ "Ġdivid": 3900,
+ "mat": 3901,
+ "Ġprice": 3902,
+ "Ġchoice": 3903,
+ "Ġalgorith": 3904,
+ "Ġhot": 3905,
+ "Ġorganizations": 3906,
+ "ingu": 3907,
+ "Ġlimited": 3908,
+ "Ġreligious": 3909,
+ "],": 3910,
+ "ĠSm": 3911,
+ "omy": 3912,
+ "gn": 3913,
+ "Ġreach": 3914,
+ "Ġbill": 3915,
+ "lim": 3916,
+ "-y": 3917,
+ "RE": 3918,
+ "Ġorganization": 3919,
+ "Ġaccur": 3920,
+ "Ġord": 3921,
+ "Ġpriorit": 3922,
+ "Ġmonth": 3923,
+ "Ġprofession": 3924,
+ "irection": 3925,
+ "Ġdevice": 3926,
+ "Ġeffectively": 3927,
+ "Ġrates": 3928,
+ "Ġemotional": 3929,
+ "ios": 3930,
+ "iring": 3931,
+ "Ġconclusion": 3932,
+ "ĠMon": 3933,
+ "Ġestim": 3934,
+ "Ġcolon": 3935,
+ "Ġsett": 3936,
+ "Ġequipment": 3937,
+ "ĠCour": 3938,
+ "mission": 3939,
+ "Ġprotein": 3940,
+ "odes": 3941,
+ "Ġstage": 3942,
+ "ĠFrench": 3943,
+ "rm": 3944,
+ "Ġvacc": 3945,
+ "Ġhands": 3946,
+ "Ġgives": 3947,
+ "Ġstatement": 3948,
+ "ests": 3949,
+ "Ġtrack": 3950,
+ "IT": 3951,
+ "Ġfeet": 3952,
+ "32": 3953,
+ "Ġden": 3954,
+ "ĠInter": 3955,
+ "Ġcry": 3956,
+ "Ġnamed": 3957,
+ "ĠAdditionally": 3958,
+ "Ġproperty": 3959,
+ "zz": 3960,
+ "Ġidentity": 3961,
+ "ĠEach": 3962,
+ "Why": 3963,
+ "Ġestablished": 3964,
+ "Ġmemory": 3965,
+ "pan": 3966,
+ "ĠJan": 3967,
+ "Ġinfection": 3968,
+ "Ġtiss": 3969,
+ "Ġlimit": 3970,
+ "ief": 3971,
+ "Ġtrust": 3972,
+ "ĠThen": 3973,
+ "sis": 3974,
+ "eed": 3975,
+ "Ġthus": 3976,
+ "Ġoutput": 3977,
+ "Ġserious": 3978,
+ "ĠAfrican": 3979,
+ "ĠâĪ": 3980,
+ "Ġpropos": 3981,
+ "Ġdistinct": 3982,
+ "Ġbad": 3983,
+ "Ġhost": 3984,
+ "ederal": 3985,
+ "Ġenhance": 3986,
+ "Ġdiabetes": 3987,
+ "Ġreaders": 3988,
+ "Ġdefined": 3989,
+ "inated": 3990,
+ "Ġveh": 3991,
+ "Ġlesson": 3992,
+ "Ġmother": 3993,
+ "rong": 3994,
+ "Ġsmo": 3995,
+ "oes": 3996,
+ "Ġsus": 3997,
+ "ĠGree": 3998,
+ "iot": 3999,
+ "ĠAfrica": 4000,
+ "Ġteach": 4001,
+ "On": 4002,
+ "ception": 4003,
+ "ĠCommun": 4004,
+ "Ġseason": 4005,
+ "Ġsugar": 4006,
+ "uge": 4007,
+ "Ġgender": 4008,
+ "Ġsquare": 4009,
+ "Ġexactly": 4010,
+ "bor": 4011,
+ "Ġmag": 4012,
+ "Ġofficial": 4013,
+ "ĠAlthough": 4014,
+ "Ġcollection": 4015,
+ "Ġrefers": 4016,
+ "Ġfib": 4017,
+ "Ġqual": 4018,
+ "Ġapply": 4019,
+ "Ġconstruct": 4020,
+ "overy": 4021,
+ "cohol": 4022,
+ "Ġfair": 4023,
+ "ĠWill": 4024,
+ "Ġplaces": 4025,
+ "urg": 4026,
+ "Ġprotection": 4027,
+ "Ġrapid": 4028,
+ "31": 4029,
+ "Ġinsights": 4030,
+ "Ġlaws": 4031,
+ "ĠCount": 4032,
+ "ĠOther": 4033,
+ "vest": 4034,
+ "ĠJew": 4035,
+ "Ġresid": 4036,
+ "75": 4037,
+ "cret": 4038,
+ "ĠRel": 4039,
+ "oming": 4040,
+ "LE": 4041,
+ "inese": 4042,
+ "Ġtend": 4043,
+ "Ġnavig": 4044,
+ "ĠConnect": 4045,
+ "resp": 4046,
+ "HE": 4047,
+ "rag": 4048,
+ "Ġsevere": 4049,
+ "Ġpen": 4050,
+ "Ġinstruct": 4051,
+ "Ġpractical": 4052,
+ "ĠMus": 4053,
+ "Ġtrees": 4054,
+ "Ġroom": 4055,
+ "Ġarchitect": 4056,
+ "Ġpoor": 4057,
+ "Ġplanning": 4058,
+ "Ġimmedi": 4059,
+ "eks": 4060,
+ "Ġtherefore": 4061,
+ "Ġpiece": 4062,
+ "Ġnote": 4063,
+ "Ġeyes": 4064,
+ "ĠEducation": 4065,
+ "Ġtechnologies": 4066,
+ "name": 4067,
+ "ille": 4068,
+ "oice": 4069,
+ "Ġconstruction": 4070,
+ "Ġthous": 4071,
+ "ĠRuss": 4072,
+ "Ġpow": 4073,
+ "Ġlabor": 4074,
+ "Ġvirt": 4075,
+ "âĢĻve": 4076,
+ "ĠChar": 4077,
+ "efore": 4078,
+ "Ġadults": 4079,
+ "Ġreported": 4080,
+ "Ġacademic": 4081,
+ "Ġexpression": 4082,
+ "ĠII": 4083,
+ "ogue": 4084,
+ "ecause": 4085,
+ "Ġcompar": 4086,
+ "Ġlocation": 4087,
+ "rogen": 4088,
+ "Section": 4089,
+ "Ġmoment": 4090,
+ "Ġscen": 4091,
+ "Ġlocated": 4092,
+ "Ġoutcomes": 4093,
+ "ogen": 4094,
+ "ĠIndian": 4095,
+ "Ġdepend": 4096,
+ "34": 4097,
+ "Ġbeginning": 4098,
+ "Ġcenter": 4099,
+ "ares": 4100,
+ "Ġchallenging": 4101,
+ "Ġlargest": 4102,
+ "works": 4103,
+ "Ġforest": 4104,
+ "Ġvital": 4105,
+ "ilit": 4106,
+ "ĠMost": 4107,
+ "Ġmilitary": 4108,
+ "cious": 4109,
+ "Ġdegree": 4110,
+ "Ġintellig": 4111,
+ "ĠExpl": 4112,
+ "°": 4113,
+ "Ġapprox": 4114,
+ "arian": 4115,
+ "Ġteacher": 4116,
+ "cean": 4117,
+ "math": 4118,
+ "ĠAug": 4119,
+ "angle": 4120,
+ "Ġlearned": 4121,
+ "Ġcommonly": 4122,
+ "Ġtrade": 4123,
+ "plications": 4124,
+ "Ġinvolve": 4125,
+ "Ġhope": 4126,
+ "Ġaccom": 4127,
+ "Ġreasons": 4128,
+ "Ġdivers": 4129,
+ "Ġsmaller": 4130,
+ "Let": 4131,
+ "ĠChild": 4132,
+ "lands": 4133,
+ "dis": 4134,
+ "rt": 4135,
+ "Ġpurch": 4136,
+ "Ġfigure": 4137,
+ "и": 4138,
+ "ĠInternational": 4139,
+ "Ġjud": 4140,
+ "oe": 4141,
+ "Ġded": 4142,
+ "Ġrelevant": 4143,
+ "ĠDi": 4144,
+ "Ġconcerns": 4145,
+ "formation": 4146,
+ "ĠClass": 4147,
+ "fl": 4148,
+ "-S": 4149,
+ "alle": 4150,
+ "}$": 4151,
+ "Ġtesting": 4152,
+ "}\\": 4153,
+ "Ġgold": 4154,
+ "Ġroad": 4155,
+ "ternal": 4156,
+ "uk": 4157,
+ "Ġdark": 4158,
+ "Ġdisplay": 4159,
+ "Ġanxiety": 4160,
+ "Ġchallenge": 4161,
+ "Ġcharacteristics": 4162,
+ "Ġcarry": 4163,
+ "Ġparam": 4164,
+ "ĠAnt": 4165,
+ "Ġsoon": 4166,
+ "sect": 4167,
+ "ĠChristian": 4168,
+ "ocks": 4169,
+ "Ġrequirements": 4170,
+ "Ġwhose": 4171,
+ "Ġcou": 4172,
+ "ĠHer": 4173,
+ "Ġstri": 4174,
+ "Ġcontroll": 4175,
+ "iny": 4176,
+ "eper": 4177,
+ "www": 4178,
+ "Ġhttps": 4179,
+ "Ġensuring": 4180,
+ "rees": 4181,
+ "Ġnation": 4182,
+ "Ġfeature": 4183,
+ "cipl": 4184,
+ "hesis": 4185,
+ "cont": 4186,
+ "Ġresistance": 4187,
+ "Ġadjust": 4188,
+ "Ġeating": 4189,
+ "Ġbeautiful": 4190,
+ "Ġsigns": 4191,
+ "iable": 4192,
+ "inding": 4193,
+ "Ġsolve": 4194,
+ "Ġfresh": 4195,
+ "Ġserve": 4196,
+ "ĠUnderstanding": 4197,
+ "195": 4198,
+ "Ġresource": 4199,
+ "99": 4200,
+ "ĠAut": 4201,
+ "airs": 4202,
+ "Ġacqu": 4203,
+ "wide": 4204,
+ "Ġinteractions": 4205,
+ "df": 4206,
+ "Ġcontemporary": 4207,
+ "ĠWhy": 4208,
+ "ube": 4209,
+ "ĠSw": 4210,
+ "-C": 4211,
+ "Ġegg": 4212,
+ "Ġbusinesses": 4213,
+ "Ġdefinition": 4214,
+ "edia": 4215,
+ "Ġbox": 4216,
+ "Ġassist": 4217,
+ "Ġadminist": 4218,
+ "change": 4219,
+ "Ġrisks": 4220,
+ "ching": 4221,
+ "Ġstrength": 4222,
+ "ĠMat": 4223,
+ "Ġrock": 4224,
+ "Ġprioritize": 4225,
+ "bit": 4226,
+ "Ġreducing": 4227,
+ "Ġexpand": 4228,
+ "Ġforces": 4229,
+ "Ġast": 4230,
+ "uary": 4231,
+ "Ġrot": 4232,
+ "unction": 4233,
+ "Ġlat": 4234,
+ "Ġdrink": 4235,
+ "ĠJu": 4236,
+ "Ġagricult": 4237,
+ "Ġoperations": 4238,
+ "ĠOct": 4239,
+ "ued": 4240,
+ "Ġfascinating": 4241,
+ "cks": 4242,
+ "hors": 4243,
+ "Ġalternative": 4244,
+ "Ġlessons": 4245,
+ "igenous": 4246,
+ "Ġtasks": 4247,
+ "water": 4248,
+ "Ġplays": 4249,
+ "Ġfear": 4250,
+ "Ġnuc": 4251,
+ "ball": 4252,
+ "Ġupd": 4253,
+ "Ġmob": 4254,
+ "Ġtests": 4255,
+ "ĠTheir": 4256,
+ "haps": 4257,
+ "ĠChe": 4258,
+ "Ġsetting": 4259,
+ "ĠJour": 4260,
+ "overn": 4261,
+ "Ġsea": 4262,
+ "At": 4263,
+ "Ġsustainable": 4264,
+ "uild": 4265,
+ "Ġdate": 4266,
+ "Ġanswers": 4267,
+ "Ġvary": 4268,
+ "urance": 4269,
+ "ĠWell": 4270,
+ "Ġgradu": 4271,
+ "Ġcelebr": 4272,
+ "ĠProg": 4273,
+ "Ġexpert": 4274,
+ "ira": 4275,
+ "Ġconnection": 4276,
+ "Ġinteresting": 4277,
+ "Ġthr": 4278,
+ "ĠGreat": 4279,
+ "Ġasked": 4280,
+ "78": 4281,
+ "Ġbackground": 4282,
+ "Ġenter": 4283,
+ "ĠPhys": 4284,
+ "Ġnutri": 4285,
+ "ype": 4286,
+ "Ġdirection": 4287,
+ "usion": 4288,
+ "list": 4289,
+ "cil": 4290,
+ "Ġexec": 4291,
+ "aste": 4292,
+ "encies": 4293,
+ "Ġapplied": 4294,
+ "Ġcore": 4295,
+ "Ġconnections": 4296,
+ "))": 4297,
+ "Ġtou": 4298,
+ "Ġaffected": 4299,
+ "Ġappe": 4300,
+ "olic": 4301,
+ "que": 4302,
+ "ĠDay": 4303,
+ "Ġmentioning": 4304,
+ "Ġtask": 4305,
+ "ST": 4306,
+ "Ġphen": 4307,
+ "Ġdeal": 4308,
+ "Ġreceive": 4309,
+ "used": 4310,
+ "(self": 4311,
+ "'ve": 4312,
+ "Ġcomfort": 4313,
+ "anish": 4314,
+ "ees": 4315,
+ "Ġopportunity": 4316,
+ "ĠSocial": 4317,
+ ".e": 4318,
+ "rew": 4319,
+ "Ġvolume": 4320,
+ "ognitive": 4321,
+ "These": 4322,
+ "Ġattack": 4323,
+ "Ġbenefit": 4324,
+ "ĠSpe": 4325,
+ "Ġinstru": 4326,
+ "ulated": 4327,
+ "ifying": 4328,
+ "ĠFurther": 4329,
+ "Ġdescribed": 4330,
+ "athy": 4331,
+ "Ġbirth": 4332,
+ "Ġnutrit": 4333,
+ "Ġcontrast": 4334,
+ "500": 4335,
+ "Ġscale": 4336,
+ "Ġimag": 4337,
+ "AP": 4338,
+ "Ġfight": 4339,
+ "ĠAccording": 4340,
+ "Ġrule": 4341,
+ "Ġcam": 4342,
+ "38": 4343,
+ "ÑĤ": 4344,
+ "itis": 4345,
+ "Ġeconomy": 4346,
+ "ĠDef": 4347,
+ "undred": 4348,
+ "Ġcitiz": 4349,
+ "193": 4350,
+ "Ġrandom": 4351,
+ "Ġalthough": 4352,
+ "IV": 4353,
+ "ĠCur": 4354,
+ "ogle": 4355,
+ "Ġhabit": 4356,
+ "Ġprivate": 4357,
+ "Ġstarting": 4358,
+ "Ġadvanced": 4359,
+ "Ġinsp": 4360,
+ "rief": 4361,
+ "Ġdiscovered": 4362,
+ "Ġrecommend": 4363,
+ "med": 4364,
+ "Ġweather": 4365,
+ "48": 4366,
+ "Ġintroduction": 4367,
+ "Ġfix": 4368,
+ "iveness": 4369,
+ "eing": 4370,
+ "Ġheld": 4371,
+ "elcome": 4372,
+ "**ĊĊ": 4373,
+ "Ġweeks": 4374,
+ "39": 4375,
+ "Ġanything": 4376,
+ "ocol": 4377,
+ "Ġhon": 4378,
+ "umn": 4379,
+ "mosp": 4380,
+ "aught": 4381,
+ "estic": 4382,
+ "Ġmanage": 4383,
+ "Ġiniti": 4384,
+ "known": 4385,
+ "Ġoccurs": 4386,
+ "Ġdoctor": 4387,
+ "Ġtips": 4388,
+ "Ġreduced": 4389,
+ "Ġcapacity": 4390,
+ "37": 4391,
+ "orage": 4392,
+ "Ġprocessing": 4393,
+ "eters": 4394,
+ "Ġfront": 4395,
+ "Ġsolid": 4396,
+ "Ġexpected": 4397,
+ "Ġefficiency": 4398,
+ "Ġ$\\": 4399,
+ "ĠHigh": 4400,
+ "Ġiron": 4401,
+ "Ġbatter": 4402,
+ "force": 4403,
+ "ĠWorkshe": 4404,
+ "atur": 4405,
+ "ĠVal": 4406,
+ "While": 4407,
+ "Ġnames": 4408,
+ "Ġprinc": 4409,
+ "Ġmount": 4410,
+ "Ġcold": 4411,
+ "Ġprop": 4412,
+ "Ġmiss": 4413,
+ "ĠRed": 4414,
+ "With": 4415,
+ "Ġschol": 4416,
+ "Ġadvent": 4417,
+ "Ġswe": 4418,
+ "ĠServ": 4419,
+ "Ġbott": 4420,
+ "Ġsold": 4421,
+ "Ġgoes": 4422,
+ "Ġneigh": 4423,
+ "mary": 4424,
+ "ĠBo": 4425,
+ "alse": 4426,
+ "ĠSub": 4427,
+ "uff": 4428,
+ "Ġ...Ċ": 4429,
+ "Ġexcess": 4430,
+ "Ġrespond": 4431,
+ "ĠEl": 4432,
+ "(s": 4433,
+ "Ġadvance": 4434,
+ "rome": 4435,
+ "ĠGerman": 4436,
+ "ĠBi": 4437,
+ "ĠDuring": 4438,
+ "Ġbul": 4439,
+ "Ġprobably": 4440,
+ "Ġstandards": 4441,
+ "amental": 4442,
+ "Ġeasier": 4443,
+ "Ġbuy": 4444,
+ "gy": 4445,
+ "ĠBar": 4446,
+ "Ġevol": 4447,
+ "Ġconnected": 4448,
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 4449,
+ "ructure": 4450,
+ "ophy": 4451,
+ "Ġload": 4452,
+ "Ġfig": 4453,
+ "ought": 4454,
+ "ĠApr": 4455,
+ "AM": 4456,
+ "ĠChinese": 4457,
+ "-year": 4458,
+ "rick": 4459,
+ "ĠMark": 4460,
+ "ams": 4461,
+ "Un": 4462,
+ "Ġheight": 4463,
+ "Ġforward": 4464,
+ "Ġwon": 4465,
+ "Ġfinding": 4466,
+ "Com": 4467,
+ "Ġsociet": 4468,
+ "ĠFl": 4469,
+ "Ġdepending": 4470,
+ "rie": 4471,
+ "bal": 4472,
+ "Ġrise": 4473,
+ "anging": 4474,
+ "ĠTherefore": 4475,
+ "imize": 4476,
+ "ĠHel": 4477,
+ "Ġsurrounding": 4478,
+ "etry": 4479,
+ "Ġtechnique": 4480,
+ "Ġspecifically": 4481,
+ "Ġattract": 4482,
+ "Ġtransfer": 4483,
+ "Ġletter": 4484,
+ "Ġapproaches": 4485,
+ "key": 4486,
+ "Ġmaster": 4487,
+ "EC": 4488,
+ "191": 4489,
+ "attle": 4490,
+ "-prov": 4491,
+ "Ġfuel": 4492,
+ "Ġbasis": 4493,
+ "Ġlayer": 4494,
+ "ĠOnce": 4495,
+ "Ġmetal": 4496,
+ "Ġengage": 4497,
+ "ĠHar": 4498,
+ "====": 4499,
+ "Ġassum": 4500,
+ "âĪ": 4501,
+ "Ġworth": 4502,
+ "Ġlost": 4503,
+ "Int": 4504,
+ "Ġearlier": 4505,
+ "zing": 4506,
+ "Ġpolicies": 4507,
+ "Ġliqu": 4508,
+ "Ġmaintaining": 4509,
+ "44": 4510,
+ "Ġdiag": 4511,
+ "ii": 4512,
+ "ses": 4513,
+ "Ġdeeper": 4514,
+ "ĠProf": 4515,
+ "ĠCanada": 4516,
+ "And": 4517,
+ "ĠWork": 4518,
+ "alysis": 4519,
+ "edom": 4520,
+ "ĠLaw": 4521,
+ "Ġteeth": 4522,
+ "Ġhappens": 4523,
+ "Ġdisorder": 4524,
+ "Ġregions": 4525,
+ "ager": 4526,
+ "Ġpresence": 4527,
+ "Ġversion": 4528,
+ "Ġcultures": 4529,
+ "ĠTest": 4530,
+ "ocr": 4531,
+ "inc": 4532,
+ "rupt": 4533,
+ "Ġ--": 4534,
+ "Ġborn": 4535,
+ "iers": 4536,
+ "Sh": 4537,
+ "-provoking": 4538,
+ "Ġconsequences": 4539,
+ "Ġexisting": 4540,
+ "Ġplanet": 4541,
+ "Ġformula": 4542,
+ "Ġhelping": 4543,
+ "Ġblue": 4544,
+ "anc": 4545,
+ "wer": 4546,
+ "Ġbrought": 4547,
+ "ums": 4548,
+ "Ġprepar": 4549,
+ "Ġanti": 4550,
+ "Ġbacteria": 4551,
+ "Ġhair": 4552,
+ "Ġfollowed": 4553,
+ "hest": 4554,
+ "Ġthoughts": 4555,
+ "Ġgir": 4556,
+ "Ġten": 4557,
+ "Ġstore": 4558,
+ "Ġunits": 4559,
+ "Ġbreadth": 4560,
+ "Ġpregn": 4561,
+ "Ġrepl": 4562,
+ "ĠBlack": 4563,
+ "Ġrepresents": 4564,
+ "bl": 4565,
+ "Ġplans": 4566,
+ "Ġstatus": 4567,
+ "Ġalcohol": 4568,
+ "ĠMath": 4569,
+ "Ġvalid": 4570,
+ "Ġmid": 4571,
+ "192": 4572,
+ "Ġmut": 4573,
+ "Ġpapers": 4574,
+ "iding": 4575,
+ "Ġillness": 4576,
+ "onic": 4577,
+ "ĠData": 4578,
+ "Ġcontract": 4579,
+ "board": 4580,
+ "Ġcommer": 4581,
+ "lev": 4582,
+ "Ġfamous": 4583,
+ "Ġpick": 4584,
+ "Ġwatch": 4585,
+ "Ġ.Ċ": 4586,
+ "Ġolder": 4587,
+ "agraph": 4588,
+ "Ġauthors": 4589,
+ "()Ċ": 4590,
+ "ĠHol": 4591,
+ "ros": 4592,
+ "isc": 4593,
+ "lam": 4594,
+ "ĠSince": 4595,
+ "CO": 4596,
+ "Ġexcell": 4597,
+ "Ġexposure": 4598,
+ "rab": 4599,
+ "Ġworkers": 4600,
+ "ibly": 4601,
+ "icip": 4602,
+ "Ġexperiment": 4603,
+ "Ġboard": 4604,
+ "Ġpicture": 4605,
+ "Ġfeelings": 4606,
+ "Ġreceived": 4607,
+ "Ġunc": 4608,
+ "Ġsites": 4609,
+ "Ġfields": 4610,
+ "Ġresulting": 4611,
+ "Ġinterpret": 4612,
+ "iforn": 4613,
+ "ste": 4614,
+ "esus": 4615,
+ "Ġconsumption": 4616,
+ "Ġweak": 4617,
+ "ican": 4618,
+ "Ġvict": 4619,
+ "Ġpet": 4620,
+ "cons": 4621,
+ "Ġking": 4622,
+ "Ġinfluen": 4623,
+ "pected": 4624,
+ "Ġcompletely": 4625,
+ "Ġtim": 4626,
+ "Ġhundred": 4627,
+ "Ġfully": 4628,
+ "RO": 4629,
+ "Ġhom": 4630,
+ "rices": 4631,
+ "Ġvariables": 4632,
+ "Ġspeech": 4633,
+ "ĠEven": 4634,
+ "ĠUsing": 4635,
+ "Ġwrong": 4636,
+ "onds": 4637,
+ "Ġsexual": 4638,
+ "ĠWest": 4639,
+ "Ġstrategy": 4640,
+ "Ġreality": 4641,
+ "Ġzero": 4642,
+ "ĠPlan": 4643,
+ "Ġsignificance": 4644,
+ "Ġtrig": 4645,
+ "Ġformed": 4646,
+ "Ġdownload": 4647,
+ "Ġprofessionals": 4648,
+ "55": 4649,
+ "order": 4650,
+ "Ġfather": 4651,
+ "Ġunf": 4652,
+ "ĠToday": 4653,
+ "Ġlanguages": 4654,
+ "Ġconflict": 4655,
+ "Ġawareness": 4656,
+ "Ġchanging": 4657,
+ "ĠPeople": 4658,
+ "ĠInstitute": 4659,
+ "aid": 4660,
+ "Ġargument": 4661,
+ "Ġhosp": 4662,
+ "Ġtour": 4663,
+ "Ġemotions": 4664,
+ "Ġmotiv": 4665,
+ "Ġdead": 4666,
+ "Ġseems": 4667,
+ "VID": 4668,
+ "urt": 4669,
+ "Ġfilm": 4670,
+ "_t": 4671,
+ "Ġice": 4672,
+ "ara": 4673,
+ "Ġeffort": 4674,
+ "ĠSupp": 4675,
+ "ĠRef": 4676,
+ "Ġgarden": 4677,
+ "ĠLat": 4678,
+ "Ġincreases": 4679,
+ "oses": 4680,
+ "Ġfindings": 4681,
+ "Ġwent": 4682,
+ "Ġurban": 4683,
+ "Ġmonit": 4684,
+ "Ġdive": 4685,
+ "Ġrare": 4686,
+ "Ġsharing": 4687,
+ "Ġsave": 4688,
+ "onal": 4689,
+ "Ġinterests": 4690,
+ "Ġtut": 4691,
+ "Can": 4692,
+ "Ġtrial": 4693,
+ "Ġatmosp": 4694,
+ "Ġopin": 4695,
+ "AD": 4696,
+ "ptember": 4697,
+ "ĠPract": 4698,
+ "Ġcm": 4699,
+ ".)": 4700,
+ "ctors": 4701,
+ "Ġengineering": 4702,
+ "Ġbodies": 4703,
+ "Ġreference": 4704,
+ "aled": 4705,
+ "ĠIts": 4706,
+ "going": 4707,
+ "Ġpeace": 4708,
+ "н": 4709,
+ "rote": 4710,
+ "ags": 4711,
+ "Ġready": 4712,
+ "Ġdisorders": 4713,
+ "Ġstim": 4714,
+ "Ġspect": 4715,
+ "ificial": 4716,
+ "Ġcoord": 4717,
+ "Ġsaw": 4718,
+ "Ġgenetic": 4719,
+ "Ġevolution": 4720,
+ "hips": 4721,
+ "osystem": 4722,
+ "ygen": 4723,
+ "Ġtoward": 4724,
+ "hab": 4725,
+ "Ġabsor": 4726,
+ "ifornia": 4727,
+ "ĠMarch": 4728,
+ "Ġplot": 4729,
+ "Ġplaying": 4730,
+ "Ġmal": 4731,
+ ".s": 4732,
+ "erate": 4733,
+ "Ġleave": 4734,
+ "Ġrepe": 4735,
+ "Ñģ": 4736,
+ "Ġrow": 4737,
+ "Ġexperim": 4738,
+ "Ġcraft": 4739,
+ "crete": 4740,
+ "ĠCenter": 4741,
+ "Ġbecoming": 4742,
+ "Ġfeeling": 4743,
+ "Ġdiss": 4744,
+ "Ġjoint": 4745,
+ "ĠAlso": 4746,
+ "Ġincome": 4747,
+ "Ġcorresp": 4748,
+ "Ġfrequently": 4749,
+ "ĠJournal": 4750,
+ "cast": 4751,
+ "off": 4752,
+ "CE": 4753,
+ "can": 4754,
+ "Ġhappen": 4755,
+ "Ġvariable": 4756,
+ "Ġemail": 4757,
+ "Ġgiving": 4758,
+ "Ġmember": 4759,
+ "Ġjournal": 4760,
+ "Ġimmune": 4761,
+ "ĠConf": 4762,
+ "Ġdiversity": 4763,
+ "Ġrain": 4764,
+ "ded": 4765,
+ "Ġdescribe": 4766,
+ "Ġobserved": 4767,
+ "aur": 4768,
+ "Ġdidn": 4769,
+ "ashing": 4770,
+ "ping": 4771,
+ "ollow": 4772,
+ "Ġpieces": 4773,
+ "ightly": 4774,
+ "Ġfemale": 4775,
+ "Ġpref": 4776,
+ "do": 4777,
+ "Ġcolors": 4778,
+ "Ġmo": 4779,
+ "Ġconver": 4780,
+ "Ġoption": 4781,
+ "Ġprefer": 4782,
+ "Ġcycle": 4783,
+ "mitted": 4784,
+ "US": 4785,
+ "Ġmap": 4786,
+ "ĠSk": 4787,
+ "cular": 4788,
+ "ĠEngland": 4789,
+ "ĠConst": 4790,
+ "Ġclinical": 4791,
+ "65": 4792,
+ "ĠPat": 4793,
+ "Ġsatis": 4794,
+ "Ġframew": 4795,
+ "Ġcand": 4796,
+ "Ġcontinued": 4797,
+ "Ġthemes": 4798,
+ ".\"Ċ": 4799,
+ "iance": 4800,
+ "itutions": 4801,
+ "lin": 4802,
+ "Ġexhib": 4803,
+ "ĠLearning": 4804,
+ "Ġalone": 4805,
+ "Ġpattern": 4806,
+ "Ġwoman": 4807,
+ "Ġguidelines": 4808,
+ "ressive": 4809,
+ "Ġexperienced": 4810,
+ "TS": 4811,
+ "point": 4812,
+ "ĠForm": 4813,
+ "ÑĢ": 4814,
+ "ico": 4815,
+ "Ġbaby": 4816,
+ "95": 4817,
+ "comp": 4818,
+ "Ġkid": 4819,
+ "part": 4820,
+ "ama": 4821,
+ "outhern": 4822,
+ "dent": 4823,
+ "Ġimproved": 4824,
+ "ĠRet": 4825,
+ "ĠWater": 4826,
+ "Ġflex": 4827,
+ "ĠEssay": 4828,
+ "Ġfruit": 4829,
+ "Ġindependent": 4830,
+ "Ġcounter": 4831,
+ "Ġsummer": 4832,
+ "anguage": 4833,
+ "Ġequations": 4834,
+ "Ġinternal": 4835,
+ "Ġhous": 4836,
+ "Ġglass": 4837,
+ "Ġrevolution": 4838,
+ "Ġbran": 4839,
+ "\"Ċ": 4840,
+ "ĠStudents": 4841,
+ "antic": 4842,
+ "Ġpresented": 4843,
+ "Ġingred": 4844,
+ "Ġsentence": 4845,
+ "Ġkg": 4846,
+ "Ġallowed": 4847,
+ "ĉĉ": 4848,
+ "Ġexcept": 4849,
+ "ibilities": 4850,
+ "uration": 4851,
+ "Ġsynt": 4852,
+ "Ġindustrial": 4853,
+ "hetic": 4854,
+ "ĠFind": 4855,
+ "ĠCor": 4856,
+ "Ġidentified": 4857,
+ "ĠBra": 4858,
+ "Ġstorage": 4859,
+ "ĠRev": 4860,
+ "omb": 4861,
+ "Ġheard": 4862,
+ "Ġfacilit": 4863,
+ "ĠAugust": 4864,
+ "Ġpossess": 4865,
+ "Ġbelong": 4866,
+ "Ġcurrently": 4867,
+ "enty": 4868,
+ "ixt": 4869,
+ "Ġinfl": 4870,
+ "Ġbank": 4871,
+ "Ġcities": 4872,
+ "ĠJune": 4873,
+ "Ġpoly": 4874,
+ "unch": 4875,
+ "Ġcareer": 4876,
+ ".p": 4877,
+ "opy": 4878,
+ "Ġassessment": 4879,
+ "ĠNet": 4880,
+ "Ġrunning": 4881,
+ "/s": 4882,
+ "inn": 4883,
+ "Ġtown": 4884,
+ "ypes": 4885,
+ "ĠDevelopment": 4886,
+ "Ġmuscle": 4887,
+ "ĠAN": 4888,
+ "ĠAssoci": 4889,
+ "Ġactual": 4890,
+ "Ġpartners": 4891,
+ "ĠAmericans": 4892,
+ "Ġkil": 4893,
+ "Ġremove": 4894,
+ "cember": 4895,
+ "Ġanyone": 4896,
+ "cel": 4897,
+ "Ġwonder": 4898,
+ "orthern": 4899,
+ "rows": 4900,
+ "Ġdiscussion": 4901,
+ "rue": 4902,
+ "Ġagg": 4903,
+ "Ġfilled": 4904,
+ "01": 4905,
+ "ĠJesus": 4906,
+ "Ġsurg": 4907,
+ "Ġfrequency": 4908,
+ "Ġfundamental": 4909,
+ "Res": 4910,
+ "ĠAng": 4911,
+ "ovember": 4912,
+ "However": 4913,
+ "Ġforeign": 4914,
+ "Ġmedicine": 4915,
+ "PS": 4916,
+ "))Ċ": 4917,
+ "ulum": 4918,
+ "ographic": 4919,
+ "rans": 4920,
+ "vironments": 4921,
+ "Ġwidely": 4922,
+ "osen": 4923,
+ "ĠFeb": 4924,
+ "otes": 4925,
+ "uses": 4926,
+ "Ġshall": 4927,
+ "Ġclassroom": 4928,
+ "Ġcausing": 4929,
+ "Ġarticles": 4930,
+ "Ġcircum": 4931,
+ "EM": 4932,
+ "crib": 4933,
+ "ĠOut": 4934,
+ "ĠThus": 4935,
+ "ĠRoman": 4936,
+ "ĠGeneral": 4937,
+ "Ġvoc": 4938,
+ "Ġ%": 4939,
+ "].": 4940,
+ "Ġwanted": 4941,
+ "Ph": 4942,
+ "Ġinspir": 4943,
+ "sp": 4944,
+ "Ġclick": 4945,
+ "Ġadding": 4946,
+ "Ġcoming": 4947,
+ "Ġeveryday": 4948,
+ "Ġax": 4949,
+ "Ġinternet": 4950,
+ "Ġshowed": 4951,
+ "Ġimagine": 4952,
+ "ET": 4953,
+ "aul": 4954,
+ "Ġmig": 4955,
+ "Ġdecided": 4956,
+ "Ġchanged": 4957,
+ "ret": 4958,
+ "ĠIS": 4959,
+ "Ġchance": 4960,
+ "Ġcitizens": 4961,
+ "05": 4962,
+ "Ġcir": 4963,
+ "ĠPress": 4964,
+ "Ġdepression": 4965,
+ "Ġexperts": 4966,
+ "Ġnotes": 4967,
+ "300": 4968,
+ "Ġfert": 4969,
+ "ä¸": 4970,
+ "Ġcommand": 4971,
+ "ĠDepartment": 4972,
+ "otal": 4973,
+ "Ġstudying": 4974,
+ "ĠCity": 4975,
+ "Ġworksheet": 4976,
+ "Ġaccurate": 4977,
+ "Ġbeliefs": 4978,
+ "iling": 4979,
+ "ĠCult": 4980,
+ "roup": 4981,
+ "ĠEqu": 4982,
+ "Ġexamine": 4983,
+ "Ġreligion": 4984,
+ "ĠIntroduction": 4985,
+ "Ġnothing": 4986,
+ "Ġintelligence": 4987,
+ "Ġcovered": 4988,
+ "ĠApril": 4989,
+ "Ġsort": 4990,
+ "Ġgets": 4991,
+ "Ġsounds": 4992,
+ "ĠCalifornia": 4993,
+ "Ġindex": 4994,
+ "**:": 4995,
+ "Ġpu": 4996,
+ "eria": 4997,
+ "Ġideal": 4998,
+ "Ġcombination": 4999,
+ "Ġencourage": 5000,
+ "Ġworldwide": 5001,
+ "190": 5002,
+ "Ġoccup": 5003,
+ "ĠManagement": 5004,
+ "Ġresil": 5005,
+ "iest": 5006,
+ "Ġexternal": 5007,
+ "Ġclos": 5008,
+ "Ġpromoting": 5009,
+ "Ġcommercial": 5010,
+ "Ġsides": 5011,
+ "Ġleads": 5012,
+ "Ġfacts": 5013,
+ "ensions": 5014,
+ "ĠFurthermore": 5015,
+ "\"ĊĊ": 5016,
+ "Ġbirds": 5017,
+ "Ġmentioned": 5018,
+ "ĠProt": 5019,
+ "ĠLife": 5020,
+ "Ġmaximum": 5021,
+ "Ġletters": 5022,
+ "Ġmouth": 5023,
+ "uting": 5024,
+ "-A": 5025,
+ "Ġsports": 5026,
+ "ĠDNA": 5027,
+ "era": 5028,
+ "ĠOrgan": 5029,
+ "Ġlived": 5030,
+ "Ġhighlight": 5031,
+ "Ġcoast": 5032,
+ "Ġsem": 5033,
+ "ented": 5034,
+ "class": 5035,
+ "Ġsets": 5036,
+ "Ġparagraph": 5037,
+ "64": 5038,
+ "Ġphenomen": 5039,
+ "gebra": 5040,
+ "ĠGovern": 5041,
+ "Ġcognitive": 5042,
+ "Ġintegr": 5043,
+ "Ġarray": 5044,
+ "Ġsouth": 5045,
+ "ĠCOVID": 5046,
+ "ĠMoreover": 5047,
+ "Ġmessage": 5048,
+ "Ġclasses": 5049,
+ "iant": 5050,
+ "Ġincreasingly": 5051,
+ "tes": 5052,
+ "ĠSpanish": 5053,
+ "Ġenvironments": 5054,
+ "la": 5055,
+ "Ġcharg": 5056,
+ "Ġcomponent": 5057,
+ "ING": 5058,
+ "Ġfocused": 5059,
+ "ux": 5060,
+ "Ġdrugs": 5061,
+ "ĠMc": 5062,
+ "Ġrecently": 5063,
+ "ondon": 5064,
+ "Ġnative": 5065,
+ "Ġroll": 5066,
+ "Ġson": 5067,
+ "Ġplastic": 5068,
+ "ham": 5069,
+ "Ġsand": 5070,
+ "ĠDesign": 5071,
+ "Ġroots": 5072,
+ "')Ċ": 5073,
+ "azing": 5074,
+ "Ġvision": 5075,
+ "lege": 5076,
+ "Ġconsult": 5077,
+ "Ġsuitable": 5078,
+ "Ġchoices": 5079,
+ "ĠSur": 5080,
+ "ĠSoci": 5081,
+ "ĠElect": 5082,
+ "Ġpurs": 5083,
+ "ĠAD": 5084,
+ "EL": 5085,
+ "Ġangle": 5086,
+ "Ġnorth": 5087,
+ "Ġembra": 5088,
+ "Ġsess": 5089,
+ "rid": 5090,
+ "_d": 5091,
+ "Ġinvestment": 5092,
+ ":**": 5093,
+ "Ġseparate": 5094,
+ "Ġpopulations": 5095,
+ "ĠDav": 5096,
+ "Ġprimarily": 5097,
+ "Ġthesis": 5098,
+ "poses": 5099,
+ "Ġsmart": 5100,
+ "ĠEast": 5101,
+ "Ġpul": 5102,
+ "Ġdespite": 5103,
+ "Ġju": 5104,
+ "Ġsurpr": 5105,
+ "Ġoperation": 5106,
+ "Ġroles": 5107,
+ "Ġgeneration": 5108,
+ "ishing": 5109,
+ "Ġremov": 5110,
+ "Ġapproximately": 5111,
+ "ford": 5112,
+ "ĠEnvironment": 5113,
+ "Ġreaction": 5114,
+ "cap": 5115,
+ "Ġplaced": 5116,
+ "Ġecosystem": 5117,
+ "gypt": 5118,
+ "Ġmatrix": 5119,
+ "celer": 5120,
+ "Ġnetworks": 5121,
+ "Ġelectrical": 5122,
+ "Ġphase": 5123,
+ "ĠPython": 5124,
+ "ĠGermany": 5125,
+ "Ġjustice": 5126,
+ "Ġbed": 5127,
+ "Ġhimself": 5128,
+ "Ġplayed": 5129,
+ "ĠJanuary": 5130,
+ "ĠFree": 5131,
+ "Ġfaith": 5132,
+ "Ġperspective": 5133,
+ "Ġmist": 5134,
+ "Ġoxygen": 5135,
+ "ĠOb": 5136,
+ "Ġcreation": 5137,
+ "yles": 5138,
+ "hyd": 5139,
+ "Ġexcellent": 5140,
+ "Cl": 5141,
+ "ris": 5142,
+ "Ġtold": 5143,
+ "Ġmilk": 5144,
+ "semb": 5145,
+ "itage": 5146,
+ "ĠJuly": 5147,
+ ");": 5148,
+ "ĠUnit": 5149,
+ "Ġsecure": 5150,
+ "enses": 5151,
+ "Ġsong": 5152,
+ "ĠStep": 5153,
+ "Ġelim": 5154,
+ "pen": 5155,
+ "Ġbelieved": 5156,
+ "[i": 5157,
+ "life": 5158,
+ "Ġartists": 5159,
+ "Ġtissue": 5160,
+ "Ġconsists": 5161,
+ "Ġwinter": 5162,
+ "Ġmotion": 5163,
+ "ĠVir": 5164,
+ "ĠMex": 5165,
+ "erent": 5166,
+ "Ġsnipp": 5167,
+ "Ġtruth": 5168,
+ "Ġorigin": 5169,
+ "Ġcontinues": 5170,
+ "Ġparticipants": 5171,
+ "Ġfavorite": 5172,
+ "Ġcalculate": 5173,
+ "-B": 5174,
+ "Ġvul": 5175,
+ "Ġnearly": 5176,
+ "ĠUK": 5177,
+ "ĠBas": 5178,
+ "Ġmotor": 5179,
+ "Ġround": 5180,
+ "ĠSeptember": 5181,
+ "Ġstar": 5182,
+ "PA": 5183,
+ "esson": 5184,
+ "Ġfaced": 5185,
+ "Ġcro": 5186,
+ "Ġsimpl": 5187,
+ "Ġdialogue": 5188,
+ "Ġintroduced": 5189,
+ "anges": 5190,
+ "Ġfreedom": 5191,
+ "ĠGet": 5192,
+ "olute": 5193,
+ "Another": 5194,
+ "Ġmiles": 5195,
+ "Ġonto": 5196,
+ "180": 5197,
+ "Ġrace": 5198,
+ "tenance": 5199,
+ "idden": 5200,
+ "Ġelectricity": 5201,
+ "eline": 5202,
+ "Ġunivers": 5203,
+ "ĠSy": 5204,
+ "Ġfollows": 5205,
+ "Ġwrote": 5206,
+ "Ġhighest": 5207,
+ "Ġviolence": 5208,
+ "inations": 5209,
+ "Ġtemperatures": 5210,
+ "ĠRiver": 5211,
+ "Ġod": 5212,
+ "ĠDon": 5213,
+ "Ġorganic": 5214,
+ "Ġthousands": 5215,
+ "Ġeight": 5216,
+ "acing": 5217,
+ "aign": 5218,
+ "Ġreferred": 5219,
+ "Ġsentences": 5220,
+ "ĠBecause": 5221,
+ "Ġimpacts": 5222,
+ "Ġratio": 5223,
+ "uing": 5224,
+ "Ġplease": 5225,
+ "Qu": 5226,
+ "Ġrecommended": 5227,
+ "from": 5228,
+ "Ġbud": 5229,
+ "Ġheavy": 5230,
+ "ĠÂł": 5231,
+ "Ġdegrees": 5232,
+ "Ġtox": 5233,
+ "Ġstaff": 5234,
+ "asion": 5235,
+ "Ġï": 5236,
+ "useum": 5237,
+ "Ġinstitutions": 5238,
+ "ĠOctober": 5239,
+ "ĠNews": 5240,
+ "ushing": 5241,
+ "osite": 5242,
+ "Ġdogs": 5243,
+ "ĠPark": 5244,
+ "ĠAustralia": 5245,
+ "ĠArch": 5246,
+ "Ġthor": 5247,
+ "Ġisol": 5248,
+ "Ġworked": 5249,
+ "Ġformation": 5250,
+ "Ġlandscape": 5251,
+ "Ġcultiv": 5252,
+ "ĠFood": 5253,
+ "ĠST": 5254,
+ "och": 5255,
+ "Ġmale": 5256,
+ "''": 5257,
+ "Ġdivided": 5258,
+ "ĠGreek": 5259,
+ "Ġsav": 5260,
+ "ĠWilliam": 5261,
+ "ĠDiff": 5262,
+ "DF": 5263,
+ "house": 5264,
+ "Ġproperly": 5265,
+ "Ġrelatively": 5266,
+ "Ġsuggests": 5267,
+ "roph": 5268,
+ "ĠMake": 5269,
+ "rence": 5270,
+ "ev": 5271,
+ "ĠEvery": 5272,
+ "reate": 5273,
+ "ĠHuman": 5274,
+ "Ġseeking": 5275,
+ "Ġlinear": 5276,
+ "Ġliquid": 5277,
+ "Some": 5278,
+ "Ġcharge": 5279,
+ "Ġhelped": 5280,
+ "urns": 5281,
+ "orge": 5282,
+ "Ġmel": 5283,
+ "оÐ": 5284,
+ "ulf": 5285,
+ "Ġnp": 5286,
+ "ken": 5287,
+ "Ġvs": 5288,
+ "Ġspiritual": 5289,
+ "Ġdatab": 5290,
+ "Ġhttp": 5291,
+ "ĠVol": 5292,
+ "Ġpassed": 5293,
+ "Ġpros": 5294,
+ "ĠPower": 5295,
+ "cript": 5296,
+ "asive": 5297,
+ "Ġscenari": 5298,
+ "Ġcopy": 5299,
+ "rum": 5300,
+ "Ġpurposes": 5301,
+ "Ġseg": 5302,
+ "ĠTechnology": 5303,
+ "Ġaudience": 5304,
+ "Ġrelease": 5305,
+ "alt": 5306,
+ "Ġantib": 5307,
+ "OS": 5308,
+ "Ġpun": 5309,
+ "Ġperhaps": 5310,
+ "Ġsequence": 5311,
+ "Ġchronic": 5312,
+ "Ġfederal": 5313,
+ "isation": 5314,
+ "ictionary": 5315,
+ "Ġattrib": 5316,
+ "oding": 5317,
+ "Ġvast": 5318,
+ "En": 5319,
+ "word": 5320,
+ "Ġhomes": 5321,
+ "Ġmovements": 5322,
+ "Ġdro": 5323,
+ "ruary": 5324,
+ "47": 5325,
+ "Ġdream": 5326,
+ "Des": 5327,
+ "otic": 5328,
+ "Ġkeeping": 5329,
+ "Ġcorrespond": 5330,
+ "Imagine": 5331,
+ "_n": 5332,
+ "ĠFrance": 5333,
+ "_s": 5334,
+ "Ġincred": 5335,
+ "-M": 5336,
+ "Ġign": 5337,
+ "eding": 5338,
+ "Ġliterary": 5339,
+ "Ġperformed": 5340,
+ "rich": 5341,
+ "Ġconducted": 5342,
+ "Ġinflamm": 5343,
+ "icated": 5344,
+ "ĠEv": 5345,
+ "-up": 5346,
+ "Ġsmooth": 5347,
+ "Ġsyn": 5348,
+ "Ġwat": 5349,
+ "usiness": 5350,
+ "Ġaid": 5351,
+ "Ġgenerate": 5352,
+ "Se": 5353,
+ "Ġmajority": 5354,
+ "Ġimproving": 5355,
+ "Ġoffering": 5356,
+ "OL": 5357,
+ "ĠProgram": 5358,
+ "Ġreports": 5359,
+ "Ġcompl": 5360,
+ "rael": 5361,
+ "ias": 5362,
+ "Ġhelpful": 5363,
+ "inant": 5364,
+ "Ġsignal": 5365,
+ "oose": 5366,
+ "iced": 5367,
+ "Ġrein": 5368,
+ "ĠPsych": 5369,
+ "Ġgoods": 5370,
+ "nic": 5371,
+ "Ġreplace": 5372,
+ "Ġdrawing": 5373,
+ "Ġsteel": 5374,
+ "ĠWestern": 5375,
+ "Ġtheore": 5376,
+ "Ġbottom": 5377,
+ "Ġmit": 5378,
+ "46": 5379,
+ "Ġperspectives": 5380,
+ "ĠSimilar": 5381,
+ "riculum": 5382,
+ "Ġadvantages": 5383,
+ "ĠTime": 5384,
+ "Ġexchange": 5385,
+ "Ġfine": 5386,
+ "orous": 5387,
+ "Ġvegetables": 5388,
+ "Ġtraditions": 5389,
+ "icy": 5390,
+ "Ġlib": 5391,
+ "49": 5392,
+ "Ġextremely": 5393,
+ "Ġthick": 5394,
+ "ĠSer": 5395,
+ "Ġsubjects": 5396,
+ "Ġdrive": 5397,
+ "ĠPublic": 5398,
+ "Ġlibrary": 5399,
+ "08": 5400,
+ "Ġprompt": 5401,
+ "Ġcarefully": 5402,
+ "ĠPost": 5403,
+ "mp": 5404,
+ "ï¼": 5405,
+ "tion": 5406,
+ "inder": 5407,
+ "see": 5408,
+ "Ġhyper": 5409,
+ "ĠAdd": 5410,
+ "Ġowners": 5411,
+ "ĠDecember": 5412,
+ "Ġadvantage": 5413,
+ "zy": 5414,
+ "More": 5415,
+ "(a": 5416,
+ "add": 5417,
+ "Ġple": 5418,
+ "abric": 5419,
+ "Ġmedium": 5420,
+ "Ġterrit": 5421,
+ "ĠEngine": 5422,
+ "Ġprepared": 5423,
+ "inger": 5424,
+ "CS": 5425,
+ "ĠLevel": 5426,
+ "Ġadvoc": 5427,
+ "Ġparty": 5428,
+ "abul": 5429,
+ "Ġcos": 5430,
+ "Ġrecognize": 5431,
+ "Ġfamiliar": 5432,
+ "Ġfelt": 5433,
+ "Ġemissions": 5434,
+ "ault": 5435,
+ "ormal": 5436,
+ "ĠNovember": 5437,
+ "ĠExper": 5438,
+ "Ġsamples": 5439,
+ "ĠTop": 5440,
+ "ĠCollege": 5441,
+ "ĠIN": 5442,
+ "men": 5443,
+ "Ġgene": 5444,
+ "They": 5445,
+ "aming": 5446,
+ "Ġalign": 5447,
+ "oma": 5448,
+ "Ġformer": 5449,
+ "ĠMet": 5450,
+ "á": 5451,
+ "Ġseeds": 5452,
+ "ĠWhe": 5453,
+ "orld": 5454,
+ "ĠUp": 5455,
+ "IG": 5456,
+ "ĠRemember": 5457,
+ "Ġhuge": 5458,
+ "son": 5459,
+ "enth": 5460,
+ "Ġinterested": 5461,
+ "Ġdetermined": 5462,
+ "ĠDec": 5463,
+ "Ġmonitoring": 5464,
+ "estions": 5465,
+ "Ġaddressing": 5466,
+ "Ġreader": 5467,
+ "Ġsettings": 5468,
+ "Ġnotice": 5469,
+ "Ġerror": 5470,
+ "met": 5471,
+ "All": 5472,
+ "Ġinvolving": 5473,
+ "akers": 5474,
+ "After": 5475,
+ "egin": 5476,
+ "clusive": 5477,
+ "Ġmanufacture": 5478,
+ "Ġbillion": 5479,
+ "Ġcourt": 5480,
+ "Ġgenerations": 5481,
+ "ĠFam": 5482,
+ "Ġinformed": 5483,
+ "ĠBen": 5484,
+ "Ġsac": 5485,
+ "Ġsuppl": 5486,
+ "ĠLa": 5487,
+ "Ġfaster": 5488,
+ "ĠDet": 5489,
+ "Ġdelve": 5490,
+ "Ġcredit": 5491,
+ "Ġhypot": 5492,
+ "Ġpal": 5493,
+ "ĠDisc": 5494,
+ "OU": 5495,
+ "Ġscreen": 5496,
+ "Ġintended": 5497,
+ "-se": 5498,
+ "Ġinnovative": 5499,
+ "ny": 5500,
+ "asure": 5501,
+ "ĠInstead": 5502,
+ "time": 5503,
+ "Ġvulner": 5504,
+ "ologists": 5505,
+ "Ġprobability": 5506,
+ "ĠLondon": 5507,
+ "ĠOF": 5508,
+ "rastructure": 5509,
+ "ĠOff": 5510,
+ "itative": 5511,
+ "Ġenable": 5512,
+ "Ġtrib": 5513,
+ "roid": 5514,
+ "Ġfigures": 5515,
+ "ĠCare": 5516,
+ "ĠFact": 5517,
+ "ĠPresident": 5518,
+ "emy": 5519,
+ "Ġemployees": 5520,
+ "Ġinsect": 5521,
+ "Pl": 5522,
+ "bed": 5523,
+ "cription": 5524,
+ "ĠStudies": 5525,
+ "Ġappears": 5526,
+ "ĠEgypt": 5527,
+ "Ġinstructions": 5528,
+ "pped": 5529,
+ "ĠStudy": 5530,
+ "Ġgather": 5531,
+ "Ġlinked": 5532,
+ "Ġpollution": 5533,
+ "icious": 5534,
+ "arrow": 5535,
+ "Ġparticles": 5536,
+ "allel": 5537,
+ "Ġtrou": 5538,
+ "Ġresponsibility": 5539,
+ "Ġaffects": 5540,
+ "........": 5541,
+ "Ġselection": 5542,
+ "Ġresol": 5543,
+ "Ġspot": 5544,
+ "ĠJapanese": 5545,
+ "Ġshapes": 5546,
+ "Ġcircuit": 5547,
+ "ĠDel": 5548,
+ "ĠInc": 5549,
+ "rect": 5550,
+ "Ġdesired": 5551,
+ "Ġgrad": 5552,
+ "Ġcenturies": 5553,
+ "lig": 5554,
+ "Ġeventually": 5555,
+ "ĠCong": 5556,
+ "omas": 5557,
+ "rors": 5558,
+ "Ġdram": 5559,
+ "(d": 5560,
+ "Ġcustomers": 5561,
+ "active": 5562,
+ "Ġinfections": 5563,
+ "ĠMult": 5564,
+ "ĠTwo": 5565,
+ "orical": 5566,
+ "Ġnutrients": 5567,
+ "ometimes": 5568,
+ "Ġstring": 5569,
+ "comm": 5570,
+ "Ġongoing": 5571,
+ "Ġconvent": 5572,
+ "iate": 5573,
+ "Ġtreatments": 5574,
+ "First": 5575,
+ "ĠSch": 5576,
+ "Ġhop": 5577,
+ "Ġskill": 5578,
+ "Ġimpl": 5579,
+ "Ġupper": 5580,
+ "Ġdefine": 5581,
+ "ðĿ": 5582,
+ "Ġguidance": 5583,
+ "ĠProfess": 5584,
+ "lick": 5585,
+ "leg": 5586,
+ "Ġclar": 5587,
+ "OT": 5588,
+ "ĠRec": 5589,
+ "ĠSet": 5590,
+ "No": 5591,
+ "Ġhorm": 5592,
+ "aint": 5593,
+ "Ġslightly": 5594,
+ "Ġdouble": 5595,
+ "uracy": 5596,
+ "atically": 5597,
+ "estyle": 5598,
+ "Ġmining": 5599,
+ "ĠHouse": 5600,
+ "Ġgod": 5601,
+ "\")Ċ": 5602,
+ "Ġdiam": 5603,
+ "Ġoffice": 5604,
+ "Ġamb": 5605,
+ "ĠInf": 5606,
+ "ĠAsia": 5607,
+ "âĢĿ,": 5608,
+ "Ġsin": 5609,
+ "Ġintegration": 5610,
+ "150": 5611,
+ "Ġimmediately": 5612,
+ "Ġfruits": 5613,
+ "Ġspring": 5614,
+ "Ġbehaviors": 5615,
+ "ĠGoogle": 5616,
+ "ĠBel": 5617,
+ "Ġbrief": 5618,
+ "Ġsurvey": 5619,
+ "ĠHave": 5620,
+ "Ġalt": 5621,
+ "oo": 5622,
+ "ĠReview": 5623,
+ "Ġspaces": 5624,
+ "Ġchann": 5625,
+ "Ġpsychological": 5626,
+ "Ġcontaining": 5627,
+ "Ġbarri": 5628,
+ "Once": 5629,
+ "-being": 5630,
+ "Ġmainly": 5631,
+ "cal": 5632,
+ "za": 5633,
+ "Ġminor": 5634,
+ "Ġcompare": 5635,
+ "Ġvill": 5636,
+ "ĠBoth": 5637,
+ "Ġrecords": 5638,
+ "Ġvoice": 5639,
+ "Ġscholars": 5640,
+ "Ġcast": 5641,
+ "Ġbone": 5642,
+ "Ġamer": 5643,
+ "erals": 5644,
+ "Ġcarried": 5645,
+ "Ġcoun": 5646,
+ "Ġinnovation": 5647,
+ "uilding": 5648,
+ "Read": 5649,
+ "Ġprocedure": 5650,
+ "ĠMor": 5651,
+ "ky": 5652,
+ "tage": 5653,
+ "Ġlooks": 5654,
+ "42": 5655,
+ "Ġbuildings": 5656,
+ "Ġtal": 5657,
+ "mark": 5658,
+ "Ġanalyze": 5659,
+ "Ġappreciate": 5660,
+ "ails": 5661,
+ "Ġhour": 5662,
+ "Ġmanufacturing": 5663,
+ "ĠMiddle": 5664,
+ "Ġoperating": 5665,
+ "Ġamounts": 5666,
+ "Ġuns": 5667,
+ "ĠChall": 5668,
+ "omic": 5669,
+ "ycl": 5670,
+ "Ġdri": 5671,
+ "Ġmac": 5672,
+ "Ġdepends": 5673,
+ "ey": 5674,
+ "ĠWriting": 5675,
+ "Ġdiscipl": 5676,
+ "conomic": 5677,
+ "ĠLanguage": 5678,
+ "Ġkn": 5679,
+ "ĠWeb": 5680,
+ "ĠSum": 5681,
+ "ĠGreen": 5682,
+ "Ġethical": 5683,
+ "asp": 5684,
+ "ĠFin": 5685,
+ "Ġkinds": 5686,
+ "Ġtherm": 5687,
+ "Ġoptim": 5688,
+ "ĠMal": 5689,
+ "Ġalgorithm": 5690,
+ "Ġvirtual": 5691,
+ "Ġmission": 5692,
+ "Ġclearly": 5693,
+ "Ġtooth": 5694,
+ "ĠTur": 5695,
+ "ĠBr": 5696,
+ "Ġselected": 5697,
+ "Ġcollaboration": 5698,
+ "oughly": 5699,
+ "ĠKnow": 5700,
+ "Ġtreated": 5701,
+ "Ġclosely": 5702,
+ "erved": 5703,
+ "Ġintric": 5704,
+ "Ġsubt": 5705,
+ "Ġresist": 5706,
+ "Ġtit": 5707,
+ "Ġfiction": 5708,
+ "ĠMedic": 5709,
+ "Ġrenew": 5710,
+ "Ġoral": 5711,
+ "Ġperiods": 5712,
+ "Ġserves": 5713,
+ "Ġfluid": 5714,
+ "Ind": 5715,
+ "Ġplayers": 5716,
+ "Ġdiscussions": 5717,
+ "Ġleadership": 5718,
+ "De": 5719,
+ "qrt": 5720,
+ "Ġtrain": 5721,
+ "Ġseven": 5722,
+ "AB": 5723,
+ "stract": 5724,
+ "ups": 5725,
+ "Ġconservation": 5726,
+ "Ġ\"\"\"": 5727,
+ "Ġsecret": 5728,
+ "ĠYear": 5729,
+ "Ġprecise": 5730,
+ "Ġpron": 5731,
+ "Ġpotentially": 5732,
+ "mas": 5733,
+ "Ġhit": 5734,
+ "iology": 5735,
+ "Ġera": 5736,
+ "utive": 5737,
+ "Ġves": 5738,
+ "Ġharmful": 5739,
+ "Ġnurs": 5740,
+ "ĠProject": 5741,
+ "ĠUnion": 5742,
+ "Ġcris": 5743,
+ "iverse": 5744,
+ "Ġenab": 5745,
+ "CI": 5746,
+ "Ġdied": 5747,
+ "Ġfoundation": 5748,
+ "Ġaren": 5749,
+ "Ġchart": 5750,
+ "Ġexercises": 5751,
+ "Ġprogramming": 5752,
+ "ĠChildren": 5753,
+ "ĠHy": 5754,
+ "Ġcoal": 5755,
+ "Ġdecades": 5756,
+ "Ġriver": 5757,
+ "Ġsummary": 5758,
+ "Ġabilities": 5759,
+ "ĠMich": 5760,
+ "Ġlung": 5761,
+ "Ġfract": 5762,
+ "Ġwealth": 5763,
+ "Ġproport": 5764,
+ "coming": 5765,
+ "rog": 5766,
+ "Ġlatest": 5767,
+ "Ġmarg": 5768,
+ "ĠInternet": 5769,
+ "Ġregul": 5770,
+ "ĠIslam": 5771,
+ "ĠIdent": 5772,
+ "Ġprocedures": 5773,
+ "Ġpand": 5774,
+ "ĠAns": 5775,
+ "ĠStand": 5776,
+ "Ġprices": 5777,
+ "Ġneuro": 5778,
+ "Ġmeat": 5779,
+ "66": 5780,
+ "Ġregularly": 5781,
+ "hent": 5782,
+ "ĠChurch": 5783,
+ "Ġviews": 5784,
+ "--------------------------------": 5785,
+ "Ġreduction": 5786,
+ "Ġacceler": 5787,
+ "Ġ·": 5788,
+ "Ġmer": 5789,
+ "Ġatmosphere": 5790,
+ "ndrome": 5791,
+ "ipped": 5792,
+ "inter": 5793,
+ "ĠAir": 5794,
+ "Ġgave": 5795,
+ "Ġadvice": 5796,
+ "roy": 5797,
+ "Ġeggs": 5798,
+ "inent": 5799,
+ "ĠPort": 5800,
+ "ashington": 5801,
+ "road": 5802,
+ "oke": 5803,
+ "From": 5804,
+ "Ġunex": 5805,
+ "Ġdiscrim": 5806,
+ "Ġfostering": 5807,
+ "ĠWho": 5808,
+ "ifies": 5809,
+ "Ġflowers": 5810,
+ "ĠAnalysis": 5811,
+ "Ġconsistent": 5812,
+ "Ġinsight": 5813,
+ "import": 5814,
+ "Ġindicate": 5815,
+ "Ġblog": 5816,
+ "Ġunderlying": 5817,
+ "Ġboost": 5818,
+ "oyal": 5819,
+ "Ġingredients": 5820,
+ "Ġfailure": 5821,
+ "ĠSecond": 5822,
+ "Ġsector": 5823,
+ "ĠLatin": 5824,
+ "Us": 5825,
+ "Ġmaintenance": 5826,
+ "Ġcapable": 5827,
+ "Ġturned": 5828,
+ "-related": 5829,
+ "Ġwriters": 5830,
+ "ashion": 5831,
+ "Ġchain": 5832,
+ "Ġobtained": 5833,
+ "Ġconcentration": 5834,
+ "Ġyellow": 5835,
+ "Ġocean": 5836,
+ "Ġmoral": 5837,
+ "Ġdeliver": 5838,
+ "ĠMac": 5839,
+ "ĠIsrael": 5840,
+ "Ġartificial": 5841,
+ "ĠSan": 5842,
+ "ĠMicro": 5843,
+ "udden": 5844,
+ "ĠPhil": 5845,
+ "riage": 5846,
+ "othing": 5847,
+ "Ġmoist": 5848,
+ "Ġensures": 5849,
+ "Ġtutorial": 5850,
+ "ĠHome": 5851,
+ "ometry": 5852,
+ "ĠFound": 5853,
+ "Ġvibr": 5854,
+ "Ġworry": 5855,
+ "Ġwriter": 5856,
+ "Ġshar": 5857,
+ "Ġcircle": 5858,
+ "Ġcampaign": 5859,
+ "Ġdensity": 5860,
+ ".C": 5861,
+ "Ġpaint": 5862,
+ "Ġamazing": 5863,
+ "nam": 5864,
+ "faces": 5865,
+ "ida": 5866,
+ "Ġplatforms": 5867,
+ "Ġdiagnosis": 5868,
+ "Ġhero": 5869,
+ "Ġmeeting": 5870,
+ "ĠCommon": 5871,
+ "Ġinteraction": 5872,
+ "Ġhear": 5873,
+ "ifications": 5874,
+ "arant": 5875,
+ "Ġcreativity": 5876,
+ "ownload": 5877,
+ "ellect": 5878,
+ "abulary": 5879,
+ "Ġcrus": 5880,
+ "07": 5881,
+ "style": 5882,
+ "Ġmanaging": 5883,
+ "Ġdie": 5884,
+ "Ġsupporting": 5885,
+ "nes": 5886,
+ "Ġvent": 5887,
+ "Ġcomposition": 5888,
+ "â": 5889,
+ "ĠExp": 5890,
+ "display": 5891,
+ "Ġpreviously": 5892,
+ "itness": 5893,
+ "lis": 5894,
+ "Ġglob": 5895,
+ "anted": 5896,
+ "čĊčĊ": 5897,
+ "Ġbeauty": 5898,
+ "ĠStr": 5899,
+ "ĠAtt": 5900,
+ "ĠKeep": 5901,
+ "plit": 5902,
+ "ĠList": 5903,
+ "Ġcomputers": 5904,
+ "Ġtouch": 5905,
+ "Ġdangerous": 5906,
+ "Ġelectronic": 5907,
+ "186": 5908,
+ "Ġcert": 5909,
+ "Ġpret": 5910,
+ "Ġwire": 5911,
+ "Ġtransition": 5912,
+ "sec": 5913,
+ "ocal": 5914,
+ "ĠDem": 5915,
+ "Ġcombined": 5916,
+ "ĠAdv": 5917,
+ "Ġdu": 5918,
+ ".;": 5919,
+ "Ġappearance": 5920,
+ "Ġmeant": 5921,
+ "aughter": 5922,
+ "Ġwis": 5923,
+ "/or": 5924,
+ "Ġradio": 5925,
+ "Ġcircumst": 5926,
+ "ĠEmp": 5927,
+ "rations": 5928,
+ "Ġclassic": 5929,
+ "ether": 5930,
+ "Ġtexts": 5931,
+ "Ġcreates": 5932,
+ "Ġstages": 5933,
+ "Ġminimum": 5934,
+ "Ġshaping": 5935,
+ "à¥": 5936,
+ "-D": 5937,
+ "Te": 5938,
+ "Ġchurch": 5939,
+ "ĠDist": 5940,
+ "Ġdiscussed": 5941,
+ "iki": 5942,
+ "Ġframework": 5943,
+ "ingly": 5944,
+ "Ġinjury": 5945,
+ "Ġproteins": 5946,
+ "Ġrul": 5947,
+ "ĠAssociation": 5948,
+ "Ġhappened": 5949,
+ "Ġreleased": 5950,
+ "Ġwave": 5951,
+ "85": 5952,
+ "Äģ": 5953,
+ "idth": 5954,
+ "Ġfeedback": 5955,
+ "Ġbegins": 5956,
+ "Ġwear": 5957,
+ "Ġfabric": 5958,
+ "Ġdental": 5959,
+ "MS": 5960,
+ "Ġpictures": 5961,
+ "ressed": 5962,
+ "Ġtruly": 5963,
+ "ado": 5964,
+ "Ġprepare": 5965,
+ "ersonal": 5966,
+ "Ġinterview": 5967,
+ "Ġcommunicate": 5968,
+ "Ġcutting": 5969,
+ "Have": 5970,
+ "ourage": 5971,
+ "Ġmetab": 5972,
+ "Ġequival": 5973,
+ "icians": 5974,
+ "ĠBet": 5975,
+ "with": 5976,
+ "Ġlegis": 5977,
+ "Our": 5978,
+ "lo": 5979,
+ "ĠSociety": 5980,
+ "ĠAlex": 5981,
+ "Ġradiation": 5982,
+ "ĠFore": 5983,
+ "ya": 5984,
+ "Ġmobile": 5985,
+ "Ġcooking": 5986,
+ "riend": 5987,
+ "ĠFebruary": 5988,
+ "Ġinfrastructure": 5989,
+ "ĠTHE": 5990,
+ "-n": 5991,
+ "########": 5992,
+ "Ġannual": 5993,
+ "ĠImagine": 5994,
+ "ache": 5995,
+ "Ġconv": 5996,
+ "Ġhoriz": 5997,
+ "Ġkm": 5998,
+ "ĠQuestions": 5999,
+ "Ġourselves": 6000,
+ "Ġrelax": 6001,
+ "itors": 6002,
+ "Ġlabel": 6003,
+ "ĠMr": 6004,
+ "icing": 6005,
+ "Ġstock": 6006,
+ "Ġbattery": 6007,
+ "ĠSte": 6008,
+ "Ġjobs": 6009,
+ "Ġlik": 6010,
+ "how": 6011,
+ "][": 6012,
+ "Ġlies": 6013,
+ "ĠJewish": 6014,
+ "Ġconfidence": 6015,
+ "oper": 6016,
+ "istan": 6017,
+ "ascular": 6018,
+ "ĠCounty": 6019,
+ "RI": 6020,
+ "09": 6021,
+ "ĠPal": 6022,
+ "Ġhandle": 6023,
+ "Ġcontinuous": 6024,
+ "(t": 6025,
+ "Ġtaught": 6026,
+ "Ġmeasured": 6027,
+ "Ġleaving": 6028,
+ "Ġshowing": 6029,
+ "Ġcourses": 6030,
+ "Ġsaying": 6031,
+ "Ġpp": 6032,
+ "aker": 6033,
+ "ĠDirect": 6034,
+ "Ġoffered": 6035,
+ "imens": 6036,
+ "Ġtransl": 6037,
+ "Ġultimately": 6038,
+ "Ġserved": 6039,
+ "-old": 6040,
+ "Ġrepresentation": 6041,
+ "Ġregulations": 6042,
+ "Ġresilience": 6043,
+ "Ġinstruction": 6044,
+ "Ġexplained": 6045,
+ "Ġnuclear": 6046,
+ "cules": 6047,
+ "ologist": 6048,
+ "Ġphone": 6049,
+ "lines": 6050,
+ "Ġrecovery": 6051,
+ "ĠEnergy": 6052,
+ "ially": 6053,
+ "Ġdocuments": 6054,
+ "roduct": 6055,
+ "ĠThink": 6056,
+ "Ġabuse": 6057,
+ "umin": 6058,
+ "Ġestimated": 6059,
+ "Ġscore": 6060,
+ "Ġsolving": 6061,
+ "hi": 6062,
+ "Ġvel": 6063,
+ "unk": 6064,
+ "Ġdoub": 6065,
+ "-time": 6066,
+ "Ġgre": 6067,
+ "Ġloved": 6068,
+ "Ġproposed": 6069,
+ "Ġsalt": 6070,
+ "Ġmere": 6071,
+ "ava": 6072,
+ "Ġmanner": 6073,
+ "Ġchosen": 6074,
+ "Ġcustomer": 6075,
+ "ĠCoun": 6076,
+ "Ġvessel": 6077,
+ "41": 6078,
+ "Ġseed": 6079,
+ "Ġindustries": 6080,
+ "ulin": 6081,
+ "Ġnations": 6082,
+ "Ġflo": 6083,
+ "Ġtum": 6084,
+ "Ġcomment": 6085,
+ "Ġsubstant": 6086,
+ "Ġenables": 6087,
+ "plicated": 6088,
+ "Ġbreast": 6089,
+ "Ġgenes": 6090,
+ "Ġmuscles": 6091,
+ "ĠCourse": 6092,
+ "Ġtypical": 6093,
+ "Ġthin": 6094,
+ "Ġgar": 6095,
+ "ĠWorksheets": 6096,
+ "According": 6097,
+ "Ġtargeted": 6098,
+ "Ġoptimal": 6099,
+ "âĢĿ.": 6100,
+ "Ġformal": 6101,
+ "Ġsubsequ": 6102,
+ "ĠGrade": 6103,
+ "Ġaccompl": 6104,
+ "Ġparties": 6105,
+ "Ġlayers": 6106,
+ "Ġyouth": 6107,
+ "Ġspend": 6108,
+ "Ġfirm": 6109,
+ "400": 6110,
+ "Ġaccuracy": 6111,
+ "while": 6112,
+ "rd": 6113,
+ "Ġresponses": 6114,
+ "ĠWashington": 6115,
+ "ivery": 6116,
+ "Ġdriving": 6117,
+ "iday": 6118,
+ "Ġfiles": 6119,
+ "Ġneut": 6120,
+ "Ġgram": 6121,
+ "-le": 6122,
+ "lements": 6123,
+ "New": 6124,
+ "Ġbond": 6125,
+ "Ġhappy": 6126,
+ "Ġmechanisms": 6127,
+ "Ġmathematics": 6128,
+ "ĠSun": 6129,
+ "ael": 6130,
+ "Ġdedicated": 6131,
+ "Ġlic": 6132,
+ "Ġsell": 6133,
+ "iform": 6134,
+ "rest": 6135,
+ "ortunately": 6136,
+ "pping": 6137,
+ "Ġphilosophy": 6138,
+ "othe": 6139,
+ "Ġmostly": 6140,
+ "astern": 6141,
+ "Ġinsurance": 6142,
+ "vity": 6143,
+ "Ġcorpor": 6144,
+ "ĠLike": 6145,
+ "Ġkill": 6146,
+ "Ġcere": 6147,
+ "Ġmaybe": 6148,
+ "Ġstone": 6149,
+ "iled": 6150,
+ "Ġraw": 6151,
+ "Ġvector": 6152,
+ "ĠGood": 6153,
+ "ĠFre": 6154,
+ ".d": 6155,
+ "ĠComput": 6156,
+ "Ġcertainly": 6157,
+ "Ġtalking": 6158,
+ "Ġcra": 6159,
+ "uls": 6160,
+ "Ġconcern": 6161,
+ "agers": 6162,
+ "Ġstyles": 6163,
+ "ĠTreat": 6164,
+ "Ġusage": 6165,
+ "Ġconfirm": 6166,
+ "ĠUN": 6167,
+ "ĠAbout": 6168,
+ "Ġproof": 6169,
+ "Ġspent": 6170,
+ "Ġvitamin": 6171,
+ "Ġclim": 6172,
+ "Ġelev": 6173,
+ "Ġvehicle": 6174,
+ "Ġdecrease": 6175,
+ "ĠInformation": 6176,
+ "Ġbird": 6177,
+ "ĠSign": 6178,
+ "Ġnerv": 6179,
+ "Ġmort": 6180,
+ "ĠLeg": 6181,
+ "ĠGr": 6182,
+ "ĠLiter": 6183,
+ "ĠIns": 6184,
+ ".D": 6185,
+ "Ġarm": 6186,
+ "06": 6187,
+ "Ġobst": 6188,
+ "Ġarchitecture": 6189,
+ "Ġsufficient": 6190,
+ "Ġmachines": 6191,
+ "Ġcompleted": 6192,
+ "mic": 6193,
+ "-making": 6194,
+ "BC": 6195,
+ "ĠOld": 6196,
+ "Ġlifestyle": 6197,
+ "Ġfunctional": 6198,
+ "berg": 6199,
+ "101": 6200,
+ "ĠExamples": 6201,
+ "well": 6202,
+ "cers": 6203,
+ "Ġsou": 6204,
+ "Ġleader": 6205,
+ "ĠKey": 6206,
+ "Ġabsolute": 6207,
+ "Ġhabits": 6208,
+ "Ġmeaningful": 6209,
+ "ago": 6210,
+ "Ġbiological": 6211,
+ "Ġfocuses": 6212,
+ "Ġsensitive": 6213,
+ "Ġpolitics": 6214,
+ "ĠSl": 6215,
+ "Ġbrand": 6216,
+ "Ġhearing": 6217,
+ "Ġevaluate": 6218,
+ "Ġsubstance": 6219,
+ "Ġincorporating": 6220,
+ "Ġitem": 6221,
+ "atric": 6222,
+ "Ġtransact": 6223,
+ "CH": 6224,
+ "Ġbeneficial": 6225,
+ "ĠDig": 6226,
+ "Ġcovers": 6227,
+ "Ġexistence": 6228,
+ "wood": 6229,
+ ".m": 6230,
+ "\".ĊĊ": 6231,
+ "Ġdefic": 6232,
+ "rates": 6233,
+ "displaystyle": 6234,
+ "ipping": 6235,
+ "Ġconsidering": 6236,
+ "Ġregional": 6237,
+ "Ġstarts": 6238,
+ "ĠCentral": 6239,
+ "Ġprinciple": 6240,
+ "Ġcolumn": 6241,
+ "osa": 6242,
+ "ĠRepublic": 6243,
+ "ped": 6244,
+ "189": 6245,
+ "43": 6246,
+ "const": 6247,
+ "ometric": 6248,
+ "Ġtheme": 6249,
+ "ĠVis": 6250,
+ "Ġcloser": 6251,
+ "Ġparallel": 6252,
+ "-th": 6253,
+ "herent": 6254,
+ "ht": 6255,
+ "Ġsnippet": 6256,
+ "Ġdescribes": 6257,
+ "ĠLearn": 6258,
+ "ĠArab": 6259,
+ "apping": 6260,
+ "-P": 6261,
+ "(c": 6262,
+ "Ġtiny": 6263,
+ "Ġgrand": 6264,
+ "gin": 6265,
+ "Ġlots": 6266,
+ "Ġlearners": 6267,
+ "Ġevaluation": 6268,
+ "upp": 6269,
+ "ĠSuch": 6270,
+ "ĠAnother": 6271,
+ "Ġdesigns": 6272,
+ "Ġinspired": 6273,
+ "ĠProble": 6274,
+ "rency": 6275,
+ "ĠJames": 6276,
+ "bb": 6277,
+ "Ġengagement": 6278,
+ "Ġinches": 6279,
+ "Ġuniversity": 6280,
+ "Ġsecondary": 6281,
+ "ĠCreat": 6282,
+ "Ġtransportation": 6283,
+ "Ġrecognition": 6284,
+ "Ġattacks": 6285,
+ "Ġimplications": 6286,
+ "Ġtow": 6287,
+ "Ġpark": 6288,
+ "Ġnan": 6289,
+ "ocity": 6290,
+ "icism": 6291,
+ "Ġpair": 6292,
+ "Ġinstrument": 6293,
+ "Ġimmig": 6294,
+ "olving": 6295,
+ "Ġroutine": 6296,
+ "Ġcareful": 6297,
+ "ĠAcad": 6298,
+ "Ġrub": 6299,
+ "Ġshop": 6300,
+ "ĠMain": 6301,
+ "Ġboundaries": 6302,
+ "________________": 6303,
+ "Ġintervention": 6304,
+ "Ġprime": 6305,
+ "Ġapart": 6306,
+ "ĠMary": 6307,
+ "itz": 6308,
+ "Ġcrim": 6309,
+ "Ġmathematical": 6310,
+ "CT": 6311,
+ "pat": 6312,
+ "Ġexamining": 6313,
+ "ĠChem": 6314,
+ "Ġcardi": 6315,
+ "Ġedge": 6316,
+ "Ġacknow": 6317,
+ "Ġraise": 6318,
+ "ria": 6319,
+ "ogether": 6320,
+ "56": 6321,
+ "Ġaimed": 6322,
+ "Ġphysics": 6323,
+ "urd": 6324,
+ "Ġreliable": 6325,
+ "erving": 6326,
+ "ocation": 6327,
+ "Ġhaz": 6328,
+ "Ġwaves": 6329,
+ "Ġnavigate": 6330,
+ "rolog": 6331,
+ "ffee": 6332,
+ "ĠConsider": 6333,
+ "aturally": 6334,
+ "Ġtwist": 6335,
+ "Ġlose": 6336,
+ "Ġphotos": 6337,
+ "Ġintroduce": 6338,
+ "net": 6339,
+ "Ġspeaking": 6340,
+ "ĠSam": 6341,
+ "idents": 6342,
+ "what": 6343,
+ "120": 6344,
+ "Ġplayer": 6345,
+ "ipes": 6346,
+ "SA": 6347,
+ "ĠNon": 6348,
+ "02": 6349,
+ "rus": 6350,
+ "Ġassistance": 6351,
+ "len": 6352,
+ "Ġcharacterized": 6353,
+ "Ġmanip": 6354,
+ "ĠBusiness": 6355,
+ "ĠEffect": 6356,
+ "(b": 6357,
+ "input": 6358,
+ "ij": 6359,
+ "Ġflood": 6360,
+ "-of": 6361,
+ "king": 6362,
+ "-F": 6363,
+ "Ġoutcome": 6364,
+ "stood": 6365,
+ "Ġflat": 6366,
+ "Ġbow": 6367,
+ "Ġfinally": 6368,
+ "LA": 6369,
+ "Ġbattle": 6370,
+ "Ġgrass": 6371,
+ "ossible": 6372,
+ "uma": 6373,
+ "empl": 6374,
+ "Ġimmun": 6375,
+ "Ġremark": 6376,
+ "-day": 6377,
+ "Ġfixed": 6378,
+ "Ġpregnancy": 6379,
+ "ĠSaf": 6380,
+ "Ġcircumstances": 6381,
+ "Ġotherwise": 6382,
+ "Ġgenerated": 6383,
+ "Ġdynamics": 6384,
+ "Ġrapidly": 6385,
+ "Ġnarratives": 6386,
+ "ander": 6387,
+ "Ġimplementation": 6388,
+ "Ġdomain": 6389,
+ "ka": 6390,
+ "Ġsurgery": 6391,
+ "Ġauthority": 6392,
+ ").ĊĊ": 6393,
+ "Ġcollected": 6394,
+ "DA": 6395,
+ "ĠMethod": 6396,
+ "Ġunexpected": 6397,
+ "ĠÃĹ": 6398,
+ "ĠMean": 6399,
+ "irus": 6400,
+ "ĠKore": 6401,
+ "Ġlinks": 6402,
+ "ÃŃ": 6403,
+ "Ġmixed": 6404,
+ "Ġconcrete": 6405,
+ "ĠCivil": 6406,
+ "ounced": 6407,
+ "Ġvictim": 6408,
+ "hav": 6409,
+ "Ġmoved": 6410,
+ "Ġacts": 6411,
+ "rust": 6412,
+ "Ġhospital": 6413,
+ "Ġpersist": 6414,
+ "'m": 6415,
+ "ansion": 6416,
+ "Ġcontrolled": 6417,
+ "Ġinner": 6418,
+ "Ġmagnetic": 6419,
+ "fall": 6420,
+ "itudes": 6421,
+ "Ġdynamic": 6422,
+ "ĠSee": 6423,
+ "ĠDavid": 6424,
+ "rons": 6425,
+ "ĠBible": 6426,
+ "Ġinvent": 6427,
+ "ĠSal": 6428,
+ "Ġscene": 6429,
+ "Ġdecide": 6430,
+ "ĠPers": 6431,
+ "Ġlisten": 6432,
+ "Ġcrisis": 6433,
+ "88": 6434,
+ "ĠHelp": 6435,
+ "Ġtheories": 6436,
+ "Ġcurriculum": 6437,
+ "-like": 6438,
+ "Ġrect": 6439,
+ "·": 6440,
+ "-L": 6441,
+ "Ġshif": 6442,
+ "Ġjoin": 6443,
+ "Ġrecognized": 6444,
+ "Ġfill": 6445,
+ "Ġque": 6446,
+ "ml": 6447,
+ "oxide": 6448,
+ "Ġ__": 6449,
+ "Ġreb": 6450,
+ "Ġincorporate": 6451,
+ "ĠAcc": 6452,
+ "Ġvoltage": 6453,
+ "Ġimprovement": 6454,
+ "Ġsales": 6455,
+ "Ġhidden": 6456,
+ "Ġintellect": 6457,
+ "cium": 6458,
+ "л": 6459,
+ "Ġconvert": 6460,
+ "Ġauthent": 6461,
+ "Ġsupported": 6462,
+ "ditional": 6463,
+ "Ġchemicals": 6464,
+ "ĠStat": 6465,
+ "Ġwhereas": 6466,
+ "Ġswitch": 6467,
+ "ĠWomen": 6468,
+ "Ġdomestic": 6469,
+ "asy": 6470,
+ "aser": 6471,
+ "Ġvehicles": 6472,
+ "plication": 6473,
+ "Ġmatch": 6474,
+ "Ġelectron": 6475,
+ "Ġcomparison": 6476,
+ "Ġpig": 6477,
+ "ĠWord": 6478,
+ "ested": 6479,
+ "ĠEst": 6480,
+ "ĠMedical": 6481,
+ "Ġmeasurement": 6482,
+ "racy": 6483,
+ "Ġnutrition": 6484,
+ "Ġvolunt": 6485,
+ "Ġcards": 6486,
+ "Ġknows": 6487,
+ "Ġafford": 6488,
+ "ĠWind": 6489,
+ "ĠMem": 6490,
+ "Ġnit": 6491,
+ "Ġtaste": 6492,
+ "ints": 6493,
+ "Ġsend": 6494,
+ "pha": 6495,
+ "ĠDoes": 6496,
+ "Ġment": 6497,
+ "Ġdivision": 6498,
+ "Ġwants": 6499,
+ "izer": 6500,
+ "alian": 6501,
+ "Ġages": 6502,
+ "flow": 6503,
+ "olf": 6504,
+ "Ġbright": 6505,
+ "icks": 6506,
+ "77": 6507,
+ "Ġderived": 6508,
+ "ician": 6509,
+ "icate": 6510,
+ "ena": 6511,
+ "Ġband": 6512,
+ "ĠControl": 6513,
+ "Ġexamination": 6514,
+ "Ġmm": 6515,
+ "Ġdiagram": 6516,
+ "Ġcars": 6517,
+ "which": 6518,
+ "ĠWhite": 6519,
+ "ĠAge": 6520,
+ "Ġshift": 6521,
+ "Ġfoss": 6522,
+ "cos": 6523,
+ "Before": 6524,
+ "}$$": 6525,
+ "Ġfrag": 6526,
+ "Ġmedications": 6527,
+ "Ġinequ": 6528,
+ "Ġstick": 6529,
+ "Ġpsychology": 6530,
+ "Ġcloud": 6531,
+ "Ġisland": 6532,
+ "then": 6533,
+ "Ġexposed": 6534,
+ "Ġrom": 6535,
+ "Ġfoster": 6536,
+ "Ġdrawn": 6537,
+ "Ġdatabase": 6538,
+ "Ġkit": 6539,
+ "]ĊĊ": 6540,
+ "inity": 6541,
+ "Ġdemonstrate": 6542,
+ "ĠÏ": 6543,
+ "Ġperce": 6544,
+ "aks": 6545,
+ "That": 6546,
+ "Ġreactions": 6547,
+ "anged": 6548,
+ "gal": 6549,
+ "Ġpounds": 6550,
+ "Ġrig": 6551,
+ "Ġremote": 6552,
+ "Ġinflammation": 6553,
+ "ĠGovernment": 6554,
+ "ĠDiv": 6555,
+ "Ġyield": 6556,
+ "âĢĻm": 6557,
+ "ague": 6558,
+ "ipe": 6559,
+ "Ġstruggle": 6560,
+ "Ġheritage": 6561,
+ "Ġschem": 6562,
+ "orrow": 6563,
+ "Ġdoll": 6564,
+ "Ġstem": 6565,
+ "Ġprem": 6566,
+ "ĠâĪĴ": 6567,
+ "Ġempathy": 6568,
+ "Ġremoved": 6569,
+ "position": 6570,
+ "Ġresolution": 6571,
+ "append": 6572,
+ "MP": 6573,
+ "Ġgreatest": 6574,
+ "Ġarts": 6575,
+ "ĠRussia": 6576,
+ "den": 6577,
+ "Ġbudget": 6578,
+ "IL": 6579,
+ "Ġdating": 6580,
+ "ĠQue": 6581,
+ "Ġarrange": 6582,
+ "ĠPub": 6583,
+ "Ġcompr": 6584,
+ "Ġholds": 6585,
+ "Ġrhy": 6586,
+ "Ġopposite": 6587,
+ "gra": 6588,
+ "Ġaccounts": 6589,
+ "tee": 6590,
+ "Ġgained": 6591,
+ "Ġrecorded": 6592,
+ "roke": 6593,
+ "Ġstudied": 6594,
+ "Ġemergency": 6595,
+ "Ġcandid": 6596,
+ "Stud": 6597,
+ "adian": 6598,
+ "ĠEth": 6599,
+ "(f": 6600,
+ "ĠBre": 6601,
+ "Ġdiscovery": 6602,
+ "Ġreached": 6603,
+ "Ġprevention": 6604,
+ "throp": 6605,
+ "Ġrespectively": 6606,
+ "Ġsky": 6607,
+ "Ġgovernments": 6608,
+ "Ġdescription": 6609,
+ "Ġdistingu": 6610,
+ "ĠSpace": 6611,
+ "Ġpassion": 6612,
+ "ĠNum": 6613,
+ "ye": 6614,
+ "Ġrestrict": 6615,
+ "Ġknowing": 6616,
+ "Ġstability": 6617,
+ "connect": 6618,
+ "Ġahead": 6619,
+ "Ġalgorithms": 6620,
+ "arter": 6621,
+ "Ġath": 6622,
+ "Ġtherap": 6623,
+ "Many": 6624,
+ "icon": 6625,
+ "Ġbroader": 6626,
+ "itutional": 6627,
+ "ĠBritain": 6628,
+ "âĪĴ": 6629,
+ "BT": 6630,
+ "Ġadequ": 6631,
+ "Ġwet": 6632,
+ "Ġburn": 6633,
+ "Ġmillions": 6634,
+ "Ar": 6635,
+ "iability": 6636,
+ "Chapter": 6637,
+ "itivity": 6638,
+ "Ġtechnological": 6639,
+ "Ġmorning": 6640,
+ "ĠSym": 6641,
+ "188": 6642,
+ "Ġconversation": 6643,
+ "Ġopinion": 6644,
+ "Ġtells": 6645,
+ "Ġmedication": 6646,
+ "pes": 6647,
+ "Ġpoem": 6648,
+ "htt": 6649,
+ "Ġimper": 6650,
+ "ĠGuide": 6651,
+ "ras": 6652,
+ "Ġsweet": 6653,
+ "Ġobvious": 6654,
+ "Ġconvey": 6655,
+ "Ġsheet": 6656,
+ "ĠPractice": 6657,
+ "down": 6658,
+ "Ġraised": 6659,
+ "ĠMil": 6660,
+ ")=": 6661,
+ "Ġobjective": 6662,
+ "Ġaims": 6663,
+ "osph": 6664,
+ "vis": 6665,
+ "Ġcash": 6666,
+ "Ġinspiration": 6667,
+ "Ġsurvival": 6668,
+ "Ġvaccine": 6669,
+ "tery": 6670,
+ "Ġconventional": 6671,
+ "uation": 6672,
+ "ĠAP": 6673,
+ "lock": 6674,
+ "Ġmolecules": 6675,
+ "Ġplate": 6676,
+ "Ġconc": 6677,
+ "Ġenth": 6678,
+ "Ġopening": 6679,
+ "acific": 6680,
+ "uous": 6681,
+ "ĠCam": 6682,
+ "Ġagriculture": 6683,
+ "ĠSimilarly": 6684,
+ "iosity": 6685,
+ "ü": 6686,
+ "Ġmultip": 6687,
+ "Ġcategories": 6688,
+ "Ġchildhood": 6689,
+ "Ġgirls": 6690,
+ "Ġrecycl": 6691,
+ "Ġshel": 6692,
+ "ĠâĢ¦Ċ": 6693,
+ "Ġagricultural": 6694,
+ "Ġ$$\\": 6695,
+ "verty": 6696,
+ "Ġequivalent": 6697,
+ "Ġsymbols": 6698,
+ "ults": 6699,
+ "Ġsuggested": 6700,
+ "Are": 6701,
+ "arsh": 6702,
+ "Ġfacilities": 6703,
+ "Ġdrinking": 6704,
+ "Ġfarmers": 6705,
+ "omial": 6706,
+ "Ġsuccessfully": 6707,
+ "Ġextent": 6708,
+ "-qu": 6709,
+ "Ġpoverty": 6710,
+ "Ġrespir": 6711,
+ "Ġportion": 6712,
+ "ĠProcess": 6713,
+ "ultane": 6714,
+ "ĠInteg": 6715,
+ "organ": 6716,
+ "CC": 6717,
+ "Ġpurchase": 6718,
+ "Ġrepresented": 6719,
+ "Ġfant": 6720,
+ "Ġproducing": 6721,
+ "Ġgluc": 6722,
+ "ĠGeorge": 6723,
+ "Ġparameters": 6724,
+ "Ġmarketing": 6725,
+ "ĠCalcul": 6726,
+ "Ġsudden": 6727,
+ "Ġstation": 6728,
+ "omach": 6729,
+ "ĠAND": 6730,
+ "akespe": 6731,
+ "ĠOnline": 6732,
+ "ĠLook": 6733,
+ "03": 6734,
+ "Ġcompetition": 6735,
+ "ĠDespite": 6736,
+ "ato": 6737,
+ "Ġgrown": 6738,
+ "ĠRussian": 6739,
+ "Ġstored": 6740,
+ "-spe": 6741,
+ "ĠMart": 6742,
+ "Ġlooked": 6743,
+ "ĠCheck": 6744,
+ ".t": 6745,
+ "Ġnumer": 6746,
+ "Ġpreval": 6747,
+ "using": 6748,
+ "Ġdrop": 6749,
+ "istical": 6750,
+ "ĠPM": 6751,
+ "Ġfashion": 6752,
+ "Ġlocations": 6753,
+ "ĠPaul": 6754,
+ "ĠPen": 6755,
+ "ean": 6756,
+ "Ġtoxic": 6757,
+ "ads": 6758,
+ "ó": 6759,
+ "Ġcrime": 6760,
+ "ventions": 6761,
+ "ĠRich": 6762,
+ "Ġstands": 6763,
+ "ĠImp": 6764,
+ "Ġdelivery": 6765,
+ "Ġinfluenced": 6766,
+ "da": 6767,
+ "pare": 6768,
+ ":čĊ": 6769,
+ "Ġbrings": 6770,
+ "Ġtransmission": 6771,
+ "Ġoverl": 6772,
+ "nel": 6773,
+ "Ġreven": 6774,
+ "Ġfiber": 6775,
+ "tic": 6776,
+ "Ġsnow": 6777,
+ "ĠMount": 6778,
+ "ĠDise": 6779,
+ "Ġhomework": 6780,
+ "Ab": 6781,
+ "agon": 6782,
+ "array": 6783,
+ "Ġallerg": 6784,
+ "Ġknew": 6785,
+ "Ġsignals": 6786,
+ "ĠWhether": 6787,
+ "Ġexpectations": 6788,
+ "ĠAS": 6789,
+ "ĠStre": 6790,
+ "Ġexpertise": 6791,
+ "ĠMexico": 6792,
+ "Ġstronger": 6793,
+ "Ġsyndrome": 6794,
+ "59": 6795,
+ "ĠService": 6796,
+ "Ġliver": 6797,
+ "bi": 6798,
+ "Ġpresents": 6799,
+ "Ġconsumers": 6800,
+ "Ġstars": 6801,
+ "Ġpump": 6802,
+ "Ġethnic": 6803,
+ "eless": 6804,
+ "Ġindigenous": 6805,
+ "Ġclosed": 6806,
+ "ville": 6807,
+ "Ġtraffic": 6808,
+ "ĠTex": 6809,
+ "Ġsections": 6810,
+ "Ġclaims": 6811,
+ "58": 6812,
+ "Ġdepict": 6813,
+ "asts": 6814,
+ "Ġoffic": 6815,
+ "ĠIsland": 6816,
+ "alled": 6817,
+ "Ġexists": 6818,
+ "ulating": 6819,
+ "ĠGlobal": 6820,
+ "Ġwalls": 6821,
+ "Ġsed": 6822,
+ "-on": 6823,
+ "Ġfraction": 6824,
+ "Ġmarked": 6825,
+ "Be": 6826,
+ "cest": 6827,
+ "ĠGroup": 6828,
+ "Ġexpressed": 6829,
+ "Ġfort": 6830,
+ "_c": 6831,
+ "akespeare": 6832,
+ "ĠTer": 6833,
+ "Ġ+=": 6834,
+ "Ġmessages": 6835,
+ "Ġtried": 6836,
+ "ĠCongress": 6837,
+ "oted": 6838,
+ "inet": 6839,
+ "lers": 6840,
+ "Ġguarant": 6841,
+ "assion": 6842,
+ "Ġnode": 6843,
+ "ĠBudd": 6844,
+ "Ġsen": 6845,
+ "Ġnoise": 6846,
+ "ourse": 6847,
+ "Ġsocietal": 6848,
+ "Ġfacing": 6849,
+ "Ġelectro": 6850,
+ "wo": 6851,
+ "Ġsole": 6852,
+ "py": 6853,
+ "Ġkept": 6854,
+ "Ġpandemic": 6855,
+ "ester": 6856,
+ "Ġconscious": 6857,
+ "67": 6858,
+ "Ġobjectives": 6859,
+ "04": 6860,
+ "Ġdestroy": 6861,
+ "Ġnor": 6862,
+ "Ġvocabulary": 6863,
+ "Ġaqu": 6864,
+ "OM": 6865,
+ "never": 6866,
+ "Ġdut": 6867,
+ "holders": 6868,
+ "ĠCath": 6869,
+ "Ġprotected": 6870,
+ "Ġpercentage": 6871,
+ "57": 6872,
+ "inition": 6873,
+ "-T": 6874,
+ "ĠTake": 6875,
+ "Ġagreement": 6876,
+ "ptions": 6877,
+ "Ġsubstances": 6878,
+ "-sh": 6879,
+ "Ġcyber": 6880,
+ "Ġpresentation": 6881,
+ "Ġfilter": 6882,
+ "bing": 6883,
+ "ĠSometimes": 6884,
+ "Ġwindow": 6885,
+ "Ġminerals": 6886,
+ "Ġteams": 6887,
+ "fulness": 6888,
+ "=\"": 6889,
+ "ĠRober": 6890,
+ "Ġspirit": 6891,
+ "³³³": 6892,
+ "à¸": 6893,
+ "stream": 6894,
+ "Ġmonitor": 6895,
+ "Ġorganized": 6896,
+ "olar": 6897,
+ "Ġstatements": 6898,
+ "Ġcomfortable": 6899,
+ "cific": 6900,
+ "Ġexperiments": 6901,
+ "Ġ;": 6902,
+ "Ġneighb": 6903,
+ "ĠWhich": 6904,
+ "Ġextended": 6905,
+ "Ġtriangle": 6906,
+ "Ġstret": 6907,
+ "Ġstream": 6908,
+ "Ġincredible": 6909,
+ ".append": 6910,
+ "$ĊĊ": 6911,
+ "sqrt": 6912,
+ "Ġachieved": 6913,
+ "arten": 6914,
+ "Ġbio": 6915,
+ "Ġsatisf": 6916,
+ "Ġrural": 6917,
+ "rox": 6918,
+ "words": 6919,
+ "Ġindicates": 6920,
+ "gl": 6921,
+ "Ġminim": 6922,
+ "Ġnaturally": 6923,
+ "68": 6924,
+ "ĠMedicine": 6925,
+ "Ġble": 6926,
+ "Ġmatters": 6927,
+ "Ġship": 6928,
+ "rian": 6929,
+ "ðŁ": 6930,
+ "ĠLin": 6931,
+ "Ġemerging": 6932,
+ "Ġcircul": 6933,
+ "Ġdescript": 6934,
+ "Ġrelation": 6935,
+ "ĠTrue": 6936,
+ "Ġthreats": 6937,
+ "RA": 6938,
+ "Ġcrypt": 6939,
+ "Ġsustainability": 6940,
+ "Ġexplains": 6941,
+ "187": 6942,
+ "type": 6943,
+ "Cont": 6944,
+ "ogram": 6945,
+ "Ġintricate": 6946,
+ "Ġlistening": 6947,
+ "conds": 6948,
+ "Ġreson": 6949,
+ "oids": 6950,
+ "anes": 6951,
+ "Ġcatch": 6952,
+ "-H": 6953,
+ "-free": 6954,
+ "opl": 6955,
+ "Ġunderstood": 6956,
+ "Ġfif": 6957,
+ "_f": 6958,
+ "Ġerrors": 6959,
+ "Ġbrown": 6960,
+ "Ġprove": 6961,
+ "Conclusion": 6962,
+ "Ġreform": 6963,
+ "Ġemployed": 6964,
+ "Ġpoetry": 6965,
+ "Ġappoint": 6966,
+ "Ġremaining": 6967,
+ "Ġhunt": 6968,
+ "ĠBefore": 6969,
+ "ĠCa": 6970,
+ "Ġreduces": 6971,
+ "Ġwalking": 6972,
+ "orph": 6973,
+ "resent": 6974,
+ "bert": 6975,
+ "Ġpaid": 6976,
+ "185": 6977,
+ "Ġleaf": 6978,
+ "umes": 6979,
+ "Ġmeals": 6980,
+ "Ġintake": 6981,
+ "ĠScient": 6982,
+ ".c": 6983,
+ "cluding": 6984,
+ "Ġchrom": 6985,
+ "Ġpure": 6986,
+ "ĠExt": 6987,
+ "Ġcomplexity": 6988,
+ "Ġfloor": 6989,
+ "Ġmarkets": 6990,
+ "Ġvelocity": 6991,
+ "Ġfertil": 6992,
+ ".A": 6993,
+ "Ġadvert": 6994,
+ "Ġcoffee": 6995,
+ "mes": 6996,
+ "ĠLab": 6997,
+ "Ġasking": 6998,
+ "Ġwish": 6999,
+ "Ġrevealed": 7000,
+ "Ġcapture": 7001,
+ "eal": 7002,
+ "Ġlen": 7003,
+ "Ġtransformation": 7004,
+ "Ġenglish": 7005,
+ "Ġdisp": 7006,
+ "iated": 7007,
+ "Ġcouple": 7008,
+ "ĠHen": 7009,
+ "ĠSystems": 7010,
+ "Ġassemb": 7011,
+ "Ġwasn": 7012,
+ "Ġsouthern": 7013,
+ "Ġprotocol": 7014,
+ "Ġbrother": 7015,
+ "Ġadoles": 7016,
+ "Ġsettle": 7017,
+ "Ġoccurred": 7018,
+ "itely": 7019,
+ "Ġdetection": 7020,
+ "Over": 7021,
+ "Ġpresident": 7022,
+ "Ġneighbor": 7023,
+ "Ġreturns": 7024,
+ "ĠEnvironmental": 7025,
+ "appy": 7026,
+ "ĠCouncil": 7027,
+ "Ġsupports": 7028,
+ "Ġcommitment": 7029,
+ "Ġmanif": 7030,
+ "Ġcrops": 7031,
+ "pi": 7032,
+ "ĠTim": 7033,
+ "BS": 7034,
+ "olit": 7035,
+ "Ġconven": 7036,
+ "riendly": 7037,
+ "Ġentertain": 7038,
+ "Ġabund": 7039,
+ "ĠCourt": 7040,
+ "Ġpreparation": 7041,
+ "-ĊĊ": 7042,
+ "ĠLong": 7043,
+ "Ġvideos": 7044,
+ "Ġadventure": 7045,
+ "ĠOpen": 7046,
+ "Ġcart": 7047,
+ "Ġrely": 7048,
+ "Gen": 7049,
+ "Ġexcessive": 7050,
+ "cale": 7051,
+ "****": 7052,
+ "ĠFinally": 7053,
+ "ĠIr": 7054,
+ "'Ċ": 7055,
+ "amil": 7056,
+ "uits": 7057,
+ "Ġguess": 7058,
+ "Ġbalanced": 7059,
+ "Ġpowers": 7060,
+ "Ġquantum": 7061,
+ "eles": 7062,
+ "Ġinjuries": 7063,
+ "Ġthanks": 7064,
+ "pet": 7065,
+ "ĠTre": 7066,
+ "Ġhealing": 7067,
+ "Ġcreatures": 7068,
+ "My": 7069,
+ "ĠSciences": 7070,
+ "Ġappreciation": 7071,
+ "Introduction": 7072,
+ "ĠModern": 7073,
+ "Ġnoted": 7074,
+ "Lear": 7075,
+ "weight": 7076,
+ "Ġplane": 7077,
+ "Example": 7078,
+ "van": 7079,
+ "Ġsusp": 7080,
+ "uality": 7081,
+ "Ġconsumer": 7082,
+ "ĠLord": 7083,
+ "Ġassignment": 7084,
+ "ĠMill": 7085,
+ "Ġgall": 7086,
+ "ĠIndigenous": 7087,
+ "Ġstorm": 7088,
+ "ĠNumber": 7089,
+ "python": 7090,
+ "Ġsod": 7091,
+ "Ġsuffering": 7092,
+ "Pre": 7093,
+ "cycl": 7094,
+ "ocratic": 7095,
+ "Ġprofound": 7096,
+ "Ġscript": 7097,
+ "Ġaer": 7098,
+ "Ġmood": 7099,
+ "ocracy": 7100,
+ "ĠRad": 7101,
+ "ĠAny": 7102,
+ "Ġorganisms": 7103,
+ "Ġcollective": 7104,
+ "Ġchick": 7105,
+ "Ġdisapp": 7106,
+ "Ġmixt": 7107,
+ "ĠGold": 7108,
+ "Ġtoler": 7109,
+ "Ġsupplement": 7110,
+ "ĠNative": 7111,
+ "oom": 7112,
+ "Ġtun": 7113,
+ "Ġidentifying": 7114,
+ "Ġindependence": 7115,
+ "mod": 7116,
+ "Ġq": 7117,
+ "Ġearn": 7118,
+ "Ġparticipate": 7119,
+ "plot": 7120,
+ "Ġcategory": 7121,
+ "Ġuniverse": 7122,
+ "Ġstable": 7123,
+ "ergarten": 7124,
+ "Ġcalls": 7125,
+ "ĠRights": 7126,
+ "Ġentry": 7127,
+ "Ġpolice": 7128,
+ "chers": 7129,
+ "Ġdiscrimination": 7130,
+ "ĠCD": 7131,
+ "Ġplus": 7132,
+ "Ġaffecting": 7133,
+ "ained": 7134,
+ "Ġcompounds": 7135,
+ "ĠMass": 7136,
+ "ĠBer": 7137,
+ "Ġpuzz": 7138,
+ "Ġprol": 7139,
+ "Ġturns": 7140,
+ "Ġteen": 7141,
+ "Ġforced": 7142,
+ "Ġwel": 7143,
+ "ĠIndust": 7144,
+ "Ġeffectiveness": 7145,
+ "-and": 7146,
+ "ĠTexas": 7147,
+ "Ġtap": 7148,
+ "inates": 7149,
+ "Ġstated": 7150,
+ "ĠExample": 7151,
+ "Ġdemonstrated": 7152,
+ "Ġemerged": 7153,
+ "Ġmode": 7154,
+ "Ġenthus": 7155,
+ "Ġconsideration": 7156,
+ "Ġcorrectly": 7157,
+ "Ġpositions": 7158,
+ "ait": 7159,
+ "Ġedition": 7160,
+ "Ġblocks": 7161,
+ "Ġà¤": 7162,
+ "orter": 7163,
+ "Ġunknown": 7164,
+ "Ġperman": 7165,
+ "Ġkilled": 7166,
+ "ĠCap": 7167,
+ "Ġpretty": 7168,
+ "ĠRevolution": 7169,
+ "ĠTitle": 7170,
+ "band": 7171,
+ "Ġlibr": 7172,
+ "Ġprev": 7173,
+ "oves": 7174,
+ "Ġenabling": 7175,
+ "98": 7176,
+ "ĠEngineering": 7177,
+ "Ġwest": 7178,
+ "ĠPrint": 7179,
+ "Ġbehaviour": 7180,
+ "Ġstomach": 7181,
+ "Ġlimits": 7182,
+ "ĠNone": 7183,
+ "Ġdeeply": 7184,
+ "ensus": 7185,
+ "ĠNature": 7186,
+ "Ġnorthern": 7187,
+ "Ġdin": 7188,
+ "Ġdoctors": 7189,
+ "idity": 7190,
+ "dule": 7191,
+ "Ġaf": 7192,
+ "ĠPC": 7193,
+ "Ġstatistics": 7194,
+ "ĠBal": 7195,
+ "Ġstake": 7196,
+ "Most": 7197,
+ "Ġwitness": 7198,
+ "Ġexpensive": 7199,
+ "ĠLou": 7200,
+ "ĠUnder": 7201,
+ "Ġdent": 7202,
+ "ĠSar": 7203,
+ "pling": 7204,
+ "rieved": 7205,
+ "Ġpainting": 7206,
+ "Ġcapabilities": 7207,
+ "Ġfulf": 7208,
+ "Ġpersonality": 7209,
+ "Ġsick": 7210,
+ "ropical": 7211,
+ "Although": 7212,
+ "Ġaccum": 7213,
+ "Ġintellectual": 7214,
+ "Ġexpressions": 7215,
+ "ĠEarly": 7216,
+ "gent": 7217,
+ "Ġclients": 7218,
+ "kin": 7219,
+ "cience": 7220,
+ "Ġassets": 7221,
+ "Ġcorresponding": 7222,
+ "Ġalgebra": 7223,
+ "no": 7224,
+ "ĠJud": 7225,
+ "Ġhabitat": 7226,
+ "Ġwait": 7227,
+ "icit": 7228,
+ "Ġcalculated": 7229,
+ "Rem": 7230,
+ "Ġdealing": 7231,
+ "-E": 7232,
+ "ĠPlant": 7233,
+ "Ġdiscussing": 7234,
+ "Ġsimultane": 7235,
+ "ini": 7236,
+ "Ġencounter": 7237,
+ "ö": 7238,
+ "Ġsocieties": 7239,
+ "ographical": 7240,
+ "atever": 7241,
+ "Ġmyth": 7242,
+ "Ġcryst": 7243,
+ "Ġbreathing": 7244,
+ "Ġadministration": 7245,
+ "MA": 7246,
+ "Ġwhom": 7247,
+ "ĠApplic": 7248,
+ "Ġcong": 7249,
+ "Ġhydrogen": 7250,
+ "cd": 7251,
+ "Ġsurfaces": 7252,
+ "ikip": 7253,
+ "Ġsan": 7254,
+ "Ġconcerned": 7255,
+ "ĠSea": 7256,
+ "fit": 7257,
+ "Ġalongside": 7258,
+ "Ġorient": 7259,
+ "Ġmovie": 7260,
+ "ĠCy": 7261,
+ "Ġwestern": 7262,
+ "Ġdepos": 7263,
+ "Ġresidents": 7264,
+ "Ġclust": 7265,
+ "-cent": 7266,
+ "ontal": 7267,
+ "(\\": 7268,
+ "Ġexpansion": 7269,
+ "Ġwebsites": 7270,
+ "Ġmechanism": 7271,
+ "_p": 7272,
+ "Ġlbs": 7273,
+ "Ġquantity": 7274,
+ "rape": 7275,
+ "ĠEmpire": 7276,
+ "184": 7277,
+ "Ġancest": 7278,
+ "Ġcuriosity": 7279,
+ "Ġglucose": 7280,
+ "Ġpray": 7281,
+ "Ġconcerning": 7282,
+ "Ġremained": 7283,
+ "ĠAtl": 7284,
+ "Ġangles": 7285,
+ "Ġmarine": 7286,
+ "Ġdesire": 7287,
+ "ki": 7288,
+ "Ġweap": 7289,
+ "hist": 7290,
+ "Ġoutline": 7291,
+ "Ġracial": 7292,
+ "Ġstructural": 7293,
+ "Ġcomplicated": 7294,
+ "esity": 7295,
+ "Ġsmoking": 7296,
+ "Ġwaters": 7297,
+ "Ġvisible": 7298,
+ "Ġvertical": 7299,
+ "ĠPDF": 7300,
+ "Ġfalse": 7301,
+ "-ch": 7302,
+ "Ġpreventing": 7303,
+ "-R": 7304,
+ "ĠTable": 7305,
+ "Ġsizes": 7306,
+ "Ġmanaged": 7307,
+ "-the": 7308,
+ "ĠStrateg": 7309,
+ "adr": 7310,
+ "Ġapplying": 7311,
+ "Your": 7312,
+ "ĠPo": 7313,
+ "Ġcats": 7314,
+ "han": 7315,
+ "ĠWhere": 7316,
+ "Ġinteractive": 7317,
+ "Ġtested": 7318,
+ "Ġsuc": 7319,
+ "Ġwildlife": 7320,
+ "ishment": 7321,
+ "stein": 7322,
+ "ĠMiss": 7323,
+ "ĠAmong": 7324,
+ "ĠJul": 7325,
+ "Ġwisdom": 7326,
+ "ĠSing": 7327,
+ "Ġsport": 7328,
+ "Ġid": 7329,
+ "ĠUSA": 7330,
+ "pread": 7331,
+ "ĠMuslim": 7332,
+ "Ġban": 7333,
+ "Ġuncertain": 7334,
+ "ĠReading": 7335,
+ "Expl": 7336,
+ "rovers": 7337,
+ "ĠThomas": 7338,
+ "Ġmitig": 7339,
+ "Ġforget": 7340,
+ "Ġinitiatives": 7341,
+ "unning": 7342,
+ "App": 7343,
+ "Ġmechanical": 7344,
+ "ĠBay": 7345,
+ "}{\\": 7346,
+ "Ġrobust": 7347,
+ "ĠView": 7348,
+ "advant": 7349,
+ "Ġbiology": 7350,
+ "ĠCurrent": 7351,
+ "ĠVari": 7352,
+ "ĠPhot": 7353,
+ "ĠSen": 7354,
+ "Ġcriteria": 7355,
+ "mal": 7356,
+ "Ġentirely": 7357,
+ "ĠOper": 7358,
+ "hedule": 7359,
+ "asty": 7360,
+ "Ġlargely": 7361,
+ "Ġbreath": 7362,
+ "Ġnormally": 7363,
+ "ikipedia": 7364,
+ "Ġmarriage": 7365,
+ "Ġhundreds": 7366,
+ "52": 7367,
+ "Ġrepeated": 7368,
+ "Ġalter": 7369,
+ "sts": 7370,
+ "isp": 7371,
+ "Ġmassive": 7372,
+ "Ġregist": 7373,
+ "CD": 7374,
+ "Ġpreferences": 7375,
+ "Ġartist": 7376,
+ "ĠPop": 7377,
+ "Ġinsulin": 7378,
+ "ĠIP": 7379,
+ "Ġcaptiv": 7380,
+ "Ġtall": 7381,
+ "Ġtank": 7382,
+ "ĠImport": 7383,
+ "Ġcomputing": 7384,
+ "Ġwife": 7385,
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 7386,
+ "Ġshell": 7387,
+ "ĠComple": 7388,
+ "Ġdates": 7389,
+ "Ġattend": 7390,
+ "Ġconversations": 7391,
+ "ĠType": 7392,
+ "Ġenhancing": 7393,
+ "oral": 7394,
+ "ĠMag": 7395,
+ "Ġlisted": 7396,
+ "Ġmeters": 7397,
+ "irt": 7398,
+ "Ġpossibilities": 7399,
+ "-level": 7400,
+ "Ġtea": 7401,
+ "ĠEnc": 7402,
+ "Ġmeasurements": 7403,
+ "Ġnearby": 7404,
+ "Ġinstruments": 7405,
+ "Ġframe": 7406,
+ "value": 7407,
+ "Ġacids": 7408,
+ "Ġinhib": 7409,
+ "lets": 7410,
+ "Ġdifficulty": 7411,
+ "ĠLine": 7412,
+ "Ġminimize": 7413,
+ "ĠPacific": 7414,
+ "Ġremarkable": 7415,
+ "isk": 7416,
+ "EE": 7417,
+ "Ġcontributions": 7418,
+ "UN": 7419,
+ "ĠChallenge": 7420,
+ "Ġanalyzing": 7421,
+ "Ġobservations": 7422,
+ "Ġbutter": 7423,
+ "being": 7424,
+ "Ġmembr": 7425,
+ "Ġproviders": 7426,
+ "ĠFollow": 7427,
+ "pring": 7428,
+ "Ġunlike": 7429,
+ "ãģ": 7430,
+ "ona": 7431,
+ "Ġturning": 7432,
+ "ĠPaper": 7433,
+ "rial": 7434,
+ "ĠHand": 7435,
+ "Ġmarks": 7436,
+ "Through": 7437,
+ "Ġlaun": 7438,
+ "ĠNor": 7439,
+ "Ġarguments": 7440,
+ "ibl": 7441,
+ "ĠAp": 7442,
+ "Ġprofit": 7443,
+ "Ġslowly": 7444,
+ "$\\": 7445,
+ "Ġchoosing": 7446,
+ "Ġestimate": 7447,
+ "ĠTeac": 7448,
+ "Ġsubs": 7449,
+ "Ġdoor": 7450,
+ "orders": 7451,
+ "Ġdust": 7452,
+ "Ġstrict": 7453,
+ "ĠBest": 7454,
+ "Ġcurve": 7455,
+ ".l": 7456,
+ "ĠAccess": 7457,
+ "zed": 7458,
+ "Ġinterventions": 7459,
+ "ĠBC": 7460,
+ "çļ": 7461,
+ "#####": 7462,
+ "Ġspecialized": 7463,
+ "ĠReal": 7464,
+ "gest": 7465,
+ "Ġtwice": 7466,
+ "ĠMuseum": 7467,
+ "Pr": 7468,
+ "aph": 7469,
+ "Ġgrid": 7470,
+ "Ġintegrated": 7471,
+ "Ġproduces": 7472,
+ "UT": 7473,
+ "that": 7474,
+ "Ġends": 7475,
+ "Get": 7476,
+ "Ġvac": 7477,
+ "Ġastron": 7478,
+ "Ġpersu": 7479,
+ "itory": 7480,
+ "])Ċ": 7481,
+ "Ġfunds": 7482,
+ "phone": 7483,
+ "Ġcup": 7484,
+ "Ġpull": 7485,
+ "ĠHIV": 7486,
+ "Ġseeing": 7487,
+ "Ġregardless": 7488,
+ "ĠAsian": 7489,
+ "ĠPlease": 7490,
+ "uts": 7491,
+ "Ġanalys": 7492,
+ "Ġabstract": 7493,
+ "Ġgreatly": 7494,
+ "OD": 7495,
+ "Ġbarriers": 7496,
+ "etics": 7497,
+ "âĢ¦Ċ": 7498,
+ "Ġartistic": 7499,
+ "Ġoperate": 7500,
+ "clusions": 7501,
+ "ĠColl": 7502,
+ "Ġconversion": 7503,
+ "Ġhorse": 7504,
+ "oken": 7505,
+ "Ġinfluences": 7506,
+ "ĠRome": 7507,
+ "Ġmissing": 7508,
+ "Ġmoisture": 7509,
+ "Ġpy": 7510,
+ "çļĦ": 7511,
+ "Ġencourages": 7512,
+ "Ġcalcium": 7513,
+ "ocy": 7514,
+ "Ġtables": 7515,
+ "Ġdimensions": 7516,
+ "reed": 7517,
+ "Ġexplo": 7518,
+ "Ġdisrupt": 7519,
+ "Ġfacilitate": 7520,
+ "Ġdebate": 7521,
+ "Ġnarrow": 7522,
+ "Ġgal": 7523,
+ "Ġvibrant": 7524,
+ "Ġimmediate": 7525,
+ "Ġconflicts": 7526,
+ "ĠMathemat": 7527,
+ "requ": 7528,
+ "========": 7529,
+ "amins": 7530,
+ "ĊĊĊ": 7531,
+ "Ġeast": 7532,
+ "Ġintegral": 7533,
+ "ita": 7534,
+ "Ġpool": 7535,
+ "âĢĿĊ": 7536,
+ "ĠAM": 7537,
+ "normal": 7538,
+ "asters": 7539,
+ "gans": 7540,
+ "oga": 7541,
+ "Ġfer": 7542,
+ "Ġimpossible": 7543,
+ "Ġdance": 7544,
+ "ĠÂłĠÂł": 7545,
+ "oir": 7546,
+ "lights": 7547,
+ "Ġprofessor": 7548,
+ "к": 7549,
+ "Ġadopted": 7550,
+ "Ġthereby": 7551,
+ "Ġtrip": 7552,
+ "Ġemotion": 7553,
+ "Ġbonds": 7554,
+ "Ġstanding": 7555,
+ "Ġharvest": 7556,
+ "ĠMach": 7557,
+ "Ġdigest": 7558,
+ "aria": 7559,
+ "Ġsatell": 7560,
+ "Ġefficiently": 7561,
+ "sin": 7562,
+ "CA": 7563,
+ "ä": 7564,
+ ")(": 7565,
+ "eting": 7566,
+ "Ġalike": 7567,
+ "arn": 7568,
+ "Ġdemands": 7569,
+ "eenth": 7570,
+ "azon": 7571,
+ "uis": 7572,
+ "Ġrice": 7573,
+ "Ġmusical": 7574,
+ "Ġmoves": 7575,
+ "Ġnucle": 7576,
+ "ĠCompany": 7577,
+ "ella": 7578,
+ "ĠFlor": 7579,
+ "Ġstrategic": 7580,
+ "ĠCle": 7581,
+ "NG": 7582,
+ "Ġcul": 7583,
+ "Ġrank": 7584,
+ "ĠBob": 7585,
+ "Ġampl": 7586,
+ "Ġconstit": 7587,
+ "zil": 7588,
+ "Ġparticipation": 7589,
+ "rays": 7590,
+ "ĠPlay": 7591,
+ "Ġtraits": 7592,
+ "forcement": 7593,
+ "Ġmeal": 7594,
+ "oric": 7595,
+ "aud": 7596,
+ "69": 7597,
+ "Ġimplementing": 7598,
+ "Ġmoon": 7599,
+ "ĠCrit": 7600,
+ "Ġcopper": 7601,
+ "ĠâĨ": 7602,
+ "ĠJer": 7603,
+ "Ġshowc": 7604,
+ "ĠRob": 7605,
+ "Ġpersons": 7606,
+ "Ġproductivity": 7607,
+ "Ġaccepted": 7608,
+ "compass": 7609,
+ "Ġinhab": 7610,
+ "section": 7611,
+ "ĠFigure": 7612,
+ "Ġphenomenon": 7613,
+ "atal": 7614,
+ "field": 7615,
+ "Ġfunding": 7616,
+ "Which": 7617,
+ "Ġremind": 7618,
+ "Ġathlet": 7619,
+ "Ġinitially": 7620,
+ "ĠOx": 7621,
+ "Ġhousehold": 7622,
+ "Ġcompound": 7623,
+ "prene": 7624,
+ "ipal": 7625,
+ "Ġore": 7626,
+ "oting": 7627,
+ "During": 7628,
+ "ĠIll": 7629,
+ "Ġinject": 7630,
+ "omin": 7631,
+ "bles": 7632,
+ "Ġbones": 7633,
+ "Ġinvestigation": 7634,
+ "Ġdatas": 7635,
+ "Ġmolecular": 7636,
+ "ola": 7637,
+ "ĠVer": 7638,
+ "Ġsurvive": 7639,
+ "Ġow": 7640,
+ "ĠTV": 7641,
+ "ĠJews": 7642,
+ "Ġseconds": 7643,
+ "IR": 7644,
+ "imensional": 7645,
+ "Ġmild": 7646,
+ "ĠSchol": 7647,
+ "Ġvariations": 7648,
+ "Ġpartner": 7649,
+ "Ġoverview": 7650,
+ "reprene": 7651,
+ "atial": 7652,
+ "Ġscenarios": 7653,
+ "Ġpossibly": 7654,
+ "idespread": 7655,
+ "III": 7656,
+ "Ġflav": 7657,
+ "Ġtele": 7658,
+ "Key": 7659,
+ "ighter": 7660,
+ "Finally": 7661,
+ "Ġrequest": 7662,
+ "Ġsam": 7663,
+ "Ġinterpretation": 7664,
+ "ĠMax": 7665,
+ "gu": 7666,
+ "lishing": 7667,
+ "Ġempower": 7668,
+ "Ġswim": 7669,
+ "Ġoverw": 7670,
+ "ĠFrank": 7671,
+ "cluded": 7672,
+ "³³³³³³³³": 7673,
+ "Ġserving": 7674,
+ "ressing": 7675,
+ "ugh": 7676,
+ "Ġfurn": 7677,
+ "Ġtrend": 7678,
+ "Ġinterf": 7679,
+ "Ġexperiencing": 7680,
+ "Ġassociation": 7681,
+ "Ġassert": 7682,
+ "Ġconstantly": 7683,
+ "Ġ}": 7684,
+ "eries": 7685,
+ "Ġbiod": 7686,
+ "Ġlimitations": 7687,
+ "Ġquiz": 7688,
+ "ĠLesson": 7689,
+ "ĠFoundation": 7690,
+ "Ġrealized": 7691,
+ "Bob": 7692,
+ "Ġcrop": 7693,
+ "Ġemployment": 7694,
+ "mentation": 7695,
+ "Ġinsert": 7696,
+ "levision": 7697,
+ "ĠMaterial": 7698,
+ "ua": 7699,
+ "Ġcontributing": 7700,
+ "anda": 7701,
+ "ora": 7702,
+ "Ġbear": 7703,
+ "SS": 7704,
+ "ĠAlice": 7705,
+ "Ġrealm": 7706,
+ "Ġwors": 7707,
+ "Ġtro": 7708,
+ "IP": 7709,
+ "Ġexplores": 7710,
+ "Ġ@": 7711,
+ "Since": 7712,
+ "Ġexplaining": 7713,
+ "gs": 7714,
+ "Ġcrow": 7715,
+ "onym": 7716,
+ "sor": 7717,
+ "Ġdecor": 7718,
+ "kes": 7719,
+ "ĠMo": 7720,
+ "-ex": 7721,
+ "Ġengaged": 7722,
+ "stone": 7723,
+ "eties": 7724,
+ "Ġrocks": 7725,
+ "ĠQuestion": 7726,
+ "Ġsupplies": 7727,
+ "ENT": 7728,
+ "Ġske": 7729,
+ "ĠNAS": 7730,
+ "ĠFamily": 7731,
+ "ĠLibrary": 7732,
+ "Ġforests": 7733,
+ "ĠBooks": 7734,
+ "Ġbutton": 7735,
+ "ĠEnd": 7736,
+ "ĠSov": 7737,
+ "Ġcleaning": 7738,
+ "ustain": 7739,
+ "Ġcenters": 7740,
+ "rooms": 7741,
+ "250": 7742,
+ "ĠProper": 7743,
+ "Ġreasoning": 7744,
+ "Ġbroken": 7745,
+ "Ġserver": 7746,
+ "Ġobserve": 7747,
+ "ione": 7748,
+ "hop": 7749,
+ "Ġcub": 7750,
+ ")$": 7751,
+ "athe": 7752,
+ "Ġovercome": 7753,
+ "ĠPan": 7754,
+ "Ġadj": 7755,
+ "ĠDifferent": 7756,
+ "mented": 7757,
+ "rel": 7758,
+ "Ġrid": 7759,
+ "Ġadvancements": 7760,
+ "72": 7761,
+ "Ġbot": 7762,
+ "ĠMot": 7763,
+ "rapeut": 7764,
+ "oin": 7765,
+ "Ġsubsequent": 7766,
+ "ĠInvest": 7767,
+ "Ġcomposed": 7768,
+ "imals": 7769,
+ "chen": 7770,
+ "Ġdecline": 7771,
+ "Ġjoy": 7772,
+ "win": 7773,
+ "operation": 7774,
+ "Or": 7775,
+ "ao": 7776,
+ "Ġmineral": 7777,
+ "Ġexplanation": 7778,
+ "-quality": 7779,
+ "ĠUt": 7780,
+ "icular": 7781,
+ "Ġpup": 7782,
+ "Ġinfected": 7783,
+ "Ġgun": 7784,
+ "600": 7785,
+ "Ġinsects": 7786,
+ "Ġrational": 7787,
+ "ĠAnn": 7788,
+ "Ġrecept": 7789,
+ "Ġ?": 7790,
+ "Ġrenewable": 7791,
+ "Ġprintable": 7792,
+ "Ġmyst": 7793,
+ "Ġstrengthen": 7794,
+ "uh": 7795,
+ "Ġpil": 7796,
+ "ĠReport": 7797,
+ "chain": 7798,
+ "ĠLim": 7799,
+ "Ġeld": 7800,
+ "Ġcoloring": 7801,
+ "Ġclothing": 7802,
+ "Ġcriminal": 7803,
+ "Dr": 7804,
+ "Ġapparent": 7805,
+ "rat": 7806,
+ "=\\": 7807,
+ "idential": 7808,
+ "soft": 7809,
+ "Ġcolonial": 7810,
+ "Ġtheoretical": 7811,
+ "ĠMichael": 7812,
+ "ĠBank": 7813,
+ "Ġcycl": 7814,
+ "cher": 7815,
+ "Ġrepair": 7816,
+ "Ġclient": 7817,
+ "978": 7818,
+ "Ġamerican": 7819,
+ "Ġyounger": 7820,
+ "iotics": 7821,
+ "ĠColor": 7822,
+ "Ġmountain": 7823,
+ "Ġpdf": 7824,
+ "mm": 7825,
+ "ĠCatholic": 7826,
+ "ĠChange": 7827,
+ "Ġlens": 7828,
+ "Ġhandling": 7829,
+ "62": 7830,
+ "ĠLast": 7831,
+ "Ġembark": 7832,
+ "Ġuniform": 7833,
+ "Ġprivacy": 7834,
+ "Ġdevelopments": 7835,
+ "Ġspending": 7836,
+ "igare": 7837,
+ "UR": 7838,
+ "Ġwidespread": 7839,
+ "Ġrecommendations": 7840,
+ "Ġrail": 7841,
+ "Ġembed": 7842,
+ "ĠTem": 7843,
+ "ĠModel": 7844,
+ "erior": 7845,
+ "Ñĥ": 7846,
+ "rants": 7847,
+ "Ġmixture": 7848,
+ "ĠNatural": 7849,
+ "Ġadequate": 7850,
+ "Ġmaps": 7851,
+ "Ġaxis": 7852,
+ "body": 7853,
+ "Ġencompass": 7854,
+ "Ġeducators": 7855,
+ "Ġdistributed": 7856,
+ "Ġdigit": 7857,
+ "Ġnegot": 7858,
+ "onents": 7859,
+ "oices": 7860,
+ "ĠVict": 7861,
+ "Ġequality": 7862,
+ "Ġprotecting": 7863,
+ "Ġfewer": 7864,
+ "iche": 7865,
+ "Ġreveal": 7866,
+ "itter": 7867,
+ ".The": 7868,
+ "ĠTheory": 7869,
+ "capes": 7870,
+ "53": 7871,
+ "Ġpossibility": 7872,
+ "Ġcond": 7873,
+ "Ġfriendly": 7874,
+ "urb": 7875,
+ "ML": 7876,
+ "ployment": 7877,
+ "ircraft": 7878,
+ "rics": 7879,
+ "ĠOrig": 7880,
+ "Ġethics": 7881,
+ "Ġmamm": 7882,
+ "Go": 7883,
+ "```ĊĊ": 7884,
+ "ĠClin": 7885,
+ "Ġsessions": 7886,
+ "Ġbiggest": 7887,
+ "-friendly": 7888,
+ "Ġconstra": 7889,
+ "Ġprison": 7890,
+ "iences": 7891,
+ "Ġadministr": 7892,
+ "Ġmeasuring": 7893,
+ "DP": 7894,
+ "Ġped": 7895,
+ "ĠServices": 7896,
+ "ohn": 7897,
+ "Ġlect": 7898,
+ "Ġplenty": 7899,
+ "Ġperforming": 7900,
+ "box": 7901,
+ "Ġappeared": 7902,
+ "Ġpush": 7903,
+ "Ġfle": 7904,
+ "ĠProfessor": 7905,
+ "51": 7906,
+ "Ġqualities": 7907,
+ "Ġfest": 7908,
+ "ĠOcean": 7909,
+ "ĠVirgin": 7910,
+ "Ġboy": 7911,
+ "Ġflour": 7912,
+ "ĠDigital": 7913,
+ "Ġjump": 7914,
+ "Ġinherent": 7915,
+ "Ġarms": 7916,
+ "ĠRobert": 7917,
+ "54": 7918,
+ "Ġbeings": 7919,
+ "Ġintense": 7920,
+ "burg": 7921,
+ "Bl": 7922,
+ "Ġattached": 7923,
+ "Ġliteracy": 7924,
+ "Ġvulnerable": 7925,
+ "ĠEvent": 7926,
+ "umps": 7927,
+ "Ġfrequent": 7928,
+ "Ġrespiratory": 7929,
+ "Ġgradually": 7930,
+ "ĠRom": 7931,
+ "terol": 7932,
+ "/d": 7933,
+ "Ġgap": 7934,
+ "ĠBro": 7935,
+ "Ġbranch": 7936,
+ "ĠOh": 7937,
+ "Ġunw": 7938,
+ "Ġregulation": 7939,
+ "Ġveter": 7940,
+ "Ġdivide": 7941,
+ "eli": 7942,
+ "Ġsunlight": 7943,
+ "Ġcorner": 7944,
+ "such": 7945,
+ "Ġcontrovers": 7946,
+ "Ġreject": 7947,
+ "Ġcouldn": 7948,
+ "rant": 7949,
+ "igma": 7950,
+ "ommod": 7951,
+ "Ġarmy": 7952,
+ "Ġlegs": 7953,
+ "Ġlogic": 7954,
+ "align": 7955,
+ "ĠText": 7956,
+ "Ġfav": 7957,
+ "neys": 7958,
+ "Ġfeels": 7959,
+ "Ġevolved": 7960,
+ "Ġinn": 7961,
+ "Ġempt": 7962,
+ "Ġdebt": 7963,
+ "ports": 7964,
+ "Ġdifficulties": 7965,
+ "Ġpharm": 7966,
+ "eren": 7967,
+ "EP": 7968,
+ "ĠItalian": 7969,
+ "gers": 7970,
+ "ĠPolit": 7971,
+ "Ġdeaths": 7972,
+ "rypt": 7973,
+ "ota": 7974,
+ "ovascular": 7975,
+ "ilation": 7976,
+ "ĠItaly": 7977,
+ "itus": 7978,
+ "Ġoutl": 7979,
+ "Ġsoldiers": 7980,
+ "ĠSpecial": 7981,
+ "ĠBack": 7982,
+ "Ġoutd": 7983,
+ "ĠUr": 7984,
+ "Ġsuffer": 7985,
+ "Ġprominent": 7986,
+ "ãĢ": 7987,
+ "Ġdys": 7988,
+ "Ġperm": 7989,
+ "Ġcolour": 7990,
+ "ĠCommunity": 7991,
+ "rating": 7992,
+ "Ġpractition": 7993,
+ "ĠChoose": 7994,
+ "olesterol": 7995,
+ "Ġwaiting": 7996,
+ "Ġzone": 7997,
+ "Ġchemistry": 7998,
+ "zen": 7999,
+ "ĠPot": 8000,
+ "parent": 8001,
+ "Act": 8002,
+ "ĠKingdom": 8003,
+ "Ġgirl": 8004,
+ "Who": 8005,
+ "Ġdiameter": 8006,
+ "Ġreward": 8007,
+ "OP": 8008,
+ "Ġaccident": 8009,
+ "claim": 8010,
+ "Ġsucceed": 8011,
+ "inction": 8012,
+ "Ġcompetitive": 8013,
+ "ady": 8014,
+ "Ġamid": 8015,
+ "OC": 8016,
+ "alities": 8017,
+ "ĠWorksheet": 8018,
+ "sequently": 8019,
+ "Ġmic": 8020,
+ "Ġlibraries": 8021,
+ "Ġheating": 8022,
+ "Ġfeeding": 8023,
+ "oples": 8024,
+ "TH": 8025,
+ "Ġpracticing": 8026,
+ "Ġhousing": 8027,
+ "ĠAC": 8028,
+ "):čĊ": 8029,
+ "Ġengineers": 8030,
+ "Ġtissues": 8031,
+ "Ġshaped": 8032,
+ "ĠContin": 8033,
+ "Ġfu": 8034,
+ "Ġunus": 8035,
+ "Ġtrained": 8036,
+ "Ġnotable": 8037,
+ "Ġfly": 8038,
+ "Ġreviews": 8039,
+ "otypes": 8040,
+ "Ġagencies": 8041,
+ "BN": 8042,
+ "Ġvessels": 8043,
+ "Ġargue": 8044,
+ "Ġimplemented": 8045,
+ "agues": 8046,
+ "Ġlaboratory": 8047,
+ "ĠLead": 8048,
+ "Ġcurious": 8049,
+ "ĠSpain": 8050,
+ "Ġaccounting": 8051,
+ "Ġclot": 8052,
+ "ĠMont": 8053,
+ "west": 8054,
+ "ĠSmith": 8055,
+ "ĠImm": 8056,
+ "Ġgrew": 8057,
+ "ĠShow": 8058,
+ "Ġlingu": 8059,
+ "Ġcontrols": 8060,
+ "ĠDev": 8061,
+ "Ġtrials": 8062,
+ "state": 8063,
+ "79": 8064,
+ "ĠHall": 8065,
+ "Ġholding": 8066,
+ "Ġvolunte": 8067,
+ "Ġnoticed": 8068,
+ "Ġagents": 8069,
+ "Post": 8070,
+ "ĠFranc": 8071,
+ "âĢĺ": 8072,
+ "ĠCreate": 8073,
+ "ĠNote": 8074,
+ "Ġhouses": 8075,
+ "Ġauthentic": 8076,
+ "ittle": 8077,
+ "Ġoblig": 8078,
+ "])": 8079,
+ "ĠWelcome": 8080,
+ "ĠSupport": 8081,
+ "Ġtension": 8082,
+ "outs": 8083,
+ "opic": 8084,
+ "UL": 8085,
+ "Ġreflection": 8086,
+ "Ġunited": 8087,
+ "Ġreput": 8088,
+ "rowing": 8089,
+ "Ġmoments": 8090,
+ "orrect": 8091,
+ "ĠLand": 8092,
+ "Ġfossil": 8093,
+ ".)Ċ": 8094,
+ "Ġspin": 8095,
+ "Ġ\\$": 8096,
+ "Ġexperimental": 8097,
+ "Ġadm": 8098,
+ "110": 8099,
+ "Ġreferences": 8100,
+ "Ġsubstantial": 8101,
+ "Ġstimul": 8102,
+ "Ġhumanity": 8103,
+ "OG": 8104,
+ "Ġfarming": 8105,
+ "Ġclassical": 8106,
+ "Ġcoe": 8107,
+ "Ġforming": 8108,
+ "ĠEastern": 8109,
+ "Per": 8110,
+ "ĠSuper": 8111,
+ "Ġflexibility": 8112,
+ "osc": 8113,
+ "indu": 8114,
+ "Ġbridge": 8115,
+ "Ġagency": 8116,
+ "but": 8117,
+ "Ġopened": 8118,
+ "?\"": 8119,
+ "Ġreturned": 8120,
+ "ĠAR": 8121,
+ "Ġroof": 8122,
+ "uke": 8123,
+ "sey": 8124,
+ "ĠSil": 8125,
+ "Ġtang": 8126,
+ "fish": 8127,
+ "Ġauthorities": 8128,
+ "Ġorigins": 8129,
+ "utrit": 8130,
+ "ĠFace": 8131,
+ "iture": 8132,
+ "Yes": 8133,
+ "Ġecosystems": 8134,
+ "etime": 8135,
+ "ĠArmy": 8136,
+ "Ġflavor": 8137,
+ "Sub": 8138,
+ "Understanding": 8139,
+ "akistan": 8140,
+ "Ġspark": 8141,
+ "Ġthread": 8142,
+ "Ġthermal": 8143,
+ "Ġtranslation": 8144,
+ "rem": 8145,
+ "183": 8146,
+ "ï¼Į": 8147,
+ "ieval": 8148,
+ "Ġcommitted": 8149,
+ "AA": 8150,
+ "Ġranging": 8151,
+ "Ġhus": 8152,
+ "-known": 8153,
+ "craft": 8154,
+ "Ġnorms": 8155,
+ "Ġtreating": 8156,
+ "ctic": 8157,
+ "ĠRetrieved": 8158,
+ "Ġdetermining": 8159,
+ ".M": 8160,
+ "index": 8161,
+ "gien": 8162,
+ "acles": 8163,
+ "Ġwhenever": 8164,
+ "Ġfighting": 8165,
+ "Ġdioxide": 8166,
+ "Ġproportion": 8167,
+ "ĠSoviet": 8168,
+ "Ġcust": 8169,
+ "Of": 8170,
+ "Ġwellbeing": 8171,
+ "ading": 8172,
+ "Ġ\"\"\"Ċ": 8173,
+ "Ġderiv": 8174,
+ "rier": 8175,
+ "ĠCharles": 8176,
+ "ĠImpact": 8177,
+ "ĠAssess": 8178,
+ "Ġsought": 8179,
+ "Ġsurve": 8180,
+ "init": 8181,
+ "160": 8182,
+ "agram": 8183,
+ "Ġflight": 8184,
+ "Ġheavily": 8185,
+ "Ġminds": 8186,
+ "ĠWild": 8187,
+ "Ġfaces": 8188,
+ "ĠCommission": 8189,
+ "Ġpreserve": 8190,
+ "ĠAuthor": 8191,
+ "Ġdietary": 8192,
+ "Ġcoding": 8193,
+ "Ġtrauma": 8194,
+ "Ġsimultaneously": 8195,
+ "Use": 8196,
+ "Ġindeed": 8197,
+ ".|Ċ": 8198,
+ "```Ċ": 8199,
+ "Ġdependent": 8200,
+ "Figure": 8201,
+ "Ġbrows": 8202,
+ ")^": 8203,
+ "Ġrepresenting": 8204,
+ "onia": 8205,
+ "Ġ!": 8206,
+ "Ġresolve": 8207,
+ "ket": 8208,
+ "Ġnecessarily": 8209,
+ "ĠEr": 8210,
+ "ĠIde": 8211,
+ "ĠPhysics": 8212,
+ "Ġaddiction": 8213,
+ "Ġtack": 8214,
+ "elled": 8215,
+ "Ġinstant": 8216,
+ "_list": 8217,
+ "begin": 8218,
+ "Ġorgans": 8219,
+ "Ġconnecting": 8220,
+ "oving": 8221,
+ "Ġdoi": 8222,
+ "Ġcomprehension": 8223,
+ "phabet": 8224,
+ "ĠCanadian": 8225,
+ "Ġperception": 8226,
+ "Ġowner": 8227,
+ "Ġprinting": 8228,
+ "Ġnerve": 8229,
+ "ĠKen": 8230,
+ "Ġverb": 8231,
+ "ĠSecurity": 8232,
+ "ymph": 8233,
+ "health": 8234,
+ "ĠLake": 8235,
+ "Ġachieving": 8236,
+ "Ġsplit": 8237,
+ "Ġauton": 8238,
+ "Ġgrammar": 8239,
+ "zes": 8240,
+ "ĠAustralian": 8241,
+ "Ġupdated": 8242,
+ "sm": 8243,
+ "Ġavailability": 8244,
+ "Sim": 8245,
+ "Ġutilized": 8246,
+ "Ġintent": 8247,
+ "Pe": 8248,
+ "ĠResources": 8249,
+ "Ġdaughter": 8250,
+ "ostic": 8251,
+ "theless": 8252,
+ "Not": 8253,
+ "Ġcamera": 8254,
+ "Ġruns": 8255,
+ "Cons": 8256,
+ "Ġdepartment": 8257,
+ "Ġring": 8258,
+ "Ġunless": 8259,
+ "Ġmand": 8260,
+ "Ġmanual": 8261,
+ "ĠBig": 8262,
+ "Ġassume": 8263,
+ "Ġreserv": 8264,
+ "Ġstreet": 8265,
+ "List": 8266,
+ "Ġoverwhel": 8267,
+ "Ġexplored": 8268,
+ "Ref": 8269,
+ "ili": 8270,
+ "atively": 8271,
+ "Ġmir": 8272,
+ "Ġbigger": 8273,
+ "ĠBoard": 8274,
+ "Ġrealize": 8275,
+ "/m": 8276,
+ "ĠJose": 8277,
+ "ĠEc": 8278,
+ "Ġlights": 8279,
+ "Ġhem": 8280,
+ "ĠDownload": 8281,
+ "cribed": 8282,
+ "avy": 8283,
+ "Ġfellow": 8284,
+ "ĠChristmas": 8285,
+ "Ġdishes": 8286,
+ "63": 8287,
+ "Ġhung": 8288,
+ "Ġsight": 8289,
+ "Ġviruses": 8290,
+ "ette": 8291,
+ "Ġcomments": 8292,
+ "ĠSqu": 8293,
+ "ا": 8294,
+ "Ġrhyth": 8295,
+ "Ġcompassion": 8296,
+ "Ġru": 8297,
+ "ĠLog": 8298,
+ "ĠUlt": 8299,
+ "Ġinspire": 8300,
+ "Ġaudio": 8301,
+ "Ġcrusher": 8302,
+ "ĠParis": 8303,
+ "ĠViet": 8304,
+ "Ġstere": 8305,
+ "ruption": 8306,
+ "ĠOnly": 8307,
+ "Ġaccurately": 8308,
+ "Ġcontributes": 8309,
+ "Last": 8310,
+ "Ġmetabol": 8311,
+ "Ġnewsp": 8312,
+ "Ġpublication": 8313,
+ "coin": 8314,
+ "ĠNations": 8315,
+ "ĠHaw": 8316,
+ "Ġoccasion": 8317,
+ "Ġcoron": 8318,
+ "ograp": 8319,
+ "Ġinstances": 8320,
+ "Ġaspir": 8321,
+ "Ġrac": 8322,
+ "Ġrelief": 8323,
+ "Ġvitamins": 8324,
+ "Ġsharp": 8325,
+ "havior": 8326,
+ "ipher": 8327,
+ "ogenic": 8328,
+ "Ġcontributed": 8329,
+ "ĠAst": 8330,
+ "ĠNASA": 8331,
+ "Ġcomprom": 8332,
+ "Comm": 8333,
+ "Alice": 8334,
+ "Ġdifferently": 8335,
+ "icide": 8336,
+ "Ġwarming": 8337,
+ "Ġworse": 8338,
+ "'.": 8339,
+ "Find": 8340,
+ "ĠIre": 8341,
+ "ĠFun": 8342,
+ "Ġobservation": 8343,
+ "iological": 8344,
+ "Ġhappening": 8345,
+ "telling": 8346,
+ "ĠTry": 8347,
+ "Ġwilling": 8348,
+ "ĠCarol": 8349,
+ "Ġles": 8350,
+ "faction": 8351,
+ "Ġdisadvant": 8352,
+ "Ġaest": 8353,
+ "edge": 8354,
+ "ĠDan": 8355,
+ "Ġnu": 8356,
+ "Ġmemor": 8357,
+ ")/": 8358,
+ "Ġchose": 8359,
+ "Ġphrase": 8360,
+ "ĠHenry": 8361,
+ "Ġactively": 8362,
+ "earchers": 8363,
+ "car": 8364,
+ "liament": 8365,
+ "Ġaward": 8366,
+ "Ġhypothesis": 8367,
+ "Table": 8368,
+ "Ġopinions": 8369,
+ "Ġnine": 8370,
+ "Ġbranches": 8371,
+ "ulty": 8372,
+ "Ġtrouble": 8373,
+ "Ġcomplications": 8374,
+ "Ġrising": 8375,
+ "ĠDisease": 8376,
+ "Ġobesity": 8377,
+ "Ġneighborhood": 8378,
+ "IM": 8379,
+ "Ġputting": 8380,
+ "ĠWood": 8381,
+ "ĠAnswer": 8382,
+ "Ġaccommod": 8383,
+ "Ġwatching": 8384,
+ "Ġoriginally": 8385,
+ "-by": 8386,
+ "Ġofficials": 8387,
+ "apor": 8388,
+ "Ġfro": 8389,
+ "Ġvariation": 8390,
+ "Ġreceiving": 8391,
+ "Ġchlor": 8392,
+ "lessly": 8393,
+ "everal": 8394,
+ "Ġintrig": 8395,
+ "Ġcombat": 8396,
+ "-scale": 8397,
+ "Ġepis": 8398,
+ "Ġproceed": 8399,
+ "Ġsession": 8400,
+ "Ġnervous": 8401,
+ "ĠLouis": 8402,
+ "ala": 8403,
+ "Ġmotivation": 8404,
+ "Ġneck": 8405,
+ "Ġmg": 8406,
+ "Ġmetals": 8407,
+ "charge": 8408,
+ "ĠThose": 8409,
+ "-con": 8410,
+ "Ġneur": 8411,
+ "esis": 8412,
+ "fortunately": 8413,
+ "ĠHappy": 8414,
+ "Ġutilize": 8415,
+ "ĠNetwork": 8416,
+ "Ġsensitivity": 8417,
+ "Ġsla": 8418,
+ "ĠFlorida": 8419,
+ "Ġdispl": 8420,
+ "log": 8421,
+ "ĠThree": 8422,
+ "Ġham": 8423,
+ "Ġpairs": 8424,
+ "Ġgent": 8425,
+ "ĠCell": 8426,
+ "rapeutic": 8427,
+ "Ġdiffer": 8428,
+ "Ġpassing": 8429,
+ "Ġschedule": 8430,
+ "ĠFig": 8431,
+ "oly": 8432,
+ "ĠOffice": 8433,
+ "merican": 8434,
+ "umns": 8435,
+ "Ġvisitors": 8436,
+ "ĠClick": 8437,
+ "iotic": 8438,
+ "Ġmyster": 8439,
+ "Ġpanels": 8440,
+ "Ġadvances": 8441,
+ "\")": 8442,
+ "([": 8443,
+ "Ġatoms": 8444,
+ "Ġpeak": 8445,
+ "Ġidentification": 8446,
+ "ĠPhysical": 8447,
+ "Other": 8448,
+ "Ġequally": 8449,
+ "See": 8450,
+ "Ġarise": 8451,
+ "Ġarrived": 8452,
+ "ICTION": 8453,
+ "Ġfractions": 8454,
+ "brid": 8455,
+ "Ġattitudes": 8456,
+ "ano": 8457,
+ "Ġchances": 8458,
+ "Ġkidney": 8459,
+ "ishes": 8460,
+ "HD": 8461,
+ "uity": 8462,
+ "asting": 8463,
+ "Ġscores": 8464,
+ "Ġflexible": 8465,
+ "ĠHistorical": 8466,
+ "Ġweakness": 8467,
+ "Ġforum": 8468,
+ "Med": 8469,
+ "Ġpanel": 8470,
+ "Ġuniversal": 8471,
+ "%)": 8472,
+ "Ġborder": 8473,
+ "Ġslavery": 8474,
+ "abel": 8475,
+ "Ġenhanced": 8476,
+ "Ġcalories": 8477,
+ "ĠBrazil": 8478,
+ "ĠYoung": 8479,
+ "Ġcounsel": 8480,
+ "ivities": 8481,
+ "Ġstroke": 8482,
+ "Ġforg": 8483,
+ "Ġaircraft": 8484,
+ "Ġphosph": 8485,
+ "Ġpit": 8486,
+ "\".Ċ": 8487,
+ "Ġdelay": 8488,
+ "Where": 8489,
+ "ĠBuilding": 8490,
+ "aved": 8491,
+ "Ġbanks": 8492,
+ "ĠGard": 8493,
+ "abil": 8494,
+ "Ġinvestigate": 8495,
+ "ĠMad": 8496,
+ "Ġpreserving": 8497,
+ "Ġvillage": 8498,
+ "Ġthoroughly": 8499,
+ "uy": 8500,
+ "Ġcholesterol": 8501,
+ "Ġprovider": 8502,
+ "orses": 8503,
+ "ooking": 8504,
+ "Aut": 8505,
+ "Ġrequiring": 8506,
+ "Ġresulted": 8507,
+ "Ġembracing": 8508,
+ "Ġtempl": 8509,
+ "bohyd": 8510,
+ "Ġgreenhouse": 8511,
+ "Part": 8512,
+ "Ġterritory": 8513,
+ "Ġturb": 8514,
+ "Ġintensity": 8515,
+ "Ġfitness": 8516,
+ "800": 8517,
+ "hand": 8518,
+ "Ġdecreased": 8519,
+ "Ġloop": 8520,
+ "Ġforth": 8521,
+ "icago": 8522,
+ "Ġphotograph": 8523,
+ "Ġinspect": 8524,
+ "ĠPage": 8525,
+ "ceptions": 8526,
+ "rot": 8527,
+ "ĠĊĊ": 8528,
+ "aired": 8529,
+ "Pub": 8530,
+ "osion": 8531,
+ "Ġconsume": 8532,
+ "amine": 8533,
+ "ĠLabor": 8534,
+ "ĠMusic": 8535,
+ "Ġthousand": 8536,
+ "Ġinclusive": 8537,
+ "erb": 8538,
+ "ritis": 8539,
+ "gment": 8540,
+ "lete": 8541,
+ ".n": 8542,
+ "airy": 8543,
+ "Ġmes": 8544,
+ "Ġlatter": 8545,
+ "Ġtube": 8546,
+ "Ġfounded": 8547,
+ "_m": 8548,
+ "ĠFederal": 8549,
+ "ĠNever": 8550,
+ "ĠArts": 8551,
+ "Ġspectrum": 8552,
+ "utch": 8553,
+ "opes": 8554,
+ "ĠImpro": 8555,
+ "ĠAdminist": 8556,
+ "yroid": 8557,
+ "itals": 8558,
+ "Ġhole": 8559,
+ "Ġpopularity": 8560,
+ "Ġemphasis": 8561,
+ "ĠCirc": 8562,
+ "в": 8563,
+ "ĠSelect": 8564,
+ "rade": 8565,
+ "-G": 8566,
+ "ĠChristianity": 8567,
+ "agnetic": 8568,
+ "Ġpayment": 8569,
+ "Ġhob": 8570,
+ "ĠDraw": 8571,
+ "Ġunable": 8572,
+ "-r": 8573,
+ "Ġpassage": 8574,
+ "ĠMa": 8575,
+ "oven": 8576,
+ "ESS": 8577,
+ "bf": 8578,
+ "Ġstatistical": 8579,
+ "Ġconj": 8580,
+ "ĠIreland": 8581,
+ "OW": 8582,
+ "heim": 8583,
+ "-a": 8584,
+ "ĠMer": 8585,
+ "writing": 8586,
+ "ĠĠĠĠĠ": 8587,
+ "connected": 8588,
+ "Ġmarginal": 8589,
+ "ultural": 8590,
+ "Ġadds": 8591,
+ "ĠJohns": 8592,
+ "Ġfell": 8593,
+ "Ġdanger": 8594,
+ "ifier": 8595,
+ "Ġsensors": 8596,
+ "Ġcater": 8597,
+ "emia": 8598,
+ "issance": 8599,
+ "Ġpreparing": 8600,
+ "Despite": 8601,
+ "Ġbath": 8602,
+ "heast": 8603,
+ "Ġseemed": 8604,
+ "ĠProduct": 8605,
+ "ĠFil": 8606,
+ "Ġ\\\\": 8607,
+ "Ġglobe": 8608,
+ "ĠStage": 8609,
+ "iox": 8610,
+ "Ġfever": 8611,
+ "Ġindicated": 8612,
+ "Ġtelevision": 8613,
+ "ĠJe": 8614,
+ "ga": 8615,
+ "ĠYet": 8616,
+ "ĠRegular": 8617,
+ "61": 8618,
+ "ca": 8619,
+ "Create": 8620,
+ "ĠHam": 8621,
+ "Ġacknowled": 8622,
+ "Ġepid": 8623,
+ "Col": 8624,
+ "ĠTogether": 8625,
+ "Ġextraord": 8626,
+ "!!": 8627,
+ "Ġpermanent": 8628,
+ "ĠObject": 8629,
+ "Ġclub": 8630,
+ "Ġstuff": 8631,
+ "ateral": 8632,
+ "ĠIII": 8633,
+ "Ġadolesc": 8634,
+ "Ġinequality": 8635,
+ "itt": 8636,
+ "Ġstores": 8637,
+ "Ġlists": 8638,
+ "Ġstakeholders": 8639,
+ "Ġelif": 8640,
+ "ĠGraph": 8641,
+ "Ġgraphic": 8642,
+ "ani": 8643,
+ "ĠLib": 8644,
+ "Ġcream": 8645,
+ "isco": 8646,
+ "Ġfunctioning": 8647,
+ "ĠTimes": 8648,
+ "Am": 8649,
+ "Ġacute": 8650,
+ "isters": 8651,
+ "Ġhydro": 8652,
+ "Ġduration": 8653,
+ "Ġlighting": 8654,
+ "Ġassigned": 8655,
+ "IA": 8656,
+ "inson": 8657,
+ "Ġcontexts": 8658,
+ "Ġcontained": 8659,
+ "89": 8660,
+ "Ġcelebrate": 8661,
+ "ynomial": 8662,
+ "bar": 8663,
+ "Ġdistrict": 8664,
+ "Ġagent": 8665,
+ "Ġphoto": 8666,
+ "rink": 8667,
+ "ĠIT": 8668,
+ "Ġstead": 8669,
+ "Ġdish": 8670,
+ "Ġtact": 8671,
+ "ĠPoint": 8672,
+ "Ġsmoke": 8673,
+ "irds": 8674,
+ "Ġdictionary": 8675,
+ "hma": 8676,
+ "Ġvarieties": 8677,
+ "Ġjoined": 8678,
+ "}Ċ": 8679,
+ "ĠResp": 8680,
+ "rand": 8681,
+ "ĠSelf": 8682,
+ "Ġsoph": 8683,
+ "atile": 8684,
+ "Ġtub": 8685,
+ "-v": 8686,
+ "181": 8687,
+ "sell": 8688,
+ "Ġdirector": 8689,
+ "plant": 8690,
+ "Ġmultiplication": 8691,
+ "rip": 8692,
+ "ĠClimate": 8693,
+ "Ġended": 8694,
+ "Ġboys": 8695,
+ "een": 8696,
+ "Ġdamaged": 8697,
+ "View": 8698,
+ "Ġintegrity": 8699,
+ "Ġwidth": 8700,
+ "Ġpolar": 8701,
+ "Welcome": 8702,
+ "}^{": 8703,
+ "Ġinstalled": 8704,
+ "war": 8705,
+ "Ġfemin": 8706,
+ "hemical": 8707,
+ "Ġcontainer": 8708,
+ "Ġvan": 8709,
+ "Ġshock": 8710,
+ "Ġhighlights": 8711,
+ "alls": 8712,
+ "ĠCP": 8713,
+ "metic": 8714,
+ "Ġmeth": 8715,
+ "Ġencouraging": 8716,
+ "Ġdecade": 8717,
+ "isher": 8718,
+ "Ġreplaced": 8719,
+ "Ġcovering": 8720,
+ "ideo": 8721,
+ "Fe": 8722,
+ "Ġordinary": 8723,
+ "aining": 8724,
+ "ston": 8725,
+ "Ġwhatever": 8726,
+ "amination": 8727,
+ "Ġedges": 8728,
+ "ĠThanks": 8729,
+ "âĢĻ,": 8730,
+ "Ġtor": 8731,
+ "Ġcas": 8732,
+ "Ġecological": 8733,
+ "ĠNov": 8734,
+ "rane": 8735,
+ "venile": 8736,
+ "Ġfinished": 8737,
+ "ĠBur": 8738,
+ "Ġsocio": 8739,
+ "ðĿij": 8740,
+ "Ġdispos": 8741,
+ "doi": 8742,
+ "Ġtick": 8743,
+ "Ġbringing": 8744,
+ "ĠName": 8745,
+ "Ġconfident": 8746,
+ "Ġversions": 8747,
+ "Ġwonderful": 8748,
+ "Ġdrag": 8749,
+ "ĠFund": 8750,
+ "ĠTom": 8751,
+ "ĠLight": 8752,
+ "Ġconclusions": 8753,
+ "Ġhence": 8754,
+ "Ġflash": 8755,
+ "Ġchannel": 8756,
+ "Ġreaching": 8757,
+ "ĠCommit": 8758,
+ "illa": 8759,
+ "Ġclassification": 8760,
+ "Ġreveals": 8761,
+ "Ġmicrob": 8762,
+ "Ġexplicit": 8763,
+ "Ġcontamin": 8764,
+ "arly": 8765,
+ "Ġminimal": 8766,
+ "etary": 8767,
+ "Ġflower": 8768,
+ "Ġsched": 8769,
+ "Ġnutrient": 8770,
+ "ĠFalse": 8771,
+ "Ġfourth": 8772,
+ "Ġrobot": 8773,
+ "Ġshed": 8774,
+ "ude": 8775,
+ "ĠTor": 8776,
+ "Eng": 8777,
+ "Ġtract": 8778,
+ "ĠCost": 8779,
+ "IST": 8780,
+ "Ġburning": 8781,
+ "='": 8782,
+ "Ġchief": 8783,
+ "ounce": 8784,
+ "avirus": 8785,
+ "ĠYes": 8786,
+ "irms": 8787,
+ "Ġhappiness": 8788,
+ "Ġdominant": 8789,
+ "Ġbiom": 8790,
+ "ĠSection": 8791,
+ "Ġminute": 8792,
+ "roductive": 8793,
+ "Using": 8794,
+ "Ġvarying": 8795,
+ "âĢ¦âĢ¦": 8796,
+ "Ġwise": 8797,
+ "Ġinvention": 8798,
+ "Ġnice": 8799,
+ "Ġhardware": 8800,
+ "Ġadverse": 8801,
+ "Reg": 8802,
+ "oster": 8803,
+ "Ġfinance": 8804,
+ "ĠCamp": 8805,
+ "Ġmerely": 8806,
+ ".f": 8807,
+ "Ġnursing": 8808,
+ "acent": 8809,
+ "Ġproven": 8810,
+ "ih": 8811,
+ "irty": 8812,
+ "Ġfalls": 8813,
+ "iler": 8814,
+ "Ġagreed": 8815,
+ "ruit": 8816,
+ "ependent": 8817,
+ "Ġinterface": 8818,
+ "Ġgast": 8819,
+ "-dimensional": 8820,
+ "Ġnob": 8821,
+ "bridge": 8822,
+ "Ġmemories": 8823,
+ "ediatric": 8824,
+ "Ġprotective": 8825,
+ "pective": 8826,
+ "ĠSolution": 8827,
+ "ĠSouthern": 8828,
+ "acco": 8829,
+ "ĠPur": 8830,
+ "Ġextend": 8831,
+ "ĠNorthern": 8832,
+ "Ġstrain": 8833,
+ "ĠPeter": 8834,
+ "ĠAmazon": 8835,
+ "ĠCultural": 8836,
+ "ĠWindows": 8837,
+ "ĠOpt": 8838,
+ "otherapy": 8839,
+ "Ġbreaking": 8840,
+ "ĠVictor": 8841,
+ "esides": 8842,
+ "Ġshares": 8843,
+ "ĠMove": 8844,
+ "ĠScott": 8845,
+ "Ġdirections": 8846,
+ "Ġdefinitions": 8847,
+ "Ġconfig": 8848,
+ "Ġneural": 8849,
+ "Ġautomatically": 8850,
+ "Ġremoval": 8851,
+ "Ġtransactions": 8852,
+ "Ġthrive": 8853,
+ "Ġgone": 8854,
+ "Remember": 8855,
+ "Ġprecision": 8856,
+ "ĠScot": 8857,
+ "Ġexhibit": 8858,
+ "ĠEconom": 8859,
+ "Ġgrinding": 8860,
+ "ĠSarah": 8861,
+ "-W": 8862,
+ "ĠCH": 8863,
+ "eness": 8864,
+ "ĠCase": 8865,
+ "ĠKids": 8866,
+ "Le": 8867,
+ "Ġwheel": 8868,
+ "Ġpowder": 8869,
+ "Ġinteger": 8870,
+ "ĠProm": 8871,
+ "azine": 8872,
+ "return": 8873,
+ "Ġfilms": 8874,
+ "Ġentreprene": 8875,
+ "Ġcarrying": 8876,
+ "taining": 8877,
+ "Ġdefense": 8878,
+ "heric": 8879,
+ "Ġhorizontal": 8880,
+ "ĠSafety": 8881,
+ "inf": 8882,
+ "Ġcav": 8883,
+ "Ġinterval": 8884,
+ "Ġmyself": 8885,
+ "Ġirrit": 8886,
+ "Ġrelat": 8887,
+ "Ġdesigning": 8888,
+ "ĠPolicy": 8889,
+ "ĠAnaly": 8890,
+ "ĠPet": 8891,
+ "ĠFuture": 8892,
+ "Lesson": 8893,
+ "-Ċ": 8894,
+ "ĠGal": 8895,
+ "rance": 8896,
+ "Ġease": 8897,
+ "aked": 8898,
+ "ĠLow": 8899,
+ "Ġempty": 8900,
+ "Ġspatial": 8901,
+ "Ġhealthier": 8902,
+ "Ġcompelling": 8903,
+ "Ġgravity": 8904,
+ "Ġroute": 8905,
+ "Ġdiscoveries": 8906,
+ "Ġrevenue": 8907,
+ "Ġdraft": 8908,
+ "Ġsad": 8909,
+ "âĢĻd": 8910,
+ "anning": 8911,
+ "Ġusual": 8912,
+ "Ġtu": 8913,
+ "Ġpoison": 8914,
+ "Ġmanifest": 8915,
+ "Ġlandscapes": 8916,
+ "Ġvote": 8917,
+ "Ġdecimal": 8918,
+ "Ġdefect": 8919,
+ "Ġdil": 8920,
+ "ĠNext": 8921,
+ "rium": 8922,
+ "Please": 8923,
+ "Ġapps": 8924,
+ "Ġalternatives": 8925,
+ "mia": 8926,
+ "Ġcyl": 8927,
+ "Ġflows": 8928,
+ "Ġshot": 8929,
+ "Ġpin": 8930,
+ "ĠĠĠĠĊ": 8931,
+ "ali": 8932,
+ "Ġrivers": 8933,
+ "Ġparas": 8934,
+ "ĠDou": 8935,
+ "Ġattach": 8936,
+ "Ġgut": 8937,
+ "Ġtwenty": 8938,
+ "Ġselecting": 8939,
+ "Ġwww": 8940,
+ "Ġtales": 8941,
+ "Ġattempts": 8942,
+ "ĠCode": 8943,
+ "archy": 8944,
+ "Ġtrick": 8945,
+ "ĠTH": 8946,
+ "Ġexamined": 8947,
+ "egu": 8948,
+ "Ġdelicious": 8949,
+ "ĠComputer": 8950,
+ "Ġfemales": 8951,
+ "Ġkeeps": 8952,
+ "Ġradius": 8953,
+ "Ġdivis": 8954,
+ "Ġlaser": 8955,
+ "Ġhonor": 8956,
+ "Ġversus": 8957,
+ "giene": 8958,
+ "Ġfailed": 8959,
+ "earing": 8960,
+ "$,": 8961,
+ "ools": 8962,
+ "Ġdrain": 8963,
+ "Ġsongs": 8964,
+ "Ġbehavioral": 8965,
+ "Ġunusual": 8966,
+ "Sp": 8967,
+ "ĠAgricult": 8968,
+ "Ġdoubt": 8969,
+ "Ġcorn": 8970,
+ "format": 8971,
+ "reated": 8972,
+ "arding": 8973,
+ "under": 8974,
+ "âĤ": 8975,
+ "PT": 8976,
+ "Ġdepart": 8977,
+ "Ġhistoric": 8978,
+ "Ġvolcan": 8979,
+ "AG": 8980,
+ "ocolate": 8981,
+ "igue": 8982,
+ "Ġmice": 8983,
+ "Ġcharacteristic": 8984,
+ "apse": 8985,
+ "ears": 8986,
+ "(-": 8987,
+ "Ġsilver": 8988,
+ "Ġreporting": 8989,
+ "Ġdetermination": 8990,
+ "ERS": 8991,
+ "Ġpromotes": 8992,
+ "Fig": 8993,
+ "Ġmutual": 8994,
+ "Ġdiagnosed": 8995,
+ "-world": 8996,
+ "ffective": 8997,
+ "Ġcentre": 8998,
+ "sum": 8999,
+ "Ġabsence": 9000,
+ "Ġutilizing": 9001,
+ "Ġbabies": 9002,
+ "Ġsolely": 9003,
+ "Ġeliminate": 9004,
+ "ailable": 9005,
+ "Ġven": 9006,
+ "erman": 9007,
+ "top": 9008,
+ "rary": 9009,
+ "-solving": 9010,
+ "Ġdispar": 9011,
+ "ĠMedia": 9012,
+ "Ġcontrolling": 9013,
+ "imeter": 9014,
+ "Ġdiscipline": 9015,
+ "dit": 9016,
+ "anta": 9017,
+ "Ġouter": 9018,
+ "Ġmortality": 9019,
+ "Ġenthusi": 9020,
+ "Ġresponsibilities": 9021,
+ "ĠDoc": 9022,
+ "Ġcooling": 9023,
+ "ĠInit": 9024,
+ "Ġcardiovascular": 9025,
+ "efits": 9026,
+ "Ġanticip": 9027,
+ "Ġfeat": 9028,
+ "Ġappeal": 9029,
+ "Ġprincipal": 9030,
+ "ĠPakistan": 9031,
+ "97": 9032,
+ "Ġfung": 9033,
+ "Ġsummar": 9034,
+ "Ġadventures": 9035,
+ "Ġworkplace": 9036,
+ "edy": 9037,
+ "Ġmales": 9038,
+ "Ġnone": 9039,
+ "ĠBab": 9040,
+ "Ġ_": 9041,
+ "Ġsale": 9042,
+ "Ġprofile": 9043,
+ "Ġmold": 9044,
+ "ĠSat": 9045,
+ "ĠProblem": 9046,
+ "ema": 9047,
+ "Ġirre": 9048,
+ "ĠMS": 9049,
+ "ĠFour": 9050,
+ "otton": 9051,
+ "ercise": 9052,
+ "Ġpreferred": 9053,
+ "Ġkne": 9054,
+ "Ġchannels": 9055,
+ "Ġrestaur": 9056,
+ "eterm": 9057,
+ "Ġextraordinary": 9058,
+ "Ġmagic": 9059,
+ "Ġfinds": 9060,
+ "ĠCross": 9061,
+ "Ġmultiply": 9062,
+ "ĠpH": 9063,
+ "theta": 9064,
+ "Ġov": 9065,
+ "Ġmeditation": 9066,
+ "Ġlip": 9067,
+ "rine": 9068,
+ "ĠColumb": 9069,
+ "Ġpropag": 9070,
+ "rh": 9071,
+ "Ġtargets": 9072,
+ "Ġmistakes": 9073,
+ "Ġmodule": 9074,
+ "Ġbatteries": 9075,
+ "Ġquadr": 9076,
+ "%,": 9077,
+ "_l": 9078,
+ "Ġic": 9079,
+ "jud": 9080,
+ "oys": 9081,
+ "Ġpeoples": 9082,
+ "102": 9083,
+ "ribution": 9084,
+ "ĠLiterature": 9085,
+ "Ġlegislation": 9086,
+ "Ġfo": 9087,
+ "izers": 9088,
+ "Ġnovels": 9089,
+ "Ġdefinitely": 9090,
+ "Ġille": 9091,
+ "urable": 9092,
+ "ĠMen": 9093,
+ "sters": 9094,
+ "Ġarc": 9095,
+ "Ġfinish": 9096,
+ "Ġradical": 9097,
+ "ĠVirginia": 9098,
+ "ĠIslamic": 9099,
+ "Ġinher": 9100,
+ "Ġescape": 9101,
+ "Ġprinted": 9102,
+ "Ġtot": 9103,
+ "Ġcompens": 9104,
+ "ĠAsk": 9105,
+ "Ġcham": 9106,
+ "itarian": 9107,
+ "Ġsafely": 9108,
+ "vin": 9109,
+ "fol": 9110,
+ "Ġdemocracy": 9111,
+ "Ġconstructed": 9112,
+ "-res": 9113,
+ "Ġlie": 9114,
+ "Ġcontents": 9115,
+ "ett": 9116,
+ "Ġacting": 9117,
+ "Ġcountless": 9118,
+ "ĠMathematics": 9119,
+ "Ġsuperior": 9120,
+ "ivered": 9121,
+ "ĠBased": 9122,
+ "Ġintest": 9123,
+ "Ġdisabilities": 9124,
+ "Ġarchae": 9125,
+ "Ġbag": 9126,
+ "reek": 9127,
+ "EF": 9128,
+ "ĠIss": 9129,
+ "roat": 9130,
+ "['": 9131,
+ "Ġparad": 9132,
+ "Ġtip": 9133,
+ "duction": 9134,
+ "Ġgenre": 9135,
+ "Ġnodes": 9136,
+ "ĠArticle": 9137,
+ "Ġspecified": 9138,
+ "ĠConstitution": 9139,
+ "Ġbuying": 9140,
+ "Ġdriven": 9141,
+ "ĠAcademy": 9142,
+ "TP": 9143,
+ "Ġsuscept": 9144,
+ "Ġmicrosc": 9145,
+ "action": 9146,
+ "ĠAncient": 9147,
+ "Ġcomplement": 9148,
+ "ĠLi": 9149,
+ "hend": 9150,
+ "haust": 9151,
+ "Ġcompos": 9152,
+ "Ġpromise": 9153,
+ "ptom": 9154,
+ "aws": 9155,
+ "Ġrecover": 9156,
+ "Ġtough": 9157,
+ "Ġphilosoph": 9158,
+ "Ġcaptivating": 9159,
+ "Ġcement": 9160,
+ "Ġritual": 9161,
+ "Ġtoys": 9162,
+ "Ġidentities": 9163,
+ "Ġcolleagues": 9164,
+ "Ġscope": 9165,
+ "':": 9166,
+ "ĠEU": 9167,
+ "Ġmodified": 9168,
+ "DS": 9169,
+ "Ġanywhere": 9170,
+ "ioxid": 9171,
+ "Ans": 9172,
+ "utrition": 9173,
+ "Ġwine": 9174,
+ "elfare": 9175,
+ "Ġpregnant": 9176,
+ "ĠCulture": 9177,
+ "Ġdecay": 9178,
+ "idation": 9179,
+ "°C": 9180,
+ "ĠDiscuss": 9181,
+ "ĠConsequently": 9182,
+ "Ġscenario": 9183,
+ "Ġtab": 9184,
+ "ĠExcel": 9185,
+ "Ġbias": 9186,
+ "Ġpiv": 9187,
+ "des": 9188,
+ "otype": 9189,
+ "Ġbacterial": 9190,
+ "__(": 9191,
+ "Ġcombine": 9192,
+ "Ġestimates": 9193,
+ "Ġmigration": 9194,
+ "zym": 9195,
+ "Ġimaging": 9196,
+ "ĠCr": 9197,
+ "ĠGener": 9198,
+ "Tra": 9199,
+ "iber": 9200,
+ "angles": 9201,
+ "Next": 9202,
+ "Ġoutbre": 9203,
+ "Ġtaxes": 9204,
+ "Ġoutdoor": 9205,
+ "Ġflag": 9206,
+ "Ġunders": 9207,
+ "ĠStandard": 9208,
+ "Art": 9209,
+ "ĠEp": 9210,
+ "Ġelectrons": 9211,
+ "Ġsheets": 9212,
+ "Today": 9213,
+ "ĠIncre": 9214,
+ "ĠTO": 9215,
+ "cribe": 9216,
+ "(i": 9217,
+ "ĠDictionary": 9218,
+ "Ġclock": 9219,
+ "ethe": 9220,
+ "Ġchest": 9221,
+ "ario": 9222,
+ "Question": 9223,
+ "Ġnose": 9224,
+ "pie": 9225,
+ "Ġpython": 9226,
+ "standing": 9227,
+ "Ġperceived": 9228,
+ "ailed": 9229,
+ "((": 9230,
+ "itting": 9231,
+ "ĠâĢĿ": 9232,
+ "ogs": 9233,
+ "yal": 9234,
+ "Ġtourism": 9235,
+ "Ġcomparing": 9236,
+ "Ġhonest": 9237,
+ "Ġbasics": 9238,
+ ")ĊĊĊ": 9239,
+ "Ġgro": 9240,
+ "Ġnewly": 9241,
+ "ocur": 9242,
+ "Ġneutral": 9243,
+ "Ġstrongly": 9244,
+ "Ġmembrane": 9245,
+ "Ġhier": 9246,
+ "Ġessentially": 9247,
+ "books": 9248,
+ "Ġhabitats": 9249,
+ "Ġlaunched": 9250,
+ "Ġpreschool": 9251,
+ "Ġsteam": 9252,
+ "ĠMel": 9253,
+ "edu": 9254,
+ "ĠPlace": 9255,
+ "Ġcombining": 9256,
+ "ĠOrganization": 9257,
+ "Ġreverse": 9258,
+ "Ġphenomena": 9259,
+ "Ġweigh": 9260,
+ "м": 9261,
+ "87": 9262,
+ "Ġpeer": 9263,
+ "182": 9264,
+ "Ġbiodiversity": 9265,
+ "Ġlogical": 9266,
+ "Ġwal": 9267,
+ "Ġprocessed": 9268,
+ "Ġchicken": 9269,
+ "Ġconsiderations": 9270,
+ "Ġlosses": 9271,
+ "(input": 9272,
+ "Ġcalculations": 9273,
+ "Ġgrains": 9274,
+ "Ġspoken": 9275,
+ "Ġexpenses": 9276,
+ "Ġsupposed": 9277,
+ "abeth": 9278,
+ "Ġcoc": 9279,
+ "Ġequipped": 9280,
+ "IF": 9281,
+ "ĠThough": 9282,
+ "Ġimprovements": 9283,
+ "Ġimmers": 9284,
+ "orted": 9285,
+ "Ġclassified": 9286,
+ "ritten": 9287,
+ "Me": 9288,
+ "Ġwondered": 9289,
+ "Ġsuit": 9290,
+ "ĠBill": 9291,
+ "Ġhur": 9292,
+ "ĠWords": 9293,
+ "ĠNaz": 9294,
+ "Ġcontribution": 9295,
+ "Ġuncom": 9296,
+ "Ġeconomics": 9297,
+ "ega": 9298,
+ "Ġpra": 9299,
+ "Ġsensor": 9300,
+ "Ġrecognizing": 9301,
+ "holds": 9302,
+ "Hist": 9303,
+ "Ġcurrency": 9304,
+ "Ġrelate": 9305,
+ "Ġpresenting": 9306,
+ "Ġannounced": 9307,
+ "Ġphysically": 9308,
+ "urse": 9309,
+ "Ġmarried": 9310,
+ "Ġaccompan": 9311,
+ "athered": 9312,
+ "acies": 9313,
+ "ĠInterest": 9314,
+ "ĠCard": 9315,
+ "Ġcooperation": 9316,
+ "rous": 9317,
+ "izational": 9318,
+ "Ġavoiding": 9319,
+ "ĠMaybe": 9320,
+ "ynt": 9321,
+ "Ġunity": 9322,
+ "iments": 9323,
+ "ĠDen": 9324,
+ "Ġparticle": 9325,
+ "Ñı": 9326,
+ "Ġwouldn": 9327,
+ "Ġshad": 9328,
+ "Ġsmell": 9329,
+ "vance": 9330,
+ "UM": 9331,
+ "iat": 9332,
+ "Ġundert": 9333,
+ "uine": 9334,
+ "ĠStreet": 9335,
+ "Every": 9336,
+ "Ġupdate": 9337,
+ "ĠAL": 9338,
+ "------": 9339,
+ "111": 9340,
+ "Ġtropical": 9341,
+ "Ġstrengths": 9342,
+ "Ġrows": 9343,
+ "Ġgrades": 9344,
+ "Ġimagination": 9345,
+ "ba": 9346,
+ "rame": 9347,
+ "Ġcab": 9348,
+ "Book": 9349,
+ "Ġcalm": 9350,
+ "ĠArea": 9351,
+ "Ġbinary": 9352,
+ "Ġscul": 9353,
+ "Ġtherapeutic": 9354,
+ "Ġclarity": 9355,
+ "Ġreflects": 9356,
+ "Ġion": 9357,
+ "ĠYOU": 9358,
+ "Start": 9359,
+ "Ġsupplements": 9360,
+ "Ġsitting": 9361,
+ "Ġgases": 9362,
+ "Ġstaying": 9363,
+ "'d": 9364,
+ "ĠFacebook": 9365,
+ "va": 9366,
+ "Ġdevelopers": 9367,
+ "\\right": 9368,
+ "oto": 9369,
+ "ĠMars": 9370,
+ "Ġlegacy": 9371,
+ "opher": 9372,
+ "ĠEnter": 9373,
+ "thritis": 9374,
+ "Ġeditor": 9375,
+ "Ġlock": 9376,
+ "Def": 9377,
+ "Ġseam": 9378,
+ "Ġscr": 9379,
+ "Ġsculpt": 9380,
+ "Ġcoastal": 9381,
+ "Ġanalyses": 9382,
+ "kl": 9383,
+ "Ġsacr": 9384,
+ ")\\": 9385,
+ "Ġslope": 9386,
+ "{align": 9387,
+ "Ġdeals": 9388,
+ "Ġtempor": 9389,
+ "Ġdesert": 9390,
+ "HS": 9391,
+ "times": 9392,
+ "Ġhusband": 9393,
+ "obile": 9394,
+ "Ġtight": 9395,
+ "Ġdefe": 9396,
+ "Ġbreaks": 9397,
+ "oons": 9398,
+ "ĠSS": 9399,
+ "ĠRichard": 9400,
+ "Ġexch": 9401,
+ "Ġabnormal": 9402,
+ "Ġtexture": 9403,
+ "imm": 9404,
+ "wing": 9405,
+ "ĠRight": 9406,
+ "olved": 9407,
+ "Ġsubsc": 9408,
+ "Ġevil": 9409,
+ "ĠMartin": 9410,
+ "Ġentered": 9411,
+ "ĠRock": 9412,
+ "Ġmovies": 9413,
+ "Ġillustrate": 9414,
+ "Ġencouraged": 9415,
+ "Ġfinger": 9416,
+ "unct": 9417,
+ "real": 9418,
+ "Ġdow": 9419,
+ "Ġblind": 9420,
+ ".ht": 9421,
+ "Ġnutritional": 9422,
+ "Ġstorytelling": 9423,
+ "Ġquantities": 9424,
+ "Ġfairly": 9425,
+ "onent": 9426,
+ "Ġremoving": 9427,
+ "Ġgrows": 9428,
+ "eping": 9429,
+ "ailing": 9430,
+ "Ġregulatory": 9431,
+ "Ġenterpr": 9432,
+ "Ġparagraphs": 9433,
+ "Ġlasting": 9434,
+ "ĠCancer": 9435,
+ "Ġnitrogen": 9436,
+ "ĠLG": 9437,
+ "redict": 9438,
+ "Ġpractitioners": 9439,
+ "berry": 9440,
+ "Ġemployee": 9441,
+ "ĠCommunication": 9442,
+ "Ġsciences": 9443,
+ "Ġneither": 9444,
+ "rey": 9445,
+ "Ġportray": 9446,
+ "Ġdelivered": 9447,
+ "LC": 9448,
+ "Ġhormone": 9449,
+ "Ġexpanded": 9450,
+ "Ġverte": 9451,
+ "ĠStory": 9452,
+ "ĠWithout": 9453,
+ "ĠSpir": 9454,
+ "tics": 9455,
+ "Ġeastern": 9456,
+ "ĠMaster": 9457,
+ "Ġaudiences": 9458,
+ "ĠIran": 9459,
+ "ĠCE": 9460,
+ "ori": 9461,
+ "ĠðŁ": 9462,
+ "åı": 9463,
+ "aped": 9464,
+ "Ġobstacles": 9465,
+ "ĠBrown": 9466,
+ "Ġtrading": 9467,
+ "Ġinhabit": 9468,
+ "kins": 9469,
+ "Ġscal": 9470,
+ "axis": 9471,
+ "Ġforecast": 9472,
+ "ĠCond": 9473,
+ "ĠAB": 9474,
+ "Ġholes": 9475,
+ "aus": 9476,
+ "Ġtracking": 9477,
+ "ĠJoseph": 9478,
+ "Ġcodes": 9479,
+ "Ġcarbohyd": 9480,
+ "Ġkilomet": 9481,
+ "pled": 9482,
+ "ĠEconomic": 9483,
+ "ĠSep": 9484,
+ "Ġdiscom": 9485,
+ "Ġwindows": 9486,
+ "ĠUk": 9487,
+ "Ġthorough": 9488,
+ "Ġdollars": 9489,
+ "Ġstrange": 9490,
+ "Ġfing": 9491,
+ "cm": 9492,
+ "Ġye": 9493,
+ "Ġsaving": 9494,
+ "?âĢĿ": 9495,
+ "Ġshoot": 9496,
+ "Ġ(\"": 9497,
+ "Ġcalculator": 9498,
+ "Ġtextbooks": 9499,
+ "irth": 9500,
+ "ĠSP": 9501,
+ "ĠDefinition": 9502,
+ "ĠValley": 9503,
+ "ĠWikipedia": 9504,
+ "Ġshut": 9505,
+ "urning": 9506,
+ "mathrm": 9507,
+ "eta": 9508,
+ "ĠFull": 9509,
+ "Ġoldest": 9510,
+ "Ġgeometry": 9511,
+ "rowth": 9512,
+ "Ġselling": 9513,
+ "Ġblow": 9514,
+ "She": 9515,
+ "Ġapproved": 9516,
+ "ĠID": 9517,
+ "Ġconqu": 9518,
+ "night": 9519,
+ "Ġinvestors": 9520,
+ "ĠUnlike": 9521,
+ "Ġton": 9522,
+ "ĠShare": 9523,
+ "ĠPerform": 9524,
+ "Ġinvolvement": 9525,
+ "draw": 9526,
+ "ĠSwed": 9527,
+ "iger": 9528,
+ "olds": 9529,
+ "ĠSund": 9530,
+ "ureau": 9531,
+ "apters": 9532,
+ "ĠAtlantic": 9533,
+ "ĠRelations": 9534,
+ "cking": 9535,
+ "dd": 9536,
+ "ĠTypes": 9537,
+ ".'": 9538,
+ "-N": 9539,
+ "ĠSmall": 9540,
+ "Ġinvestments": 9541,
+ "Ġadaptation": 9542,
+ "Ġgentle": 9543,
+ "Ġplanting": 9544,
+ "rav": 9545,
+ "ĠWal": 9546,
+ "Ġsatisfaction": 9547,
+ "inite": 9548,
+ "ĠParty": 9549,
+ "Ġelection": 9550,
+ "Ġpreced": 9551,
+ "Ġdestruction": 9552,
+ "Ġmine": 9553,
+ "adder": 9554,
+ "Ġearthqu": 9555,
+ "Mod": 9556,
+ "points": 9557,
+ "Trans": 9558,
+ "itamin": 9559,
+ "ibli": 9560,
+ "Ġlosing": 9561,
+ "Ġownership": 9562,
+ ">>": 9563,
+ "ami": 9564,
+ "Ġinfluential": 9565,
+ "Ġnest": 9566,
+ "oul": 9567,
+ "Ġdisaster": 9568,
+ "ATION": 9569,
+ "Ġdose": 9570,
+ "Ġdetected": 9571,
+ "": 9572,
+ "CP": 9573,
+ "},": 9574,
+ "Ġcaught": 9575,
+ "ĠRoyal": 9576,
+ "ĠFunction": 9577,
+ "ĠPlus": 9578,
+ "azz": 9579,
+ "Ġsafegu": 9580,
+ "ricks": 9581,
+ "onics": 9582,
+ "Ġseemingly": 9583,
+ "Ġscreening": 9584,
+ "Ġaccomplish": 9585,
+ "asant": 9586,
+ "Ġcolumns": 9587,
+ "Ġmagnitude": 9588,
+ "Ġmagical": 9589,
+ "AI": 9590,
+ "Ġestablishing": 9591,
+ "chnology": 9592,
+ "omer": 9593,
+ "Ġtrigger": 9594,
+ "quir": 9595,
+ "Learn": 9596,
+ "Ġmur": 9597,
+ "Ġdict": 9598,
+ "Ġexcited": 9599,
+ "Ġfats": 9600,
+ "Ġvictims": 9601,
+ "Ġquiet": 9602,
+ "ĠDue": 9603,
+ "Ġweapons": 9604,
+ "ĠFire": 9605,
+ "Ġchromos": 9606,
+ "Ġaddresses": 9607,
+ "ĠPersonal": 9608,
+ "ogy": 9609,
+ "140": 9610,
+ "Ġrecip": 9611,
+ "ĠSearch": 9612,
+ "roud": 9613,
+ "Ġmanager": 9614,
+ "ĠTreatment": 9615,
+ "Note": 9616,
+ "Just": 9617,
+ "har": 9618,
+ "Ġaddressed": 9619,
+ "Ġstruggles": 9620,
+ "Ġpromising": 9621,
+ "ĠEmer": 9622,
+ "Ġinfo": 9623,
+ "Ġamidst": 9624,
+ "Ġ~": 9625,
+ "izabeth": 9626,
+ "raine": 9627,
+ "ĠChicago": 9628,
+ "unci": 9629,
+ "Ġcigare": 9630,
+ "Ġom": 9631,
+ "Ġelder": 9632,
+ "Ġmask": 9633,
+ "Ġspots": 9634,
+ "Ġships": 9635,
+ "Ġdiscomfort": 9636,
+ "Ġconsciousness": 9637,
+ "(p": 9638,
+ "Ġpatience": 9639,
+ "Ġhorses": 9640,
+ "Ġlungs": 9641,
+ "Ġodd": 9642,
+ "eted": 9643,
+ "Ġhumor": 9644,
+ "Ġconsiderable": 9645,
+ "andon": 9646,
+ "Ġorth": 9647,
+ "Ġoccurring": 9648,
+ "Ġgiant": 9649,
+ "ĠMind": 9650,
+ "Ġhazard": 9651,
+ "ĠJohnson": 9652,
+ "aration": 9653,
+ "VI": 9654,
+ "osh": 9655,
+ "Ġkindergarten": 9656,
+ "Ġrecycling": 9657,
+ "Ġsecre": 9658,
+ "Ġdisability": 9659,
+ "Ġclothes": 9660,
+ "Ġtale": 9661,
+ "itches": 9662,
+ "Ġfur": 9663,
+ "ĠPages": 9664,
+ "istant": 9665,
+ "Ġadvis": 9666,
+ "Ġdigestive": 9667,
+ "Ġseparation": 9668,
+ "ĠTips": 9669,
+ "Ġsurprising": 9670,
+ "ĠRelig": 9671,
+ "Ġconfirmed": 9672,
+ "Ġrestric": 9673,
+ "Ġseparated": 9674,
+ "Ġrefuge": 9675,
+ "Ġcaptured": 9676,
+ "ĠGeorg": 9677,
+ "Ġisolated": 9678,
+ "vision": 9679,
+ "EG": 9680,
+ "$$ĊĊ": 9681,
+ "Ġsatellite": 9682,
+ "Ġvisiting": 9683,
+ "Ġthank": 9684,
+ "elihood": 9685,
+ "д": 9686,
+ "Ġevolving": 9687,
+ "Ġexhaust": 9688,
+ "riction": 9689,
+ "current": 9690,
+ "Ġcritically": 9691,
+ "179": 9692,
+ "estone": 9693,
+ "Ġgest": 9694,
+ "Ġregression": 9695,
+ "Ġsequences": 9696,
+ "ĠCat": 9697,
+ "Ġequity": 9698,
+ "ĠHindu": 9699,
+ "bean": 9700,
+ "ĠShould": 9701,
+ "Ġholiday": 9702,
+ "Ġinterior": 9703,
+ "Ġdigits": 9704,
+ "ĠKorea": 9705,
+ "/p": 9706,
+ "ayer": 9707,
+ "Ġposts": 9708,
+ "Ġplanned": 9709,
+ "ĠHor": 9710,
+ "acts": 9711,
+ "medi": 9712,
+ "ysical": 9713,
+ "Ġdegrad": 9714,
+ "Ġacquired": 9715,
+ "Ġwellness": 9716,
+ "ĠGiven": 9717,
+ "Ġdefend": 9718,
+ "á¹": 9719,
+ "BD": 9720,
+ "ĠIrish": 9721,
+ "inking": 9722,
+ "Ġtom": 9723,
+ "fast": 9724,
+ "endar": 9725,
+ "Ġlymph": 9726,
+ "Ġdemonstrates": 9727,
+ "opyright": 9728,
+ "Ġcort": 9729,
+ "ĠCommittee": 9730,
+ "âĢĿ.Ċ": 9731,
+ "Ġ»": 9732,
+ "Ġdipl": 9733,
+ "anger": 9734,
+ "Ġfantastic": 9735,
+ "Ġ©": 9736,
+ "ĠBetween": 9737,
+ "Ġmaintained": 9738,
+ "Ġvoices": 9739,
+ "Ġachievement": 9740,
+ "ĠLittle": 9741,
+ "Ġbreed": 9742,
+ "Inst": 9743,
+ "Ġfacility": 9744,
+ "Ġ^": 9745,
+ "Ġcorporate": 9746,
+ "ĠHence": 9747,
+ "Ġtons": 9748,
+ "ws": 9749,
+ "Ġexpanding": 9750,
+ "ĠTraining": 9751,
+ "ĠTeaching": 9752,
+ "Ġorders": 9753,
+ "Ġmuseum": 9754,
+ "Ġmanufacturers": 9755,
+ "Ġcorrelation": 9756,
+ "Ġrespective": 9757,
+ "Ġgenuine": 9758,
+ "Ġessence": 9759,
+ "encing": 9760,
+ "Ġfatty": 9761,
+ "-cont": 9762,
+ "Ġviewed": 9763,
+ "Ġcircular": 9764,
+ "Ġexceed": 9765,
+ "uris": 9766,
+ "you": 9767,
+ "ĠISBN": 9768,
+ "Ġunion": 9769,
+ "Ġsodium": 9770,
+ "angular": 9771,
+ "Ġadopt": 9772,
+ "Cal": 9773,
+ "wan": 9774,
+ "Ġvaries": 9775,
+ "rolled": 9776,
+ "Ġlegisl": 9777,
+ "asures": 9778,
+ "ĠBit": 9779,
+ "ikiHow": 9780,
+ "Ġmodeling": 9781,
+ "Ġrose": 9782,
+ "Ġissued": 9783,
+ "Ġembrace": 9784,
+ "Ġbene": 9785,
+ "ĠMicrosoft": 9786,
+ "Ġgrasp": 9787,
+ "Ġlaid": 9788,
+ "âĢĶthe": 9789,
+ "uten": 9790,
+ "ĠBlue": 9791,
+ "range": 9792,
+ "Ġmoderate": 9793,
+ "Ġjudge": 9794,
+ "matrix": 9795,
+ "ĠPay": 9796,
+ "Ġpositively": 9797,
+ "security": 9798,
+ "born": 9799,
+ "Ġalive": 9800,
+ "uther": 9801,
+ "May": 9802,
+ "Ġlowest": 9803,
+ "Ġoptical": 9804,
+ "lymp": 9805,
+ "Ġsavings": 9806,
+ "yer": 9807,
+ "Ġfra": 9808,
+ "ç": 9809,
+ "Ġterror": 9810,
+ "Ġyes": 9811,
+ "bies": 9812,
+ "Ġalien": 9813,
+ "Ġmystery": 9814,
+ "ĠSustain": 9815,
+ "HO": 9816,
+ "Ġengines": 9817,
+ "103": 9818,
+ "Ġcalculation": 9819,
+ "ais": 9820,
+ "Ġcustoms": 9821,
+ "ctu": 9822,
+ "ĠDC": 9823,
+ "Rel": 9824,
+ "Ġvert": 9825,
+ "001": 9826,
+ "Also": 9827,
+ "ĠTechniques": 9828,
+ "Ġsulf": 9829,
+ "Ġconcentrations": 9830,
+ "Ġantioxid": 9831,
+ "Ġranges": 9832,
+ "Ġregarded": 9833,
+ "96": 9834,
+ "ĠGrand": 9835,
+ "Ġsystematic": 9836,
+ "Ġintention": 9837,
+ "Ġidentical": 9838,
+ "ĠHeart": 9839,
+ "Ġdebates": 9840,
+ "ÑĮ": 9841,
+ "Ġplas": 9842,
+ "Ġheads": 9843,
+ "Ġconsent": 9844,
+ "Ġathletes": 9845,
+ "Ġconsistently": 9846,
+ "Ġ->": 9847,
+ "Ġgly": 9848,
+ "Ġwearing": 9849,
+ "atus": 9850,
+ "eem": 9851,
+ "(m": 9852,
+ "ught": 9853,
+ "Ġfatigue": 9854,
+ "ĠMoon": 9855,
+ "Ġguard": 9856,
+ "ju": 9857,
+ "Ġdesigners": 9858,
+ "Ġdirected": 9859,
+ "Ġprevalence": 9860,
+ "ĠBeing": 9861,
+ "Ġadapted": 9862,
+ "Ġproved": 9863,
+ "Ġpartial": 9864,
+ "Ġgalax": 9865,
+ "ĠObs": 9866,
+ "Ġvaried": 9867,
+ "Ġexception": 9868,
+ "ĠHosp": 9869,
+ "Ġraising": 9870,
+ "cyclop": 9871,
+ "Ġinstitution": 9872,
+ "130": 9873,
+ "ima": 9874,
+ "Ġharder": 9875,
+ "olve": 9876,
+ "ĠKind": 9877,
+ "Ġpaying": 9878,
+ "arming": 9879,
+ "Ġcriticism": 9880,
+ "Ġâī": 9881,
+ "Ġhygiene": 9882,
+ "Ġdistances": 9883,
+ ".w": 9884,
+ "Ġdoors": 9885,
+ "Ġgrant": 9886,
+ "Ġherself": 9887,
+ "Ġrecur": 9888,
+ "Ġquot": 9889,
+ "ĠâĨĴ": 9890,
+ "ĠSolar": 9891,
+ "ignment": 9892,
+ "Ġblockchain": 9893,
+ "ĠDid": 9894,
+ "sem": 9895,
+ "Ġsigned": 9896,
+ "Ġroads": 9897,
+ "TER": 9898,
+ "\":": 9899,
+ "Ġgently": 9900,
+ "Ġcharged": 9901,
+ "ilib": 9902,
+ "Ġrecre": 9903,
+ "Ġalphabet": 9904,
+ "Ġpeers": 9905,
+ "ĠStudent": 9906,
+ "Ġaged": 9907,
+ "cule": 9908,
+ "Ġdreams": 9909,
+ "Ġmini": 9910,
+ "iations": 9911,
+ "-step": 9912,
+ "Ġentertainment": 9913,
+ "assium": 9914,
+ "SP": 9915,
+ "Ġanalyzed": 9916,
+ "she": 9917,
+ "ciplinary": 9918,
+ "ĠCe": 9919,
+ "Ġdriver": 9920,
+ "Ġmature": 9921,
+ "Ġsectors": 9922,
+ "Ġmos": 9923,
+ "Ñĭ": 9924,
+ "Ġjew": 9925,
+ "oz": 9926,
+ "Ġtransformed": 9927,
+ "Sc": 9928,
+ "ĠPortug": 9929,
+ "Ġnom": 9930,
+ "ĠWall": 9931,
+ "Ġhoney": 9932,
+ "Ġfrustr": 9933,
+ "eling": 9934,
+ "Ġaccordingly": 9935,
+ "Ġparameter": 9936,
+ "Ġtens": 9937,
+ "Ġprox": 9938,
+ "Ġluck": 9939,
+ "Ġindirect": 9940,
+ "ĠSoft": 9941,
+ "Ġtomat": 9942,
+ "ÃĹ": 9943,
+ "Ġbeneath": 9944,
+ "Ġuniversities": 9945,
+ "Ġmanagers": 9946,
+ "ĠJun": 9947,
+ "Ġ]": 9948,
+ "Ġdefault": 9949,
+ ".E": 9950,
+ "urolog": 9951,
+ "Ġskilled": 9952,
+ "opt": 9953,
+ "Ġpoems": 9954,
+ "wers": 9955,
+ "ĠShakespeare": 9956,
+ "âĢĻ.": 9957,
+ "duate": 9958,
+ "Ġconclude": 9959,
+ "Ġbreeding": 9960,
+ "Throughout": 9961,
+ "Ġwider": 9962,
+ "Ġwarning": 9963,
+ "umatic": 9964,
+ "178": 9965,
+ "ĠHum": 9966,
+ "Ġconsisting": 9967,
+ "Ġceremon": 9968,
+ "Ġdisag": 9969,
+ "ENCE": 9970,
+ "Ġpolynomial": 9971,
+ "Ġsenior": 9972,
+ "ealand": 9973,
+ "isition": 9974,
+ "engths": 9975,
+ "Ġcelebrated": 9976,
+ "ĠParent": 9977,
+ "ĠBasic": 9978,
+ "Ġcycles": 9979,
+ "ĠEnt": 9980,
+ "Ġintegers": 9981,
+ "................": 9982,
+ "Ġsurprise": 9983,
+ ")-": 9984,
+ "Ġperfectly": 9985,
+ "ĠOl": 9986,
+ "example": 9987,
+ "Ġentities": 9988,
+ "Does": 9989,
+ "ĠEdition": 9990,
+ "Ġfalling": 9991,
+ "Ġfr": 9992,
+ "Ġrestrictions": 9993,
+ "allow": 9994,
+ "ĠSand": 9995,
+ "hea": 9996,
+ "Ġsoul": 9997,
+ "Ġearliest": 9998,
+ "ograms": 9999,
+ "Up": 10000,
+ "ĠIV": 10001,
+ "Ġunp": 10002,
+ "ĠRoad": 10003,
+ "Ġchat": 10004,
+ "iana": 10005,
+ "Ġsurge": 10006,
+ "Ġstones": 10007,
+ "oli": 10008,
+ "Ġcirculation": 10009,
+ "Ġstruggling": 10010,
+ "ĠCast": 10011,
+ "paren": 10012,
+ "UV": 10013,
+ "Ġinclusion": 10014,
+ "Ġaggreg": 10015,
+ "ĠSup": 10016,
+ "ĠPsychology": 10017,
+ "Ġguarantee": 10018,
+ "84": 10019,
+ "ĠRole": 10020,
+ "ĠPrim": 10021,
+ "ĠSeries": 10022,
+ "Ġfeaturing": 10023,
+ "Ġentering": 10024,
+ "ĠValue": 10025,
+ "Ġelementary": 10026,
+ "Ġcher": 10027,
+ "itate": 10028,
+ "ĠAdministration": 10029,
+ "++": 10030,
+ "():Ċ": 10031,
+ "Ġdestroyed": 10032,
+ "ambda": 10033,
+ "Ġtowns": 10034,
+ "Ġnotation": 10035,
+ "Ġclay": 10036,
+ "81": 10037,
+ "Ġregulate": 10038,
+ "Ġapplies": 10039,
+ "Ġestate": 10040,
+ "iblical": 10041,
+ "ila": 10042,
+ "psy": 10043,
+ "una": 10044,
+ "zer": 10045,
+ "ĠFlow": 10046,
+ "Ġrotation": 10047,
+ "Man": 10048,
+ "ĠMaterials": 10049,
+ "Ġreinfor": 10050,
+ "Ġkitchen": 10051,
+ "aval": 10052,
+ "Ġdense": 10053,
+ "Ġassumptions": 10054,
+ "ĠAccount": 10055,
+ "otion": 10056,
+ "Ġconsumed": 10057,
+ "Ġdistinctive": 10058,
+ "https": 10059,
+ "ĠStar": 10060,
+ "elesc": 10061,
+ "owered": 10062,
+ "Ġreprodu": 10063,
+ "NS": 10064,
+ "%.": 10065,
+ "Ġorientation": 10066,
+ "ĠMah": 10067,
+ "Ġfishing": 10068,
+ "Ġenerg": 10069,
+ "Ġcollections": 10070,
+ "Ġincident": 10071,
+ "Ġisolation": 10072,
+ "Ġadoption": 10073,
+ "Ġvaccines": 10074,
+ "flamm": 10075,
+ "ĠMental": 10076,
+ "Ġscar": 10077,
+ "rize": 10078,
+ "ieve": 10079,
+ "Ġbackgrounds": 10080,
+ "Ġauto": 10081,
+ "177": 10082,
+ "Ġrelevance": 10083,
+ "ĠJava": 10084,
+ "Ġdy": 10085,
+ ",'": 10086,
+ "oca": 10087,
+ "ĠAppro": 10088,
+ "ĠBul": 10089,
+ "gener": 10090,
+ "lisher": 10091,
+ "Ġpaths": 10092,
+ "Ġhaven": 10093,
+ "vals": 10094,
+ "omal": 10095,
+ "Ġmeanings": 10096,
+ "Ġaffordable": 10097,
+ "iro": 10098,
+ "Ġfet": 10099,
+ "Ġcourage": 10100,
+ "Ġgrams": 10101,
+ "amps": 10102,
+ "Ġharmony": 10103,
+ "ĠScholar": 10104,
+ "ikes": 10105,
+ "beth": 10106,
+ "icking": 10107,
+ "Ġillnesses": 10108,
+ "nab": 10109,
+ "Ġabsorb": 10110,
+ "Car": 10111,
+ "Ass": 10112,
+ "next": 10113,
+ "Ġnurt": 10114,
+ "Ġinvesting": 10115,
+ "Ġquarter": 10116,
+ "teen": 10117,
+ "ials": 10118,
+ "Ġtob": 10119,
+ "Ġmedieval": 10120,
+ "Ġloyal": 10121,
+ "Ġhunting": 10122,
+ "Ġadditionally": 10123,
+ "Ġinnovations": 10124,
+ "Ġcolonies": 10125,
+ "Ġsegment": 10126,
+ "ĠKar": 10127,
+ "Ġintegrating": 10128,
+ "unicip": 10129,
+ "Ġpets": 10130,
+ "Ġlaunch": 10131,
+ "peror": 10132,
+ "ounder": 10133,
+ "eps": 10134,
+ "CR": 10135,
+ "Ġtroops": 10136,
+ "Ġextension": 10137,
+ "Ġwound": 10138,
+ "pass": 10139,
+ "-est": 10140,
+ "Ġtransmit": 10141,
+ ")čĊčĊ": 10142,
+ "Ġdivine": 10143,
+ "People": 10144,
+ "Ġblank": 10145,
+ "Ġcomprehend": 10146,
+ "Ġoccas": 10147,
+ "Ġconstraints": 10148,
+ "Ġvig": 10149,
+ "Ġenjoyed": 10150,
+ "Ġtemporary": 10151,
+ "enger": 10152,
+ "Ġol": 10153,
+ "enny": 10154,
+ "Ġdimension": 10155,
+ "Ġshorter": 10156,
+ "MC": 10157,
+ "ĠWay": 10158,
+ "ĠEval": 10159,
+ "Ġseat": 10160,
+ "Ġexcite": 10161,
+ "ĠRo": 10162,
+ "ĠRest": 10163,
+ "ĠIntellig": 10164,
+ "anned": 10165,
+ "||=": 10166,
+ "Ġintersection": 10167,
+ "Ġracism": 10168,
+ "Ġsomewhat": 10169,
+ "71": 10170,
+ "Ġlikelihood": 10171,
+ "Ġaging": 10172,
+ "Ġfuels": 10173,
+ "root": 10174,
+ "including": 10175,
+ "igm": 10176,
+ "tra": 10177,
+ "Ġfan": 10178,
+ "umer": 10179,
+ "endment": 10180,
+ "quit": 10181,
+ "Ġattitude": 10182,
+ "owers": 10183,
+ "isticated": 10184,
+ "onday": 10185,
+ "Ġalumin": 10186,
+ "ropri": 10187,
+ "Ġnavigating": 10188,
+ "Ġpackage": 10189,
+ "Then": 10190,
+ "¿½": 10191,
+ "zymes": 10192,
+ "also": 10193,
+ "Ġviral": 10194,
+ "Ġislands": 10195,
+ "Ġscientist": 10196,
+ "ĠLew": 10197,
+ "Ġassembly": 10198,
+ "Ġroughly": 10199,
+ ".âĢĻ": 10200,
+ "ĠAltern": 10201,
+ "ji": 10202,
+ "Ġcounting": 10203,
+ "170": 10204,
+ "Ġabandon": 10205,
+ "Ġnotion": 10206,
+ "Ġscenes": 10207,
+ "Ġsubtract": 10208,
+ "Ġtong": 10209,
+ "Ġborrow": 10210,
+ "Ġloan": 10211,
+ "ugg": 10212,
+ "Ġtelling": 10213,
+ "Even": 10214,
+ "ĠZealand": 10215,
+ "iva": 10216,
+ "Ġchocolate": 10217,
+ "ĠPhilipp": 10218,
+ "125": 10219,
+ "Ġcompliance": 10220,
+ "Ġrepet": 10221,
+ "ĠTri": 10222,
+ "Ġhighlighting": 10223,
+ "uan": 10224,
+ "arks": 10225,
+ "ĠHT": 10226,
+ "||=||": 10227,
+ "ĠOxford": 10228,
+ "Ġadvertising": 10229,
+ "Ġnumerical": 10230,
+ "Ġacceleration": 10231,
+ "rades": 10232,
+ "color": 10233,
+ "ensed": 10234,
+ "erge": 10235,
+ "Ġanthrop": 10236,
+ "Ġradi": 10237,
+ "Ġprohib": 10238,
+ "Ġmountains": 10239,
+ "Ġbol": 10240,
+ "ĠApplications": 10241,
+ "ildren": 10242,
+ "Ġcommission": 10243,
+ "Ġharness": 10244,
+ ")|Ċ": 10245,
+ "Ġalle": 10246,
+ "igan": 10247,
+ "atching": 10248,
+ "ders": 10249,
+ "Ġtrace": 10250,
+ "ĠUnfortunately": 10251,
+ "Ġkin": 10252,
+ "Ġscales": 10253,
+ "åĪ": 10254,
+ "ĠGreece": 10255,
+ "Ġdrivers": 10256,
+ "Ġreasonable": 10257,
+ "QL": 10258,
+ "Ġspelling": 10259,
+ "Ġcord": 10260,
+ "ĠNeed": 10261,
+ "terior": 10262,
+ "ĠBehavior": 10263,
+ "Ġft": 10264,
+ "Ġjaw": 10265,
+ "ĠPain": 10266,
+ "Che": 10267,
+ "Ġdisplayed": 10268,
+ "Ġtobacco": 10269,
+ "aze": 10270,
+ "ĠChristians": 10271,
+ "Ġvisited": 10272,
+ "ener": 10273,
+ "Ġguides": 10274,
+ "-k": 10275,
+ "-en": 10276,
+ "aware": 10277,
+ "Ġdestination": 10278,
+ "Ġduty": 10279,
+ "okes": 10280,
+ "ĠHyd": 10281,
+ "Ġsynthesis": 10282,
+ "Ġparticipating": 10283,
+ "Ġcompat": 10284,
+ "Ġreproductive": 10285,
+ "Ġgrain": 10286,
+ "Follow": 10287,
+ "Ġordered": 10288,
+ "ĠExploring": 10289,
+ "worth": 10290,
+ "Ġcues": 10291,
+ "BI": 10292,
+ "placement": 10293,
+ "Ġdeclared": 10294,
+ "Ġautism": 10295,
+ "Ġpressing": 10296,
+ "Ġlabels": 10297,
+ "ĠSolutions": 10298,
+ "Ġtransmitted": 10299,
+ "Ġhal": 10300,
+ "Ġreaches": 10301,
+ "Ġceleb": 10302,
+ "Because": 10303,
+ "Ġwelfare": 10304,
+ "Ġattributes": 10305,
+ "icul": 10306,
+ "Ġmetabolism": 10307,
+ "ilem": 10308,
+ "ometer": 10309,
+ "################": 10310,
+ "Ġupdates": 10311,
+ "ĠFocus": 10312,
+ "ĠCompar": 10313,
+ "ello": 10314,
+ "Ġcounty": 10315,
+ "Ġhybrid": 10316,
+ "Ġgif": 10317,
+ "ĠDeterm": 10318,
+ "Ġcollaborative": 10319,
+ "inery": 10320,
+ "Ġvectors": 10321,
+ "Ġster": 10322,
+ "ĠSE": 10323,
+ "Ġexecutive": 10324,
+ "Ġscheme": 10325,
+ "ĠTree": 10326,
+ "eras": 10327,
+ "ranean": 10328,
+ "ilibrium": 10329,
+ "ractions": 10330,
+ "ĠAppl": 10331,
+ "Ġalert": 10332,
+ "Ġaccessibility": 10333,
+ "ĠBiology": 10334,
+ "Ġseverity": 10335,
+ "Ġpenal": 10336,
+ "parency": 10337,
+ "Ġabsorption": 10338,
+ "exp": 10339,
+ "Ġcivilization": 10340,
+ "ĠSkills": 10341,
+ "Ġfunctionality": 10342,
+ "Ġacceptance": 10343,
+ "Ġphotography": 10344,
+ "SE": 10345,
+ "Ġrecipes": 10346,
+ "Ġdelicate": 10347,
+ "ĠQueen": 10348,
+ "ĠLGBT": 10349,
+ "Ġgovernance": 10350,
+ "Ġgerm": 10351,
+ "Ġprey": 10352,
+ "Ġopposed": 10353,
+ "cessary": 10354,
+ "Ġrarely": 10355,
+ "Ġgathered": 10356,
+ "Ġeco": 10357,
+ "ulas": 10358,
+ "Ġcoat": 10359,
+ "cipe": 10360,
+ "ĠHead": 10361,
+ "Ġbelonging": 10362,
+ "Ġillegal": 10363,
+ "ptic": 10364,
+ "Ġbeans": 10365,
+ "Ġflavors": 10366,
+ "Ġpaintings": 10367,
+ "Ġdiagnostic": 10368,
+ "ĠMarket": 10369,
+ "ĠLy": 10370,
+ "Ġ..": 10371,
+ "Ġsuggestions": 10372,
+ "Ġimmense": 10373,
+ "ĠShort": 10374,
+ "Ġconvenient": 10375,
+ "Each": 10376,
+ "-dr": 10377,
+ "®": 10378,
+ "ithmetic": 10379,
+ "Ġinstallation": 10380,
+ "Ġcheese": 10381,
+ "α": 10382,
+ "cdot": 10383,
+ "700": 10384,
+ "Ġjudgment": 10385,
+ "Ġsampling": 10386,
+ "Em": 10387,
+ "Ġpersuasive": 10388,
+ "aneous": 10389,
+ "ĠConclusion": 10390,
+ "-specific": 10391,
+ "uisine": 10392,
+ "Ġsuddenly": 10393,
+ "oa": 10394,
+ "ĠComb": 10395,
+ "ĠON": 10396,
+ "amma": 10397,
+ "Ġpip": 10398,
+ "Ġhormones": 10399,
+ "mathbf": 10400,
+ "alpha": 10401,
+ "agen": 10402,
+ "Free": 10403,
+ "Ġcritic": 10404,
+ "zyme": 10405,
+ "ĠDivision": 10406,
+ "ortion": 10407,
+ "Ġcellular": 10408,
+ "Ġlinguistic": 10409,
+ "ĠSpec": 10410,
+ "Ġreconst": 10411,
+ "Ġcotton": 10412,
+ "Ġhurt": 10413,
+ "ĠForce": 10414,
+ "astics": 10415,
+ "Ġbasically": 10416,
+ "ĠConcept": 10417,
+ "ĠCentre": 10418,
+ "Ġperpet": 10419,
+ "char": 10420,
+ "Ġrequirement": 10421,
+ ".P": 10422,
+ "Ġevident": 10423,
+ "Ġroyal": 10424,
+ "Ġdrinks": 10425,
+ "ĠPass": 10426,
+ "Ġsophisticated": 10427,
+ "bell": 10428,
+ "åħ": 10429,
+ "ĠScotland": 10430,
+ "lectric": 10431,
+ "ĠWeek": 10432,
+ "Ġjuice": 10433,
+ "ĠHard": 10434,
+ "ĠMaking": 10435,
+ "86": 10436,
+ "Ġslaves": 10437,
+ "Ġconsuming": 10438,
+ "ĠVisual": 10439,
+ "aka": 10440,
+ "104": 10441,
+ "Ġevaluating": 10442,
+ "Ġran": 10443,
+ "Ġsensory": 10444,
+ "storm": 10445,
+ "Ġindependently": 10446,
+ "Ġasthma": 10447,
+ "Ġvegetable": 10448,
+ "ashes": 10449,
+ "Ġsurroundings": 10450,
+ "Ġgenerating": 10451,
+ "Ġreflecting": 10452,
+ "Ġpupils": 10453,
+ "\"The": 10454,
+ "yr": 10455,
+ "ĠJustice": 10456,
+ "Ġcandidates": 10457,
+ "mann": 10458,
+ "Ġdisciplines": 10459,
+ "Ġpose": 10460,
+ "author": 10461,
+ "Ġuncertainty": 10462,
+ "73": 10463,
+ "Ġcheap": 10464,
+ "Ġboundary": 10465,
+ "ĠProtection": 10466,
+ "Ġassignments": 10467,
+ "Ne": 10468,
+ "ĠVen": 10469,
+ "Ġcourts": 10470,
+ "Ġdataset": 10471,
+ "this": 10472,
+ "Ġstations": 10473,
+ "ivation": 10474,
+ "Ġprecious": 10475,
+ "ĠVietnam": 10476,
+ "Ġcolorful": 10477,
+ "Ġsearching": 10478,
+ "Ġpermission": 10479,
+ "Ġfed": 10480,
+ "Ge": 10481,
+ "108": 10482,
+ "Ġaccompanied": 10483,
+ ",ĊĊ": 10484,
+ "SI": 10485,
+ "Ġsimilarities": 10486,
+ "Ġsau": 10487,
+ "ertation": 10488,
+ "Ġtransc": 10489,
+ "(A": 10490,
+ "ĠCarolina": 10491,
+ "Ġofficers": 10492,
+ "ĠOlymp": 10493,
+ "ouns": 10494,
+ "ĠAssessment": 10495,
+ "ĠJac": 10496,
+ "Ess": 10497,
+ "OK": 10498,
+ "FT": 10499,
+ "ĠAff": 10500,
+ "Cur": 10501,
+ "Ġprecisely": 10502,
+ "Ġdescribing": 10503,
+ "Ġempire": 10504,
+ "Ġsubmit": 10505,
+ "Ġhospitals": 10506,
+ "ĠEs": 10507,
+ "Ġdelight": 10508,
+ "Ġtech": 10509,
+ "Ġtumor": 10510,
+ "Ġprecip": 10511,
+ "Ġoperational": 10512,
+ "ĠHoly": 10513,
+ "Ġbomb": 10514,
+ "ĠCop": 10515,
+ "Ġgift": 10516,
+ "rep": 10517,
+ "Ġstack": 10518,
+ "Ġrent": 10519,
+ "trans": 10520,
+ "Two": 10521,
+ "Ġimplies": 10522,
+ "Ġdies": 10523,
+ "ä»": 10524,
+ "Ġdisplays": 10525,
+ "Ġassessments": 10526,
+ "âĢľThe": 10527,
+ "п": 10528,
+ "Ġspeakers": 10529,
+ "Ġquotes": 10530,
+ "Ġpersonalized": 10531,
+ "atomy": 10532,
+ "æķ": 10533,
+ ")||": 10534,
+ "omous": 10535,
+ "Ġacquire": 10536,
+ "idal": 10537,
+ "Ġorange": 10538,
+ "Ġconfusion": 10539,
+ "Ġpod": 10540,
+ "ooked": 10541,
+ "vard": 10542,
+ "Ġevening": 10543,
+ "Ġgrab": 10544,
+ "Ġsmallest": 10545,
+ "Ġenemy": 10546,
+ "creen": 10547,
+ "ĠRam": 10548,
+ "Ġjoints": 10549,
+ "Ġstrengthe": 10550,
+ "Ġsurgical": 10551,
+ "ĠBlood": 10552,
+ "Ġslave": 10553,
+ "Ġconference": 10554,
+ "ĠSecret": 10555,
+ "Ġimpair": 10556,
+ "ĠLee": 10557,
+ "ĠPresent": 10558,
+ "-\\": 10559,
+ "itar": 10560,
+ "ilateral": 10561,
+ "Ġinterconnected": 10562,
+ "Ġì": 10563,
+ "Ġpoet": 10564,
+ "Ġdramatic": 10565,
+ "ĠEC": 10566,
+ "Ġpredicted": 10567,
+ "Ġwheat": 10568,
+ "Ġkeys": 10569,
+ "Ġatomic": 10570,
+ "Ġdress": 10571,
+ "ĠIndividual": 10572,
+ ":||": 10573,
+ "Data": 10574,
+ "Ġupl": 10575,
+ "ĠIdentify": 10576,
+ "ttes": 10577,
+ "Ġintriguing": 10578,
+ "ĠMinister": 10579,
+ "Ġcircles": 10580,
+ "Ġfloat": 10581,
+ "ĠIndones": 10582,
+ "Ġproud": 10583,
+ "Ġspeaker": 10584,
+ "regular": 10585,
+ "unciation": 10586,
+ "backs": 10587,
+ "ĠDistrict": 10588,
+ "levant": 10589,
+ "!\"": 10590,
+ "Ġgear": 10591,
+ "}$ĊĊ": 10592,
+ "Ġshifts": 10593,
+ "orig": 10594,
+ "-un": 10595,
+ "Ġpasses": 10596,
+ "Ġenhances": 10597,
+ "ĠNeg": 10598,
+ "Ġbatt": 10599,
+ "Ġworlds": 10600,
+ "-century": 10601,
+ "76": 10602,
+ "emb": 10603,
+ "ovid": 10604,
+ "Ġpace": 10605,
+ "ĠNumbers": 10606,
+ "Ġimproves": 10607,
+ "$.": 10608,
+ "ĠKh": 10609,
+ "ĠBody": 10610,
+ ".R": 10611,
+ "Ġpipe": 10612,
+ "ĠMethods": 10613,
+ "ructive": 10614,
+ "ĠDirector": 10615,
+ "Ġgaps": 10616,
+ "Ġwars": 10617,
+ "Ġcommunications": 10618,
+ "74": 10619,
+ "ati": 10620,
+ "BA": 10621,
+ "enges": 10622,
+ "fe": 10623,
+ "Ġmenu": 10624,
+ "Ġuncover": 10625,
+ "Ġutility": 10626,
+ "Ġbat": 10627,
+ "pace": 10628,
+ "Ġphysician": 10629,
+ "Ġreflected": 10630,
+ "uct": 10631,
+ "ĠGames": 10632,
+ "atoes": 10633,
+ "¢": 10634,
+ "roc": 10635,
+ "Ġheter": 10636,
+ "Ġinflation": 10637,
+ "Ġdeficiency": 10638,
+ "Ġreputation": 10639,
+ "âĢĿĊĊ": 10640,
+ "Ġmorph": 10641,
+ "enced": 10642,
+ "Ġtitles": 10643,
+ "ĠPrevention": 10644,
+ "Ġclaimed": 10645,
+ "Ġdistinguish": 10646,
+ "Ġconducting": 10647,
+ "ĠGM": 10648,
+ "Ġyoga": 10649,
+ "usal": 10650,
+ "Ġgardens": 10651,
+ "Ġpel": 10652,
+ "Ġprosper": 10653,
+ "Ġarrest": 10654,
+ "Ġcollecting": 10655,
+ "ĠDutch": 10656,
+ "ĠTherapy": 10657,
+ "ĠPu": 10658,
+ "Ġcombinations": 10659,
+ "Ġpione": 10660,
+ "Ġestablishment": 10661,
+ "iances": 10662,
+ "uate": 10663,
+ "Ġvegetation": 10664,
+ "Ġborders": 10665,
+ "About": 10666,
+ "oston": 10667,
+ "Ġillum": 10668,
+ "Ġpus": 10669,
+ "ĠBegin": 10670,
+ "ĠRequ": 10671,
+ "Ġmanufacturer": 10672,
+ "Don": 10673,
+ "http": 10674,
+ "ivate": 10675,
+ "host": 10676,
+ "Ġcopyright": 10677,
+ "Ġending": 10678,
+ "elve": 10679,
+ "IDS": 10680,
+ "Ġpm": 10681,
+ "Ġreplacement": 10682,
+ "Ġdairy": 10683,
+ "ĠDrug": 10684,
+ "Ġretail": 10685,
+ "Ġempir": 10686,
+ "-com": 10687,
+ "Ġmobility": 10688,
+ "Ġhall": 10689,
+ "Ġloose": 10690,
+ "ĠNOT": 10691,
+ "Ġfought": 10692,
+ "Ġlon": 10693,
+ "Ġattractive": 10694,
+ "83": 10695,
+ "oured": 10696,
+ "Ġasset": 10697,
+ "anation": 10698,
+ "ĠCub": 10699,
+ "Ġultimate": 10700,
+ "Ġambig": 10701,
+ "Further": 10702,
+ "Ġconce": 10703,
+ "Ġcentered": 10704,
+ "ĠOften": 10705,
+ "iary": 10706,
+ "Ġtraveling": 10707,
+ "Ġadolescents": 10708,
+ "Ġlean": 10709,
+ "Ġsaved": 10710,
+ "203": 10711,
+ "Sm": 10712,
+ "ĠUnivers": 10713,
+ "Ġneglect": 10714,
+ "Ġlifetime": 10715,
+ "ications": 10716,
+ "ĠRNA": 10717,
+ "enaissance": 10718,
+ "iner": 10719,
+ "Ġlake": 10720,
+ "Ġorganizational": 10721,
+ "ñ": 10722,
+ "Ġsacred": 10723,
+ "ĠMachine": 10724,
+ "ector": 10725,
+ "Ġbeat": 10726,
+ "Ġreliability": 10727,
+ "Ġaggressive": 10728,
+ "Ġurine": 10729,
+ "iano": 10730,
+ "Ġabundant": 10731,
+ "ĠSunday": 10732,
+ "Ġgum": 10733,
+ "_b": 10734,
+ "onald": 10735,
+ "Ġconverted": 10736,
+ "ositive": 10737,
+ "ĠWithin": 10738,
+ "Ġorbit": 10739,
+ "arium": 10740,
+ "Ġopens": 10741,
+ "Ġmeets": 10742,
+ "Students": 10743,
+ "ognition": 10744,
+ "xual": 10745,
+ "phones": 10746,
+ "Ġdefining": 10747,
+ "ĠAud": 10748,
+ "ĠEssays": 10749,
+ "Ġplain": 10750,
+ "Ġpunishment": 10751,
+ "Ġteachings": 10752,
+ "ĠLo": 10753,
+ "Ġstreets": 10754,
+ "105": 10755,
+ "..Ċ": 10756,
+ "oded": 10757,
+ "ĠOR": 10758,
+ "Ġinch": 10759,
+ "Ġflying": 10760,
+ "Ġexcitement": 10761,
+ "aft": 10762,
+ "Ġanalytical": 10763,
+ "Ġreligions": 10764,
+ "ĠRecent": 10765,
+ "Ġgate": 10766,
+ "bur": 10767,
+ "/j": 10768,
+ "Ġende": 10769,
+ "Ġpersistent": 10770,
+ "Ġemphasizing": 10771,
+ "Ġears": 10772,
+ "heimer": 10773,
+ "/h": 10774,
+ "Ġrib": 10775,
+ "Ġcataly": 10776,
+ "-called": 10777,
+ "Ġ:Ċ": 10778,
+ "Ġadvers": 10779,
+ "Ġп": 10780,
+ "Ġachievements": 10781,
+ "Ġworst": 10782,
+ "ĠFort": 10783,
+ "-int": 10784,
+ "Ġplanets": 10785,
+ "Ġherb": 10786,
+ "ĠFar": 10787,
+ "Ġpill": 10788,
+ "ĠAlgebra": 10789,
+ "ĠMA": 10790,
+ "ĠDiet": 10791,
+ "Ġharsh": 10792,
+ "ĠJack": 10793,
+ "ĠGame": 10794,
+ "Ġviolent": 10795,
+ "ouds": 10796,
+ "()ĊĊ": 10797,
+ "kay": 10798,
+ "Ġsubstr": 10799,
+ "Ġcow": 10800,
+ "ĠThroughout": 10801,
+ "Ġenrich": 10802,
+ "ĠStatistics": 10803,
+ "Ġprolong": 10804,
+ "Ġregistered": 10805,
+ "Ġkingdom": 10806,
+ "')": 10807,
+ "Ġnuts": 10808,
+ "forest": 10809,
+ "cure": 10810,
+ "nex": 10811,
+ "ĠExplore": 10812,
+ "UC": 10813,
+ "Ġcable": 10814,
+ "ĠLess": 10815,
+ "Ġbrid": 10816,
+ "Gu": 10817,
+ "function": 10818,
+ "ĠProblems": 10819,
+ "Ġhouseholds": 10820,
+ "Ġresidential": 10821,
+ "Ġbin": 10822,
+ "plt": 10823,
+ "Ġplates": 10824,
+ "Ġspreading": 10825,
+ "Ġcure": 10826,
+ "Ġintermedi": 10827,
+ "Ġlegend": 10828,
+ "ĠQuant": 10829,
+ "ĠHill": 10830,
+ "Number": 10831,
+ "Ġindicators": 10832,
+ "Ġboxes": 10833,
+ "Ġindicating": 10834,
+ "Ġsymptom": 10835,
+ "Ġemerge": 10836,
+ "ĠAgency": 10837,
+ "Ġamongst": 10838,
+ "Ġquote": 10839,
+ "uum": 10840,
+ "Ġasc": 10841,
+ "ĠGuid": 10842,
+ "through": 10843,
+ "92": 10844,
+ "Ġanger": 10845,
+ "arity": 10846,
+ "Ġworship": 10847,
+ "Ġcomplexities": 10848,
+ "obs": 10849,
+ "Ġframeworks": 10850,
+ "Ġzones": 10851,
+ "main": 10852,
+ "Ġrealistic": 10853,
+ "ĠBang": 10854,
+ "Ġdescriptive": 10855,
+ "Ġmouse": 10856,
+ "(l": 10857,
+ "Ġapplicable": 10858,
+ "Ġsemi": 10859,
+ "Ġpests": 10860,
+ "LP": 10861,
+ "Ġpriority": 10862,
+ "mates": 10863,
+ "neg": 10864,
+ "Ġmonthly": 10865,
+ "ĠQuality": 10866,
+ "Ġinfant": 10867,
+ "Ġextraction": 10868,
+ "operative": 10869,
+ "Co": 10870,
+ "ĠLocal": 10871,
+ "Ġprogramme": 10872,
+ "Ġprotocols": 10873,
+ "Ġber": 10874,
+ "Ġstunning": 10875,
+ "Ġeverywhere": 10876,
+ "Ġsuns": 10877,
+ "ĠNa": 10878,
+ "mentia": 10879,
+ "Ġstrike": 10880,
+ "Ġclues": 10881,
+ "iterranean": 10882,
+ "Ġjuris": 10883,
+ "iking": 10884,
+ "gence": 10885,
+ "ĠCharacter": 10886,
+ "Ġshoes": 10887,
+ "Ġwinning": 10888,
+ "Ġbuff": 10889,
+ "Health": 10890,
+ "Ġorganize": 10891,
+ "Ġtolerance": 10892,
+ "Ġminimizing": 10893,
+ "Ġmetabolic": 10894,
+ "ceans": 10895,
+ "ĠLED": 10896,
+ "ĠAz": 10897,
+ "Ġhazards": 10898,
+ "otional": 10899,
+ "------------------------": 10900,
+ "esium": 10901,
+ "Ġnoun": 10902,
+ "vit": 10903,
+ "inals": 10904,
+ "Ġcombines": 10905,
+ "ĠElizabeth": 10906,
+ "Ac": 10907,
+ "Gl": 10908,
+ "Ġfirms": 10909,
+ "ĠRh": 10910,
+ "ĠCR": 10911,
+ "Ġcalling": 10912,
+ "Ġaccidents": 10913,
+ "hops": 10914,
+ "ref": 10915,
+ "Ġrecording": 10916,
+ "Ġtemp": 10917,
+ "Ġshopping": 10918,
+ "commun": 10919,
+ "Ġdecom": 10920,
+ "hire": 10921,
+ "Ġ<=": 10922,
+ "Ġgeographical": 10923,
+ "Ġassumed": 10924,
+ "ĠPut": 10925,
+ "}ĊĊ": 10926,
+ "Ġgraduate": 10927,
+ "irable": 10928,
+ "Ġundergo": 10929,
+ "Ġsafer": 10930,
+ "Ġsug": 10931,
+ "Research": 10932,
+ "ME": 10933,
+ "ĠMap": 10934,
+ "Ġboat": 10935,
+ "Ġspray": 10936,
+ "ja": 10937,
+ "enter": 10938,
+ "aska": 10939,
+ "conscious": 10940,
+ "Ġrevers": 10941,
+ "ogene": 10942,
+ "Ġspl": 10943,
+ "ylvan": 10944,
+ "Ġsquares": 10945,
+ "max": 10946,
+ ".get": 10947,
+ "Ñĩ": 10948,
+ "ilitation": 10949,
+ "Ġwelcome": 10950,
+ "æľ": 10951,
+ "Ġphilosophical": 10952,
+ "Ġdevelops": 10953,
+ "+\\": 10954,
+ "Ed": 10955,
+ "Ġrepeat": 10956,
+ "Ġpassword": 10957,
+ "Ġdiscount": 10958,
+ "Ġtemplate": 10959,
+ "ĠAnimal": 10960,
+ "riz": 10961,
+ "Ġintroducing": 10962,
+ "Ġcrimes": 10963,
+ "bel": 10964,
+ "ĠSn": 10965,
+ "ĠSupreme": 10966,
+ "uper": 10967,
+ "plete": 10968,
+ "Ġdevast": 10969,
+ "Ġallev": 10970,
+ "Ġgods": 10971,
+ "di": 10972,
+ "stic": 10973,
+ "Ġcoordinates": 10974,
+ "pm": 10975,
+ "OV": 10976,
+ "Ġswimming": 10977,
+ "Ġloud": 10978,
+ "ĠIce": 10979,
+ "Ġdrought": 10980,
+ "Ġlob": 10981,
+ "Ġdism": 10982,
+ "_i": 10983,
+ "eram": 10984,
+ "ĠConference": 10985,
+ "Ġpersonnel": 10986,
+ "Ġbees": 10987,
+ "ĠPrinc": 10988,
+ "Ġdilem": 10989,
+ "Ġdisagree": 10990,
+ "Ġsynthetic": 10991,
+ "Ġchecking": 10992,
+ ".gov": 10993,
+ "Ġtackle": 10994,
+ "Ġintelligent": 10995,
+ "Ġincent": 10996,
+ "Ġcharges": 10997,
+ "NC": 10998,
+ "ologically": 10999,
+ "Ġlecture": 11000,
+ "Ġresearcher": 11001,
+ "Ġrh": 11002,
+ "Ġcompost": 11003,
+ "there": 11004,
+ "Ġrelaxation": 11005,
+ "Ġbinding": 11006,
+ "Ġconsistency": 11007,
+ "Ġcategor": 11008,
+ "Ġmindfulness": 11009,
+ "ĠPrin": 11010,
+ "91": 11011,
+ "ĠÑģ": 11012,
+ "Ġpound": 11013,
+ "Ġforever": 11014,
+ "Ġpuzzle": 11015,
+ "ĠFriday": 11016,
+ "pin": 11017,
+ "Ġgathering": 11018,
+ "Ġ°": 11019,
+ "ĠBrain": 11020,
+ "Ġsuggesting": 11021,
+ "ĠMD": 11022,
+ "ĠDar": 11023,
+ "Ġcha": 11024,
+ "82": 11025,
+ "Ġcryptocur": 11026,
+ "ÏĢ": 11027,
+ "Ġrecon": 11028,
+ "Ġsubtle": 11029,
+ "achus": 11030,
+ "Ġtribes": 11031,
+ "Ġunne": 11032,
+ "Ġpayments": 11033,
+ "start": 11034,
+ "illy": 11035,
+ "Ġinitiative": 11036,
+ "thur": 11037,
+ "ĠFinancial": 11038,
+ "Well": 11039,
+ "ivals": 11040,
+ "Ġoils": 11041,
+ "Ġinterviews": 11042,
+ "ologic": 11043,
+ "Ġcampaigns": 11044,
+ "Supp": 11045,
+ "Ġatom": 11046,
+ "asm": 11047,
+ "ĠNevertheless": 11048,
+ "Ġediting": 11049,
+ "Ġquantitative": 11050,
+ "Ġactors": 11051,
+ "Ġimagery": 11052,
+ ".T": 11053,
+ "²": 11054,
+ "ackson": 11055,
+ "Ġexecution": 11056,
+ "-shaped": 11057,
+ "Ġhat": 11058,
+ "ĠAction": 11059,
+ "-line": 11060,
+ "ĠChemistry": 11061,
+ "ĠCambridge": 11062,
+ "Ġaccord": 11063,
+ "Ġbarrier": 11064,
+ ".B": 11065,
+ "ĠLewis": 11066,
+ "Ġwashing": 11067,
+ "ĠMid": 11068,
+ "imp": 11069,
+ "UD": 11070,
+ "fare": 11071,
+ "pects": 11072,
+ "Out": 11073,
+ "Ġstopped": 11074,
+ ".sh": 11075,
+ "ĠCoast": 11076,
+ "ogens": 11077,
+ "Ġsister": 11078,
+ "cludes": 11079,
+ "Ġgaming": 11080,
+ "Ġdecreases": 11081,
+ "Ġimmigrants": 11082,
+ "ĠAT": 11083,
+ "Ġballs": 11084,
+ "MI": 11085,
+ "ĠUltimately": 11086,
+ "ĠRedu": 11087,
+ "ĠAgain": 11088,
+ "etts": 11089,
+ "Ġtag": 11090,
+ "Ġpreservation": 11091,
+ "Ġmetap": 11092,
+ "Ġplacing": 11093,
+ "ĠConservation": 11094,
+ "Ġdevelopmental": 11095,
+ "ĠPhilos": 11096,
+ "Ġwid": 11097,
+ "Ġthickness": 11098,
+ "Ġbelieves": 11099,
+ "Ġblend": 11100,
+ "Moreover": 11101,
+ "onial": 11102,
+ "Ġfibers": 11103,
+ "Ġenorm": 11104,
+ "Ġadjacent": 11105,
+ "ĠIntelligence": 11106,
+ "iders": 11107,
+ "Ġexceptional": 11108,
+ "ĠHaving": 11109,
+ "Ġ.\"ĊĊ": 11110,
+ "ा": 11111,
+ "Ġbusy": 11112,
+ "Ġcoins": 11113,
+ "ĠKorean": 11114,
+ "ĠMechan": 11115,
+ "Ġbite": 11116,
+ "Ġevaluated": 11117,
+ "Ġcyt": 11118,
+ "brew": 11119,
+ "ĠFac": 11120,
+ "Ġinspiring": 11121,
+ "Ġconserv": 11122,
+ "ĠFOR": 11123,
+ "Ġsuffered": 11124,
+ "Ġirrig": 11125,
+ "Ġoptimize": 11126,
+ "Ġbasket": 11127,
+ "atre": 11128,
+ "Ġought": 11129,
+ "Ġargued": 11130,
+ "obic": 11131,
+ "Ġfacial": 11132,
+ "num": 11133,
+ "Ġcandidate": 11134,
+ "ĠBattle": 11135,
+ "eor": 11136,
+ "ĠOverview": 11137,
+ "\\\\": 11138,
+ "angered": 11139,
+ "Ġmolecule": 11140,
+ "Ġimpressive": 11141,
+ "cin": 11142,
+ "isons": 11143,
+ "Ġprogression": 11144,
+ "Ġdisturb": 11145,
+ "ĠLove": 11146,
+ "Ġphotographs": 11147,
+ "Ġtends": 11148,
+ "Ġcontainers": 11149,
+ "ĠStrategies": 11150,
+ "Ġprevents": 11151,
+ "93": 11152,
+ "ĠSeveral": 11153,
+ "ĠAdapt": 11154,
+ "cho": 11155,
+ "Ġconstitution": 11156,
+ "Ġsevent": 11157,
+ "ĠUV": 11158,
+ "Ġsediment": 11159,
+ "Ġaug": 11160,
+ "values": 11161,
+ "ĠClean": 11162,
+ "ependence": 11163,
+ "Ġbub": 11164,
+ "à¥į": 11165,
+ "Ġdischarge": 11166,
+ "uming": 11167,
+ "Ġemphasize": 11168,
+ "ols": 11169,
+ "izz": 11170,
+ "ribe": 11171,
+ "']": 11172,
+ "Ġcontinuing": 11173,
+ "Ġjuvenile": 11174,
+ "Ġsettlement": 11175,
+ "Ġfootball": 11176,
+ "Ġrestore": 11177,
+ "Ġthyroid": 11178,
+ "Ġcontinuously": 11179,
+ "Ġdemocratic": 11180,
+ "coln": 11181,
+ "Ġterritories": 11182,
+ "Ġpackaging": 11183,
+ "ĠSir": 11184,
+ "Ġpestic": 11185,
+ "Ġdifferential": 11186,
+ "jective": 11187,
+ "Ġpor": 11188,
+ "aternal": 11189,
+ "HA": 11190,
+ "Ġsimulation": 11191,
+ "ĠTotal": 11192,
+ "ĠRenaissance": 11193,
+ "ibbean": 11194,
+ "Ġhumidity": 11195,
+ "Ġ(-": 11196,
+ "ĠApple": 11197,
+ "Ġwithdraw": 11198,
+ "Ġeru": 11199,
+ "Ġunfold": 11200,
+ "Ġinverse": 11201,
+ "ĠPath": 11202,
+ "Ġ!=": 11203,
+ "ĠMexican": 11204,
+ "ĠWed": 11205,
+ "ĠForest": 11206,
+ "Ġtotally": 11207,
+ "orship": 11208,
+ "thal": 11209,
+ "ãĤ": 11210,
+ "ufficient": 11211,
+ "Ġincredibly": 11212,
+ "Ġpainful": 11213,
+ "Ġsomehow": 11214,
+ "Ġsupportive": 11215,
+ "Ġantibiotics": 11216,
+ "oler": 11217,
+ "Ġcounterpart": 11218,
+ "-J": 11219,
+ "igned": 11220,
+ "Ġelected": 11221,
+ "Ġrehab": 11222,
+ "ILE": 11223,
+ "Ġequals": 11224,
+ "Ġdefines": 11225,
+ "Ġaids": 11226,
+ "FICTION": 11227,
+ "onential": 11228,
+ "ocate": 11229,
+ "enti": 11230,
+ "Ġarranged": 11231,
+ "aver": 11232,
+ "ĠHospital": 11233,
+ "Ġincorrect": 11234,
+ "Ġeager": 11235,
+ "Ġpredictions": 11236,
+ "Ġbeam": 11237,
+ "oning": 11238,
+ "Ġcitation": 11239,
+ "Ġrevel": 11240,
+ "berries": 11241,
+ "ĠActivities": 11242,
+ "Name": 11243,
+ "phant": 11244,
+ "uscript": 11245,
+ "EW": 11246,
+ "Ġartwork": 11247,
+ "Ġorganism": 11248,
+ "Ġformatting": 11249,
+ "Ġspeeds": 11250,
+ "Ġembedded": 11251,
+ "ón": 11252,
+ "ela": 11253,
+ "Ġamino": 11254,
+ "Ġindoor": 11255,
+ "Ġbaking": 11256,
+ "Ġtherapies": 11257,
+ ".html": 11258,
+ "Ġresistant": 11259,
+ "175": 11260,
+ "ĠDate": 11261,
+ "Ġowned": 11262,
+ "Ġfingers": 11263,
+ "Ġcompleting": 11264,
+ "Ġarchitectural": 11265,
+ "PR": 11266,
+ "ynasty": 11267,
+ "Ġenforcement": 11268,
+ "Ġrepresentations": 11269,
+ "ĠPeriod": 11270,
+ "Ġchapters": 11271,
+ "ĠElectric": 11272,
+ "Ġcooked": 11273,
+ "abs": 11274,
+ "Ġmagnet": 11275,
+ "dy": 11276,
+ "123": 11277,
+ "Ġ£": 11278,
+ "perm": 11279,
+ "Ġdesignated": 11280,
+ "Ġmeter": 11281,
+ "Ġcoordinate": 11282,
+ "ĠCorpor": 11283,
+ "Ġprivile": 11284,
+ "Ġspecialist": 11285,
+ "ART": 11286,
+ "Ġobserving": 11287,
+ "Ġshipping": 11288,
+ "ĠThank": 11289,
+ "Ġdentist": 11290,
+ "Ġrecall": 11291,
+ "Ġgranted": 11292,
+ "Er": 11293,
+ "atin": 11294,
+ "Ġstructured": 11295,
+ "economic": 11296,
+ "hism": 11297,
+ "ĠDO": 11298,
+ "Ġmothers": 11299,
+ "ĠCreative": 11300,
+ "arts": 11301,
+ "mers": 11302,
+ "Ġsurrounded": 11303,
+ "Ġkilogram": 11304,
+ "/c": 11305,
+ "ressions": 11306,
+ "Ġlegit": 11307,
+ "Ġwooden": 11308,
+ "Ġlibert": 11309,
+ "ĠKnowledge": 11310,
+ "Ġprescribed": 11311,
+ "bow": 11312,
+ "ĠâĢĻ": 11313,
+ "ĠActivity": 11314,
+ "Ġrough": 11315,
+ "ĠHawai": 11316,
+ "Ġinhabitants": 11317,
+ "Ġkilling": 11318,
+ "Ġpushing": 11319,
+ "/w": 11320,
+ "Mar": 11321,
+ "outheast": 11322,
+ "ountered": 11323,
+ "Ġresc": 11324,
+ "-off": 11325,
+ "Ġdiets": 11326,
+ "Ġproductive": 11327,
+ "Inter": 11328,
+ "Ġpointed": 11329,
+ "ĠProp": 11330,
+ "Ġtitled": 11331,
+ "Ġbike": 11332,
+ "@example": 11333,
+ "ĠTeachers": 11334,
+ "ĠMediterranean": 11335,
+ "aylor": 11336,
+ "Ġket": 11337,
+ "Ġlikewise": 11338,
+ "Ġwrites": 11339,
+ "iop": 11340,
+ "Ġrelating": 11341,
+ "Ġprevalent": 11342,
+ "ocated": 11343,
+ "Ġgolden": 11344,
+ "onymous": 11345,
+ "Ġoperator": 11346,
+ "Ġrepresentative": 11347,
+ "Ġpride": 11348,
+ "Ġcultivate": 11349,
+ "Ġbell": 11350,
+ "iciency": 11351,
+ "ĠOrder": 11352,
+ "Ġbits": 11353,
+ "ĠSpring": 11354,
+ "vec": 11355,
+ "Ġnewspaper": 11356,
+ "sub": 11357,
+ "Ġpivotal": 11358,
+ "Ġfifth": 11359,
+ "Ġhack": 11360,
+ "Ġelderly": 11361,
+ "Ġdiving": 11362,
+ "Ġemphasizes": 11363,
+ "tension": 11364,
+ "mental": 11365,
+ "âĤ¬": 11366,
+ "enders": 11367,
+ "Ġincorporated": 11368,
+ "Ġbuck": 11369,
+ "ĠBu": 11370,
+ "Ġintr": 11371,
+ "Mult": 11372,
+ "ylvania": 11373,
+ "ĠFollowing": 11374,
+ "Ġinh": 11375,
+ "Ġblo": 11376,
+ "$$\\": 11377,
+ "Ġinputs": 11378,
+ "Ġpotassium": 11379,
+ "Ġdesk": 11380,
+ "Ġchair": 11381,
+ "Ġsyll": 11382,
+ "etheless": 11383,
+ "entral": 11384,
+ "Ġfluctu": 11385,
+ "Google": 11386,
+ "Ġcircuits": 11387,
+ "chron": 11388,
+ "Ġunre": 11389,
+ "Ke": 11390,
+ "emp": 11391,
+ "Ġreceives": 11392,
+ "Ġdisadvantages": 11393,
+ "Ġseeks": 11394,
+ "ominant": 11395,
+ "Ġfarms": 11396,
+ "Ġdistant": 11397,
+ "found": 11398,
+ "-or": 11399,
+ "Ġexams": 11400,
+ "Ġmeetings": 11401,
+ "Ġencountered": 11402,
+ "DR": 11403,
+ "ĠCA": 11404,
+ "Solution": 11405,
+ "Ġ|Ċ": 11406,
+ "Ġdiscourse": 11407,
+ "ĠAlways": 11408,
+ "Ġneurons": 11409,
+ "Ġinterp": 11410,
+ "Ġburden": 11411,
+ "ĠRen": 11412,
+ "Ġtransparency": 11413,
+ "Ġteaches": 11414,
+ "string": 11415,
+ "ĠCentury": 11416,
+ ">Ċ": 11417,
+ "Ġelectronics": 11418,
+ "Ġgrace": 11419,
+ "sen": 11420,
+ "bris": 11421,
+ "Ġbrowser": 11422,
+ "Ġfilling": 11423,
+ "romagnetic": 11424,
+ "Ġrod": 11425,
+ "ĠCustom": 11426,
+ "ĠMrs": 11427,
+ "Ġdedication": 11428,
+ "ership": 11429,
+ "Ġly": 11430,
+ "quiry": 11431,
+ "Ġpond": 11432,
+ "âĦ": 11433,
+ "ĠĠĠĠĠĠ": 11434,
+ "Ġbags": 11435,
+ "Ġphones": 11436,
+ "version": 11437,
+ "Ġcarries": 11438,
+ "Ġarmed": 11439,
+ "Ġimperial": 11440,
+ "Ġstrive": 11441,
+ "Ġtoy": 11442,
+ "Ġwiring": 11443,
+ "Ġpathways": 11444,
+ "wa": 11445,
+ "anas": 11446,
+ "herence": 11447,
+ "orne": 11448,
+ "Ġpurchasing": 11449,
+ "Ġpartnership": 11450,
+ "Ġglobally": 11451,
+ "Ġcoronavirus": 11452,
+ "Ġbrush": 11453,
+ "Ġtemple": 11454,
+ "Ġholistic": 11455,
+ "ador": 11456,
+ "Ġevolve": 11457,
+ "Ġmerch": 11458,
+ "dx": 11459,
+ "Ġarrangement": 11460,
+ "Ġguided": 11461,
+ "illance": 11462,
+ "94": 11463,
+ "Ġofficer": 11464,
+ "Ġmi": 11465,
+ "Ġequilibrium": 11466,
+ "arters": 11467,
+ "[:": 11468,
+ "Ġtongue": 11469,
+ "ĠFiction": 11470,
+ "nowned": 11471,
+ "utical": 11472,
+ "ĠVideo": 11473,
+ "apped": 11474,
+ "Ġstereotypes": 11475,
+ "Ġenzymes": 11476,
+ "Ġculinary": 11477,
+ "Ġexisted": 11478,
+ "Ġdrives": 11479,
+ "Ġbottle": 11480,
+ "elly": 11481,
+ ".L": 11482,
+ "ĠCS": 11483,
+ "occ": 11484,
+ "ĠRisk": 11485,
+ "/b": 11486,
+ "Ġbron": 11487,
+ "Ġsending": 11488,
+ "Ġtill": 11489,
+ "hematic": 11490,
+ "Ġgran": 11491,
+ "Ġoun": 11492,
+ "Ġcrushing": 11493,
+ "ulative": 11494,
+ "Ġstriking": 11495,
+ "metry": 11496,
+ "Ġorb": 11497,
+ "Ġextends": 11498,
+ "natural": 11499,
+ "Ġwavel": 11500,
+ "orus": 11501,
+ "liers": 11502,
+ "Ġcaps": 11503,
+ "Ġattending": 11504,
+ "Ġfriendship": 11505,
+ "Ġelevated": 11506,
+ "Ġroutes": 11507,
+ "Ġfriction": 11508,
+ "Ġromantic": 11509,
+ "olves": 11510,
+ "ĠCre": 11511,
+ "ĠExplain": 11512,
+ "Ġ{\\": 11513,
+ "Dis": 11514,
+ "Ġuncle": 11515,
+ "Ġsket": 11516,
+ "Ġvapor": 11517,
+ "ĠJeff": 11518,
+ "._": 11519,
+ "PD": 11520,
+ "Ġintu": 11521,
+ "Ġcough": 11522,
+ "Ġcrack": 11523,
+ "ĠOthers": 11524,
+ "ĠProb": 11525,
+ "formed": 11526,
+ "Ġdimin": 11527,
+ "Ġsystemic": 11528,
+ "working": 11529,
+ "alog": 11530,
+ "ĠMeanwhile": 11531,
+ "Ġtheorem": 11532,
+ "zheimer": 11533,
+ "ĠOpp": 11534,
+ "aya": 11535,
+ "ĠES": 11536,
+ "Ġbeloved": 11537,
+ "rying": 11538,
+ "Ġdeviation": 11539,
+ "Ġposted": 11540,
+ "Ġrelatable": 11541,
+ "Ġstood": 11542,
+ "Ġgaining": 11543,
+ "Ġmixing": 11544,
+ "ĠDaily": 11545,
+ "-de": 11546,
+ "Ġwash": 11547,
+ "weet": 11548,
+ "Ġalb": 11549,
+ "ĠPRO": 11550,
+ "gic": 11551,
+ "Ġune": 11552,
+ "ĠPR": 11553,
+ "ĠWorking": 11554,
+ "ĠRE": 11555,
+ "Ġproposal": 11556,
+ "ĠSex": 11557,
+ "Ġcoordination": 11558,
+ "ĠEncourage": 11559,
+ "Ġoste": 11560,
+ "oT": 11561,
+ "Ġwarr": 11562,
+ "Ġthroat": 11563,
+ "Ġvisits": 11564,
+ "ĠTrust": 11565,
+ "Ġoverwhelming": 11566,
+ "Ġinvestigated": 11567,
+ "cards": 11568,
+ "ĠIndeed": 11569,
+ "Ġfolks": 11570,
+ "Ġscan": 11571,
+ "ĠPolitical": 11572,
+ "Ġlever": 11573,
+ "Ġmitigate": 11574,
+ "td": 11575,
+ "ĠSens": 11576,
+ "Disc": 11577,
+ "Ġregister": 11578,
+ "Ġpenet": 11579,
+ "Ġsecrets": 11580,
+ "ĠED": 11581,
+ "imation": 11582,
+ "(X": 11583,
+ "stru": 11584,
+ "Ġgeography": 11585,
+ "MB": 11586,
+ "Ġkindness": 11587,
+ "ĠBenefits": 11588,
+ "Ġexpressing": 11589,
+ "äº": 11590,
+ "Ġdiarr": 11591,
+ "Point": 11592,
+ "Ġreadily": 11593,
+ "nals": 11594,
+ "ĠHeritage": 11595,
+ "aters": 11596,
+ "ivest": 11597,
+ "âĢ¢âĢ¢": 11598,
+ "Ġiconic": 11599,
+ "Ġrecipe": 11600,
+ "Ġacquisition": 11601,
+ "cyclopedia": 11602,
+ "Ġreserved": 11603,
+ "Ġmirror": 11604,
+ "Ġdistress": 11605,
+ "Ġabundance": 11606,
+ ".-": 11607,
+ "Ġrobots": 11608,
+ "Ġillustrated": 11609,
+ "Ġmomentum": 11610,
+ "reshold": 11611,
+ "ĠHig": 11612,
+ "Ġabsolutely": 11613,
+ "Ġparks": 11614,
+ "Ġeconomies": 11615,
+ "Ġembry": 11616,
+ "Ġvisually": 11617,
+ "onyms": 11618,
+ "ĠMess": 11619,
+ "ĠTestament": 11620,
+ "ĠStandards": 11621,
+ "ĠCollabor": 11622,
+ "Ġrooms": 11623,
+ "innitus": 11624,
+ "ĠPict": 11625,
+ "Ġatmospheric": 11626,
+ "ĠInnov": 11627,
+ "ĠAdvanced": 11628,
+ "ĠArchitect": 11629,
+ "Ġsusceptible": 11630,
+ "??": 11631,
+ "ĠCT": 11632,
+ "ĠIndustrial": 11633,
+ "Ġsch": 11634,
+ "ĠIron": 11635,
+ "Ġprogressive": 11636,
+ "achusetts": 11637,
+ "ĠMulti": 11638,
+ "Ġentrepreneurs": 11639,
+ "Ġfootprint": 11640,
+ "Ġpest": 11641,
+ "Ġfires": 11642,
+ "Ġsubmitted": 11643,
+ "ĠExercise": 11644,
+ "Ġduties": 11645,
+ "Ġgenome": 11646,
+ "Ġfurniture": 11647,
+ "Ġbullying": 11648,
+ "ĠImple": 11649,
+ "Ġagreements": 11650,
+ "Ġdiver": 11651,
+ "âĢĶand": 11652,
+ "Ġengineer": 11653,
+ "Ġpursue": 11654,
+ "Ġfans": 11655,
+ "-rich": 11656,
+ "ĠDocument": 11657,
+ "Ġrestricted": 11658,
+ "inology": 11659,
+ "ĠScientific": 11660,
+ "reating": 11661,
+ "Ġprovince": 11662,
+ "vas": 11663,
+ "Ġcoefficient": 11664,
+ "-class": 11665,
+ "contin": 11666,
+ "Ġmedian": 11667,
+ "Ġlabour": 11668,
+ "illion": 11669,
+ "ĠBitcoin": 11670,
+ "ĠNeuro": 11671,
+ "iah": 11672,
+ "Ġdescriptions": 11673,
+ "Ġschedul": 11674,
+ "Os": 11675,
+ "ĠRub": 11676,
+ "Ġretain": 11677,
+ "Ġcareers": 11678,
+ "Ps": 11679,
+ "Ġcups": 11680,
+ "rait": 11681,
+ "ĠPH": 11682,
+ "ĠMajor": 11683,
+ "Ġversatile": 11684,
+ "Ġopposition": 11685,
+ "ĠTrump": 11686,
+ "test": 11687,
+ "Ġhes": 11688,
+ "Ġstabil": 11689,
+ "Ġplug": 11690,
+ "aying": 11691,
+ "ipation": 11692,
+ "Given": 11693,
+ "Ġmaximize": 11694,
+ "à¥įà¤": 11695,
+ "Ġresemb": 11696,
+ "ercury": 11697,
+ "uesday": 11698,
+ "urches": 11699,
+ "Ġencl": 11700,
+ "ussian": 11701,
+ "Ġbleeding": 11702,
+ "omatic": 11703,
+ "Ġsovere": 11704,
+ "Ġdoct": 11705,
+ "Ġcalendar": 11706,
+ "Ġmechanics": 11707,
+ "Ġgraphs": 11708,
+ "ĠVan": 11709,
+ "Ġstems": 11710,
+ "ĠFile": 11711,
+ "rained": 11712,
+ "Ġ[]Ċ": 11713,
+ "Ġв": 11714,
+ "Ġtraged": 11715,
+ "Ġignore": 11716,
+ "ifer": 11717,
+ "Ġgenerator": 11718,
+ "Ġneurolog": 11719,
+ "Ġpric": 11720,
+ "/f": 11721,
+ "Ġdisput": 11722,
+ "))ĊĊ": 11723,
+ "ĠRepresent": 11724,
+ "Ġcertific": 11725,
+ "è": 11726,
+ "Ġqualified": 11727,
+ "ĠMonday": 11728,
+ "Ġyields": 11729,
+ "ĠVolume": 11730,
+ "Ġcontracts": 11731,
+ "arest": 11732,
+ "Ġrhythm": 11733,
+ "covery": 11734,
+ "Ġaside": 11735,
+ "ryption": 11736,
+ "Ġarbit": 11737,
+ "ffe": 11738,
+ "Ġsle": 11739,
+ "360": 11740,
+ "Ġcompact": 11741,
+ "Time": 11742,
+ "mean": 11743,
+ "Ġdemonstrating": 11744,
+ "Ġharmon": 11745,
+ "Ġtape": 11746,
+ "Ġenzyme": 11747,
+ "RNA": 11748,
+ "Val": 11749,
+ "rencies": 11750,
+ "Ġbought": 11751,
+ "ĠSurvey": 11752,
+ "Ġintegrate": 11753,
+ "Add": 11754,
+ "Ġprayer": 11755,
+ "¬ģ": 11756,
+ "perature": 11757,
+ "Ġjurisd": 11758,
+ "ĠCore": 11759,
+ "Ġacknowledge": 11760,
+ "Ġerosion": 11761,
+ "ĠTopics": 11762,
+ "Ġinfectious": 11763,
+ "Sum": 11764,
+ "gency": 11765,
+ "Ġdeploy": 11766,
+ "Enter": 11767,
+ "Ġlayout": 11768,
+ "Ġentity": 11769,
+ "yd": 11770,
+ "Orig": 11771,
+ "prehens": 11772,
+ "ĠSuccess": 11773,
+ "Ġà": 11774,
+ "Ġphases": 11775,
+ "Ġimmigration": 11776,
+ "Ġcoin": 11777,
+ "ĠResults": 11778,
+ "kind": 11779,
+ "ĠTrade": 11780,
+ "rint": 11781,
+ "Ġcontinent": 11782,
+ ",.": 11783,
+ "Ġpanic": 11784,
+ "ĠBoston": 11785,
+ "Ġcontroversial": 11786,
+ "ursday": 11787,
+ "ĠPrime": 11788,
+ "nings": 11789,
+ "ĠFactors": 11790,
+ "Ġenjoyable": 11791,
+ "Ġmas": 11792,
+ "106": 11793,
+ "healthy": 11794,
+ "Diff": 11795,
+ "nsylvania": 11796,
+ "fficiency": 11797,
+ "oil": 11798,
+ "CIENCE": 11799,
+ "Ġchains": 11800,
+ "Ġfeas": 11801,
+ "Ġvictory": 11802,
+ "vy": 11803,
+ "-hand": 11804,
+ "Ġartif": 11805,
+ "ĠLGBTQ": 11806,
+ "Ġacceptable": 11807,
+ "Ġrestoration": 11808,
+ "ĠZh": 11809,
+ "Ġcalculus": 11810,
+ "Ġrainfall": 11811,
+ "Ġcelebration": 11812,
+ "Scient": 11813,
+ "ĠCollect": 11814,
+ "Ġgrat": 11815,
+ "Ġanx": 11816,
+ "ouses": 11817,
+ "Ġreef": 11818,
+ "ĠTeacher": 11819,
+ "109": 11820,
+ "Ġconfused": 11821,
+ "ĠSimple": 11822,
+ "olitical": 11823,
+ "Ġbeach": 11824,
+ "pers": 11825,
+ "Ġrigorous": 11826,
+ "Ġinvented": 11827,
+ "Ġdiscusses": 11828,
+ "ĠGall": 11829,
+ "Ġprejud": 11830,
+ "ĠBall": 11831,
+ "Ġworker": 11832,
+ "ĠClub": 11833,
+ "Ġtransaction": 11834,
+ "ĠJo": 11835,
+ "Ġjoining": 11836,
+ "Ġmapping": 11837,
+ "ĠADHD": 11838,
+ "eller": 11839,
+ "Ġelabor": 11840,
+ "Ġincidence": 11841,
+ "Ġwondering": 11842,
+ "Ġtransferred": 11843,
+ "nia": 11844,
+ "date": 11845,
+ "ĠSports": 11846,
+ "Rep": 11847,
+ "ĠArctic": 11848,
+ "Ġash": 11849,
+ ");Ċ": 11850,
+ "Ġexert": 11851,
+ "Ġactivation": 11852,
+ "ynthesis": 11853,
+ "Spe": 11854,
+ "Ġcited": 11855,
+ "thood": 11856,
+ "ulture": 11857,
+ "åŃ": 11858,
+ ".x": 11859,
+ "-K": 11860,
+ "Ġbust": 11861,
+ "LS": 11862,
+ "Ġpermit": 11863,
+ "Ġmammals": 11864,
+ "Ġprovision": 11865,
+ "ĠIslands": 11866,
+ "awa": 11867,
+ "iating": 11868,
+ "Ġelig": 11869,
+ "ĠNorm": 11870,
+ "Ġcancers": 11871,
+ "ĠNotes": 11872,
+ "ĠMovement": 11873,
+ "Ġnegatively": 11874,
+ "ĠEll": 11875,
+ "Ġho": 11876,
+ "Ġsour": 11877,
+ "Ġride": 11878,
+ "ĠCritical": 11879,
+ "Ġexped": 11880,
+ "ictions": 11881,
+ "ĠOhio": 11882,
+ "Ġcope": 11883,
+ "Ġfreely": 11884,
+ "Ġnumpy": 11885,
+ "Ġfulfill": 11886,
+ "Ġdetermines": 11887,
+ "nesday": 11888,
+ "Ġadministrative": 11889,
+ "Ġdomains": 11890,
+ "Ġinventory": 11891,
+ "}^": 11892,
+ "obi": 11893,
+ "ĠTurkey": 11894,
+ "Ġunderground": 11895,
+ "Ġvalve": 11896,
+ "-indu": 11897,
+ "space": 11898,
+ "kg": 11899,
+ "Ins": 11900,
+ "PV": 11901,
+ "FA": 11902,
+ "Ġvine": 11903,
+ "Ġrender": 11904,
+ "ĠSource": 11905,
+ "ĠChemical": 11906,
+ "data": 11907,
+ "ĠGeorgia": 11908,
+ "Ġpink": 11909,
+ "ĠCall": 11910,
+ "Ġattributed": 11911,
+ "Ġcuts": 11912,
+ "Ġverbal": 11913,
+ "aceutical": 11914,
+ "lementary": 11915,
+ "ĠClinical": 11916,
+ "Ob": 11917,
+ "ĠJam": 11918,
+ "Ġplasma": 11919,
+ "-ray": 11920,
+ "awn": 11921,
+ "Ġherbs": 11922,
+ "Ġnurses": 11923,
+ ")+": 11924,
+ "Ġworkshops": 11925,
+ "Ġswelling": 11926,
+ "tan": 11927,
+ "Ġcareg": 11928,
+ "ĠExam": 11929,
+ "ĠApplied": 11930,
+ "Ġsteady": 11931,
+ "Ġimportantly": 11932,
+ "ĠTheore": 11933,
+ "Ġsoils": 11934,
+ "Ġdebris": 11935,
+ "athan": 11936,
+ "Ġancestors": 11937,
+ "Ġoptimization": 11938,
+ "itan": 11939,
+ "Ġmuc": 11940,
+ "Ġadjustments": 11941,
+ "Ġfosters": 11942,
+ "Ġconcluded": 11943,
+ "Ġemergence": 11944,
+ "Ġapple": 11945,
+ "odynam": 11946,
+ "High": 11947,
+ "imen": 11948,
+ "Ġmunicip": 11949,
+ "Ġcarbohydrates": 11950,
+ "Ġcuisine": 11951,
+ "pany": 11952,
+ "Ġbare": 11953,
+ "Ġcolored": 11954,
+ "Ġmedicines": 11955,
+ "Ġaluminum": 11956,
+ "ĠImportance": 11957,
+ "Ġbrill": 11958,
+ "Ġallergies": 11959,
+ "********": 11960,
+ "anz": 11961,
+ "istent": 11962,
+ "Ġspell": 11963,
+ "Ġgenres": 11964,
+ "RS": 11965,
+ "Node": 11966,
+ "Ġtrusted": 11967,
+ "ĠLos": 11968,
+ "ĠRand": 11969,
+ "ession": 11970,
+ ",y": 11971,
+ "Ġenduring": 11972,
+ "Ġmetric": 11973,
+ "Ġchecks": 11974,
+ "Ġpredators": 11975,
+ "Ġgenetics": 11976,
+ "ĠEdward": 11977,
+ "ĠTyp": 11978,
+ "Ġstatic": 11979,
+ "Ġsuicide": 11980,
+ "Ġenjoying": 11981,
+ "ĠAgriculture": 11982,
+ "Ġspinal": 11983,
+ "Ġdistinction": 11984,
+ "pa": 11985,
+ "ika": 11986,
+ "flammatory": 11987,
+ "worm": 11988,
+ "aints": 11989,
+ "John": 11990,
+ "Ġunnecessary": 11991,
+ "Ġelsewhere": 11992,
+ "Ġlemon": 11993,
+ "Ġperceptions": 11994,
+ "Ġendless": 11995,
+ "Ġintervals": 11996,
+ "Therefore": 11997,
+ "fty": 11998,
+ "Ġenormous": 11999,
+ "agg": 12000,
+ "Ġtransparent": 12001,
+ "omers": 12002,
+ "Ġcoping": 12003,
+ "Ġmart": 12004,
+ "ĠImage": 12005,
+ "Ġhighlighted": 12006,
+ "Ġqualitative": 12007,
+ "Ġsleeping": 12008,
+ "strial": 12009,
+ "900": 12010,
+ "iy": 12011,
+ "Ġaltered": 12012,
+ "Ġexempl": 12013,
+ "Ġbills": 12014,
+ "Ġdried": 12015,
+ "Ġnurse": 12016,
+ "ĠHung": 12017,
+ "Ġinfluencing": 12018,
+ "ĠCold": 12019,
+ "ĠPlanning": 12020,
+ "Ġrenowned": 12021,
+ "ÙĦ": 12022,
+ "arded": 12023,
+ "Like": 12024,
+ "ĠSize": 12025,
+ "Ġunem": 12026,
+ "ker": 12027,
+ "fs": 12028,
+ "Ġloans": 12029,
+ "Ġdenomin": 12030,
+ "Ġdissertation": 12031,
+ "Ġcompletion": 12032,
+ "gets": 12033,
+ "Ġsees": 12034,
+ "Ġweights": 12035,
+ "raq": 12036,
+ "ropriate": 12037,
+ "Ġspoke": 12038,
+ "ĠIndex": 12039,
+ "ulent": 12040,
+ "Author": 12041,
+ "Ġhind": 12042,
+ "Ġformats": 12043,
+ "Ġgoverning": 12044,
+ "Ġderivative": 12045,
+ "Ġimmunity": 12046,
+ "dem": 12047,
+ "Ġhip": 12048,
+ "ĠFred": 12049,
+ "Ġbold": 12050,
+ "Ġfactory": 12051,
+ "ĠColumbia": 12052,
+ "urity": 12053,
+ "ĠSem": 12054,
+ "Ġiter": 12055,
+ "ĠEngaging": 12056,
+ "ĠParliament": 12057,
+ "Ġbrains": 12058,
+ "ĠThird": 12059,
+ "hetics": 12060,
+ "non": 12061,
+ "Ġshelter": 12062,
+ "Ġoz": 12063,
+ "bury": 12064,
+ "seud": 12065,
+ "Ġgrapp": 12066,
+ "otive": 12067,
+ "Ġchamber": 12068,
+ "vels": 12069,
+ "ĠWil": 12070,
+ "ĠFlu": 12071,
+ "letter": 12072,
+ "Ġmosquit": 12073,
+ "Ġdeposits": 12074,
+ "ĠIndians": 12075,
+ "tte": 12076,
+ "Ġnamely": 12077,
+ "ineteenth": 12078,
+ "ĠOffic": 12079,
+ "ĠMinistry": 12080,
+ "Ġreign": 12081,
+ "Ġrooted": 12082,
+ "ivestock": 12083,
+ "Ġoceans": 12084,
+ "ĠThings": 12085,
+ "Ġfilters": 12086,
+ "TIC": 12087,
+ "ORY": 12088,
+ "ixed": 12089,
+ "Ġoriginated": 12090,
+ "Ġarter": 12091,
+ "Ġbiography": 12092,
+ "Ġreproduction": 12093,
+ "Ġshade": 12094,
+ "Ġcontrad": 12095,
+ "ĠFall": 12096,
+ "oked": 12097,
+ "ĠVeg": 12098,
+ "inance": 12099,
+ "Ġrhet": 12100,
+ ",\\": 12101,
+ "Ġminority": 12102,
+ "Ġma": 12103,
+ "Ġrefrig": 12104,
+ "Ġevolutionary": 12105,
+ "Ġsphere": 12106,
+ "mond": 12107,
+ "ĠTwitter": 12108,
+ "Ġwra": 12109,
+ "Ġdementia": 12110,
+ "otyp": 12111,
+ "akh": 12112,
+ "ĠFer": 12113,
+ "INE": 12114,
+ "Ġheal": 12115,
+ "Ġexamines": 12116,
+ "Ġefficacy": 12117,
+ "asis": 12118,
+ "Ġseasonal": 12119,
+ "aque": 12120,
+ "pson": 12121,
+ "Ġconfiguration": 12122,
+ "Ġcharging": 12123,
+ "ĠUrban": 12124,
+ "Ġcharts": 12125,
+ "�": 12126,
+ "igs": 12127,
+ "ĠDiabetes": 12128,
+ "Ġdinner": 12129,
+ "ĠMic": 12130,
+ "````": 12131,
+ "Ġlapt": 12132,
+ "insert": 12133,
+ "Ġasks": 12134,
+ "ĠNC": 12135,
+ "Ġoccurrence": 12136,
+ "Ġnic": 12137,
+ "ĠAlexander": 12138,
+ "Ġmagazine": 12139,
+ "ĠSchools": 12140,
+ "ository": 12141,
+ "ĠSaint": 12142,
+ "ĠAssignment": 12143,
+ "ĠCaribbean": 12144,
+ "Ġlimiting": 12145,
+ "Ġingredient": 12146,
+ "urally": 12147,
+ "True": 12148,
+ "neum": 12149,
+ "Ġirregular": 12150,
+ "ocaust": 12151,
+ "Ġtrem": 12152,
+ "Ġtriggers": 12153,
+ "Ġvom": 12154,
+ "Ġprone": 12155,
+ "idays": 12156,
+ "ĠBol": 12157,
+ "noon": 12158,
+ "Ġdegradation": 12159,
+ "ĠParticip": 12160,
+ "Ġmistake": 12161,
+ "Ġnod": 12162,
+ "\"\"\"Ċ": 12163,
+ "ĠCON": 12164,
+ "Ġdispers": 12165,
+ "Ġgeometric": 12166,
+ "Ġadvocate": 12167,
+ "ĠØ": 12168,
+ "(y": 12169,
+ "Ġempirical": 12170,
+ ".F": 12171,
+ "Ġclarify": 12172,
+ "_name": 12173,
+ "ghan": 12174,
+ ".).": 12175,
+ "Ġoutbreak": 12176,
+ "ocking": 12177,
+ "Ġdangers": 12178,
+ "Any": 12179,
+ "Ġorganizing": 12180,
+ "Ġ``": 12181,
+ "ĠHot": 12182,
+ "Ġnick": 12183,
+ "aded": 12184,
+ "abetic": 12185,
+ "ĠEffects": 12186,
+ "fly": 12187,
+ "riends": 12188,
+ "Ġmodify": 12189,
+ "Ġbibli": 12190,
+ "Ġmethodology": 12191,
+ "ĠVitamin": 12192,
+ "Ġsolved": 12193,
+ "Ġfears": 12194,
+ "PL": 12195,
+ "Ġbless": 12196,
+ "ĠField": 12197,
+ "regation": 12198,
+ "Ġruled": 12199,
+ "Ġfaculty": 12200,
+ "marks": 12201,
+ "Ġgardening": 12202,
+ "edies": 12203,
+ "Ġsorts": 12204,
+ "Ġassociations": 12205,
+ "Ġhistorians": 12206,
+ "ĠScientists": 12207,
+ "112": 12208,
+ "Ġwings": 12209,
+ "Ġdisk": 12210,
+ "Ġrelates": 12211,
+ "Ġoccasionally": 12212,
+ "ĠDeep": 12213,
+ "Ġphysiological": 12214,
+ "Ġcopies": 12215,
+ "ĠAlzheimer": 12216,
+ "Ġbears": 12217,
+ "Class": 12218,
+ "Ġthreatened": 12219,
+ "Ġsurveys": 12220,
+ "lib": 12221,
+ "Ġdiagrams": 12222,
+ "Ġ____": 12223,
+ "ERT": 12224,
+ "Ġchron": 12225,
+ "ĠAnswers": 12226,
+ "Ġmachinery": 12227,
+ "ĠOtt": 12228,
+ "ĠSoftware": 12229,
+ "ricts": 12230,
+ "ĠHit": 12231,
+ "ĠAvailable": 12232,
+ "Ġcommittee": 12233,
+ "Additionally": 12234,
+ "Ġthrow": 12235,
+ "Ġearned": 12236,
+ "bage": 12237,
+ "Ġgau": 12238,
+ "EST": 12239,
+ "Ġdatabases": 12240,
+ "ilst": 12241,
+ "Ġdual": 12242,
+ "ĠTeam": 12243,
+ "Activity": 12244,
+ "ald": 12245,
+ "ĠSus": 12246,
+ "Ġvow": 12247,
+ "count": 12248,
+ "Ġpolymer": 12249,
+ "Ġinstitutional": 12250,
+ "ois": 12251,
+ "command": 12252,
+ "ĠDaniel": 12253,
+ "ĠStan": 12254,
+ "æķ°": 12255,
+ "Ġinfants": 12256,
+ "Ġpleasure": 12257,
+ "-col": 12258,
+ "ĠFamil": 12259,
+ "Ġunlock": 12260,
+ "Ġtranslated": 12261,
+ "Ġ//": 12262,
+ "Ġarthritis": 12263,
+ "istically": 12264,
+ "elta": 12265,
+ "ĠEgyptian": 12266,
+ "ĠStories": 12267,
+ "-part": 12268,
+ "Ġclouds": 12269,
+ "Ġdividing": 12270,
+ "Ġhearts": 12271,
+ "Ġsurviv": 12272,
+ "sembly": 12273,
+ "Ġions": 12274,
+ "ĠGar": 12275,
+ "Ġ${\\": 12276,
+ "Ġpotatoes": 12277,
+ "iatric": 12278,
+ "fiction": 12279,
+ "ĠDeath": 12280,
+ "imeters": 12281,
+ ".J": 12282,
+ "GE": 12283,
+ "Ġcrew": 12284,
+ "Ġrubber": 12285,
+ "Ġfeatured": 12286,
+ "ĠPerson": 12287,
+ "rible": 12288,
+ "Ġinvasion": 12289,
+ "Ġassessed": 12290,
+ "ilson": 12291,
+ "ĠAnimals": 12292,
+ "176": 12293,
+ "lower": 12294,
+ "raid": 12295,
+ "width": 12296,
+ "Ġdot": 12297,
+ "agan": 12298,
+ "ibration": 12299,
+ "Ġmemorable": 12300,
+ "Ġplt": 12301,
+ "ictional": 12302,
+ "Ġvirtually": 12303,
+ "press": 12304,
+ "ĠInstall": 12305,
+ "Ġsettled": 12306,
+ "ĠEquations": 12307,
+ "Ġcloth": 12308,
+ "ĠMichigan": 12309,
+ "engers": 12310,
+ "Ġwed": 12311,
+ "ĠSon": 12312,
+ "ĠPrice": 12313,
+ "Ġassociate": 12314,
+ "ĠGive": 12315,
+ "Ġrevolutionary": 12316,
+ "eh": 12317,
+ "Ġcombust": 12318,
+ "Ġdocumentation": 12319,
+ "uv": 12320,
+ "ĠNob": 12321,
+ "Ġteens": 12322,
+ "pend": 12323,
+ "Ġcanal": 12324,
+ "Ġheroes": 12325,
+ "Ġpublications": 12326,
+ "ĠEX": 12327,
+ "piece": 12328,
+ "acher": 12329,
+ "heses": 12330,
+ "Ġmodes": 12331,
+ "Ġpronunciation": 12332,
+ "ĠProfessional": 12333,
+ "Ġpitch": 12334,
+ "Ġshakespeare": 12335,
+ "Cs": 12336,
+ "Ġcompute": 12337,
+ "ĠCut": 12338,
+ "ĠFem": 12339,
+ "lie": 12340,
+ "Ġsomewhere": 12341,
+ "igeria": 12342,
+ "Ġconsequence": 12343,
+ "ĠPerhaps": 12344,
+ "Ġrays": 12345,
+ "Ġrelies": 12346,
+ "Ġsmoothly": 12347,
+ "Ġhobbies": 12348,
+ "Ġpurchased": 12349,
+ "urab": 12350,
+ "entieth": 12351,
+ "Ġpartnerships": 12352,
+ "Ġweekly": 12353,
+ "Ġoct": 12354,
+ "ĠHebrew": 12355,
+ "ĠMuslims": 12356,
+ "Ġmysterious": 12357,
+ "ĠDom": 12358,
+ "ĠLuc": 12359,
+ "ishop": 12360,
+ "Ġ##": 12361,
+ "Ġinvasive": 12362,
+ "Ġterminal": 12363,
+ "sv": 12364,
+ "arbon": 12365,
+ "Ġmaxim": 12366,
+ "ĠTrends": 12367,
+ "Ġpix": 12368,
+ "Ġprovin": 12369,
+ "ĠHarvard": 12370,
+ "isting": 12371,
+ "Ġmusicians": 12372,
+ "Ġdol": 12373,
+ "Ġgains": 12374,
+ "Ġfees": 12375,
+ "Ġpollut": 12376,
+ "Ġmanuscript": 12377,
+ "blem": 12378,
+ "ĠMes": 12379,
+ "ĠLinux": 12380,
+ "Ġmodifications": 12381,
+ "Ġtelesc": 12382,
+ "Ġillustrations": 12383,
+ "ĠSquare": 12384,
+ "Mat": 12385,
+ "acle": 12386,
+ "Ġmol": 12387,
+ "Ġmerg": 12388,
+ "ĠLiving": 12389,
+ "ĠHan": 12390,
+ "Ġcaring": 12391,
+ "graduate": 12392,
+ "plicate": 12393,
+ "Ġattempting": 12394,
+ "ĠTurk": 12395,
+ "FS": 12396,
+ "ĠCorn": 12397,
+ "Ġlocate": 12398,
+ "keys": 12399,
+ "Ġdrawings": 12400,
+ "ference": 12401,
+ "Ġtendency": 12402,
+ "Ġstew": 12403,
+ "Ġhide": 12404,
+ "Ġseasons": 12405,
+ "Ġgrounds": 12406,
+ "param": 12407,
+ "Ġsubtraction": 12408,
+ "ĠEducational": 12409,
+ "Ġconvin": 12410,
+ "ĠVers": 12411,
+ "cence": 12412,
+ "-def": 12413,
+ "ĠTurn": 12414,
+ "Ġsegments": 12415,
+ "Ġdrama": 12416,
+ "Ġarrangements": 12417,
+ "Ġcattle": 12418,
+ "Ġdelivering": 12419,
+ "ounters": 12420,
+ "Intern": 12421,
+ "Ġannually": 12422,
+ "Ġdiscovering": 12423,
+ "Ġrecess": 12424,
+ "ĠPennsylvania": 12425,
+ "ĠFarm": 12426,
+ "Ġoperators": 12427,
+ "ĠArabic": 12428,
+ "ĠFather": 12429,
+ "ĠLinear": 12430,
+ "-ass": 12431,
+ "Ġcomposite": 12432,
+ "ĠCalculate": 12433,
+ "Ġprofits": 12434,
+ "RL": 12435,
+ "ansas": 12436,
+ "inois": 12437,
+ "Ġorganis": 12438,
+ "Ġenthusiasts": 12439,
+ "Ġcluster": 12440,
+ "Did": 12441,
+ "ATE": 12442,
+ "ĠPoly": 12443,
+ "Ġoxid": 12444,
+ "Ġnavigation": 12445,
+ "Ġarrive": 12446,
+ "ennis": 12447,
+ "ĠAndrew": 12448,
+ "Ġgraphics": 12449,
+ "Ġstraw": 12450,
+ "Ġfrequencies": 12451,
+ "`,": 12452,
+ "}}{": 12453,
+ "-driven": 12454,
+ "gon": 12455,
+ "ĠDam": 12456,
+ "Ġgray": 12457,
+ "/A": 12458,
+ ".j": 12459,
+ "utor": 12460,
+ "Ġeleg": 12461,
+ "Ġ(âĢľ": 12462,
+ "ĠMP": 12463,
+ "Ġgamb": 12464,
+ "ĠTraditional": 12465,
+ "':Ċ": 12466,
+ "Ġ)Ċ": 12467,
+ "Ġlifes": 12468,
+ "Ġdisasters": 12469,
+ "Ġpupp": 12470,
+ "OLOG": 12471,
+ "ĠEvolution": 12472,
+ "Ġepic": 12473,
+ "ĠContent": 12474,
+ "Ġtort": 12475,
+ "ĠBase": 12476,
+ "Ġaccountability": 12477,
+ "Ġbrands": 12478,
+ "Ġhoped": 12479,
+ "ĠDial": 12480,
+ "><": 12481,
+ "?\"ĊĊ": 12482,
+ "Ġtire": 12483,
+ "ĠVirt": 12484,
+ "Ġtactics": 12485,
+ "ãĢĤ": 12486,
+ "HT": 12487,
+ "acerb": 12488,
+ "Ġantibodies": 12489,
+ "Ġstrains": 12490,
+ "Ġinev": 12491,
+ "Ġattain": 12492,
+ "ĠLincoln": 12493,
+ "imb": 12494,
+ "owns": 12495,
+ "Ġinterpretations": 12496,
+ "Ġconceptual": 12497,
+ "Ġbeta": 12498,
+ "Ġintra": 12499,
+ ".b": 12500,
+ "ĠCert": 12501,
+ "ĠNurs": 12502,
+ "Ġpressures": 12503,
+ "Ġcitizen": 12504,
+ "yan": 12505,
+ "front": 12506,
+ "Mon": 12507,
+ "Ġmarkers": 12508,
+ "rosion": 12509,
+ "ocent": 12510,
+ "Ġvacuum": 12511,
+ "Ġregime": 12512,
+ "ENILE": 12513,
+ "Ġcameras": 12514,
+ "emics": 12515,
+ "hero": 12516,
+ "Ġseriously": 12517,
+ "ĠPlants": 12518,
+ "actic": 12519,
+ "Ġemit": 12520,
+ "UVENILE": 12521,
+ "afe": 12522,
+ "Ġcounts": 12523,
+ "ĠLaboratory": 12524,
+ "ĠTax": 12525,
+ "Ġcontamination": 12526,
+ "~~": 12527,
+ "user": 12528,
+ "ĠEmbra": 12529,
+ "ãĥ": 12530,
+ "Ġvolumes": 12531,
+ "ĠWalk": 12532,
+ "**Ċ": 12533,
+ "var": 12534,
+ "Ġstreams": 12535,
+ "Ġdigestion": 12536,
+ "away": 12537,
+ "Ġdelves": 12538,
+ "ĠCarbon": 12539,
+ "ĠMarg": 12540,
+ "rin": 12541,
+ "iors": 12542,
+ "Ġneighbors": 12543,
+ "âĢĶa": 12544,
+ "Ġboards": 12545,
+ "atility": 12546,
+ "Ġoxide": 12547,
+ "ĠColorado": 12548,
+ "dess": 12549,
+ "Ġmacro": 12550,
+ "ĠFish": 12551,
+ "Thanks": 12552,
+ "128": 12553,
+ "Ġprotagon": 12554,
+ "Ġirrigation": 12555,
+ "Ġfate": 12556,
+ "Ġtiming": 12557,
+ "Ġepisode": 12558,
+ "ĠAbs": 12559,
+ "Ġpeaceful": 12560,
+ "Ġadopting": 12561,
+ "emies": 12562,
+ "Ġfolk": 12563,
+ "Tube": 12564,
+ "ĠRail": 12565,
+ "Ġpine": 12566,
+ "ĠGarden": 12567,
+ "igration": 12568,
+ "SO": 12569,
+ "Ġassessing": 12570,
+ "åIJ": 12571,
+ "Ġsymbolic": 12572,
+ "350": 12573,
+ "abled": 12574,
+ "Ġedit": 12575,
+ "Ġreminder": 12576,
+ "breaking": 12577,
+ "aine": 12578,
+ "arians": 12579,
+ "ĠSymptoms": 12580,
+ "Ġequitable": 12581,
+ "Ġshouldn": 12582,
+ "Ġhistories": 12583,
+ "uns": 12584,
+ "Answer": 12585,
+ "Ġlar": 12586,
+ "Ġrewards": 12587,
+ "Ġcapability": 12588,
+ "Ġembod": 12589,
+ "ĠMassachusetts": 12590,
+ "Ġwritings": 12591,
+ "Ġmotivated": 12592,
+ "Ġgenus": 12593,
+ "ĠNutrition": 12594,
+ "Ġvalued": 12595,
+ "Ġformulas": 12596,
+ "Ġknee": 12597,
+ "ĠWis": 12598,
+ "Ġtravels": 12599,
+ "Ġexclusive": 12600,
+ "ĠEV": 12601,
+ "Ġaffairs": 12602,
+ "ĠDie": 12603,
+ "Ġimbal": 12604,
+ "Ġprediction": 12605,
+ "Download": 12606,
+ "Ġdiscl": 12607,
+ "Ġappet": 12608,
+ "arma": 12609,
+ "verages": 12610,
+ "Ġfraud": 12611,
+ "Ġsnippets": 12612,
+ "MM": 12613,
+ "Ġonset": 12614,
+ "Ġexacerb": 12615,
+ "Ġwireless": 12616,
+ "Ġburied": 12617,
+ "ĠGrowth": 12618,
+ "ĠSleep": 12619,
+ "Ġglac": 12620,
+ "Ġcolleges": 12621,
+ "Ġbind": 12622,
+ "Ġasym": 12623,
+ "ĠMother": 12624,
+ "Ġarrival": 12625,
+ "English": 12626,
+ "Ġcrystal": 12627,
+ "Ġdropped": 12628,
+ "enda": 12629,
+ "Ġplanted": 12630,
+ "ĠÏĢ": 12631,
+ "Ġprofiles": 12632,
+ "Ġcorrel": 12633,
+ "ĠContemporary": 12634,
+ "-esteem": 12635,
+ "Ġspine": 12636,
+ "iral": 12637,
+ "Ġmurder": 12638,
+ "np": 12639,
+ "Whe": 12640,
+ "-cl": 12641,
+ "Ġanalytics": 12642,
+ "orb": 12643,
+ "Ġperformances": 12644,
+ "dominal": 12645,
+ "raham": 12646,
+ "Ġlakes": 12647,
+ "Take": 12648,
+ "Ġreviewed": 12649,
+ "ĠCapt": 12650,
+ "Ġraises": 12651,
+ "ĠRs": 12652,
+ "ĠMur": 12653,
+ "ĠGDP": 12654,
+ "ĠSustainable": 12655,
+ "-per": 12656,
+ "uble": 12657,
+ "ĠFed": 12658,
+ "Ġalk": 12659,
+ "ĠCompan": 12660,
+ "lem": 12661,
+ "Ġputs": 12662,
+ "Will": 12663,
+ "âĢ²": 12664,
+ "Ġspecialists": 12665,
+ "Ġliberal": 12666,
+ "Ġvivid": 12667,
+ "ĠWars": 12668,
+ "Ġmetall": 12669,
+ "ĠBerlin": 12670,
+ "about": 12671,
+ "ĠBern": 12672,
+ "Ġstrings": 12673,
+ "Ġvaccination": 12674,
+ "Ġprolonged": 12675,
+ "ĠSD": 12676,
+ "-American": 12677,
+ "ARS": 12678,
+ "Ġinver": 12679,
+ "Ġfertility": 12680,
+ "Ġpilot": 12681,
+ "yt": 12682,
+ "Ġplural": 12683,
+ ")*": 12684,
+ "iw": 12685,
+ "aping": 12686,
+ "Ġwake": 12687,
+ "itzer": 12688,
+ "Ġlicense": 12689,
+ "random": 12690,
+ "Ġunlikely": 12691,
+ "merce": 12692,
+ "Ġ###": 12693,
+ "ĠChallenges": 12694,
+ "ysics": 12695,
+ "Ġproducers": 12696,
+ "ĠPlans": 12697,
+ "ĠAges": 12698,
+ "Ġheated": 12699,
+ "ĠFacts": 12700,
+ "Ġstretch": 12701,
+ "QU": 12702,
+ "Ġbrave": 12703,
+ "bird": 12704,
+ "Ġimpression": 12705,
+ "ĠBuild": 12706,
+ "Ġunpre": 12707,
+ "ĠEssential": 12708,
+ "Home": 12709,
+ "CL": 12710,
+ "aa": 12711,
+ "bul": 12712,
+ "ĠBio": 12713,
+ "ocket": 12714,
+ "ifice": 12715,
+ "Ġaesthetic": 12716,
+ "VE": 12717,
+ "Ġcylinder": 12718,
+ "Ġcalculating": 12719,
+ "igation": 12720,
+ "Ġcompeting": 12721,
+ "ĠJackson": 12722,
+ "posed": 12723,
+ "ĠCrus": 12724,
+ "Ġlocally": 12725,
+ "ĠSample": 12726,
+ ".:": 12727,
+ "Ãĥ": 12728,
+ "ĠPrimary": 12729,
+ "Ġtriangles": 12730,
+ "usalem": 12731,
+ "Ġspan": 12732,
+ "Ġcolony": 12733,
+ "icultural": 12734,
+ "Ġplag": 12735,
+ "ĠWin": 12736,
+ "charg": 12737,
+ "Ġrituals": 12738,
+ "168": 12739,
+ "Ġlift": 12740,
+ "power": 12741,
+ "heres": 12742,
+ "Ġlux": 12743,
+ "Ġpreview": 12744,
+ "ĠContext": 12745,
+ "Ġanalog": 12746,
+ "Ġautomated": 12747,
+ "Ġaquatic": 12748,
+ "Top": 12749,
+ "Ġmultipl": 12750,
+ "ĠChief": 12751,
+ "ĠIndustry": 12752,
+ "Ġratios": 12753,
+ "ĠResource": 12754,
+ "Ġweaknesses": 12755,
+ "ĠMaria": 12756,
+ "{x": 12757,
+ "Ġstuck": 12758,
+ "(len": 12759,
+ "Ġfusion": 12760,
+ "Ġdisplacement": 12761,
+ "unar": 12762,
+ "ĠMeasure": 12763,
+ "inth": 12764,
+ "Ġbutt": 12765,
+ "Ġbrit": 12766,
+ "REE": 12767,
+ "Ġconve": 12768,
+ "ĠOcc": 12769,
+ "ĠFrancisco": 12770,
+ "otechnology": 12771,
+ "Ġdrops": 12772,
+ "Ġrating": 12773,
+ "_data": 12774,
+ "Ġdrainage": 12775,
+ "Ġlith": 12776,
+ "Ġliterally": 12777,
+ "ION": 12778,
+ "Ġpale": 12779,
+ "ĠCommons": 12780,
+ "utors": 12781,
+ "á»": 12782,
+ "rots": 12783,
+ "Ġafternoon": 12784,
+ ".next": 12785,
+ "obe": 12786,
+ "lict": 12787,
+ "EA": 12788,
+ "ĠJr": 12789,
+ "Ġmarginalized": 12790,
+ "ĠMeaning": 12791,
+ "itic": 12792,
+ "ĠFunctions": 12793,
+ "ĠHa": 12794,
+ "nea": 12795,
+ "Ġcommod": 12796,
+ "Ġfavour": 12797,
+ "Ġwinds": 12798,
+ "Ġexplicitly": 12799,
+ "Ġcannab": 12800,
+ "egree": 12801,
+ "Ġretention": 12802,
+ "file": 12803,
+ "Ġul": 12804,
+ "Ġmatching": 12805,
+ "Ġfundament": 12806,
+ "clusivity": 12807,
+ "Ġinfinite": 12808,
+ "Ġpassive": 12809,
+ "ĠDiagram": 12810,
+ "ен": 12811,
+ "Click": 12812,
+ "ĠPL": 12813,
+ "âĦ¢": 12814,
+ "ĠPast": 12815,
+ "Ġworn": 12816,
+ "olecular": 12817,
+ "adel": 12818,
+ "Ġargumentative": 12819,
+ "Ġemployers": 12820,
+ "ĠGa": 12821,
+ "itled": 12822,
+ "Ġsenses": 12823,
+ "ĠResearchers": 12824,
+ "Ġexponential": 12825,
+ "Ġbowl": 12826,
+ "cut": 12827,
+ "else": 12828,
+ "ĠSmart": 12829,
+ "ĠImportant": 12830,
+ "Dep": 12831,
+ "ĠNic": 12832,
+ "ĠInv": 12833,
+ "ĠSummary": 12834,
+ "Ġicon": 12835,
+ "Ġelections": 12836,
+ "Ġsmile": 12837,
+ "arse": 12838,
+ "TC": 12839,
+ "Ġcollaborate": 12840,
+ "Ġceram": 12841,
+ "Ġabsorbed": 12842,
+ "Ġ________________": 12843,
+ "ĠBon": 12844,
+ "-an": 12845,
+ "ĠStill": 12846,
+ "thew": 12847,
+ "lla": 12848,
+ "names": 12849,
+ "Water": 12850,
+ "Ġbelongs": 12851,
+ "ĠGir": 12852,
+ "Ġsoap": 12853,
+ "ĠPhD": 12854,
+ "imedia": 12855,
+ "ĠStructure": 12856,
+ "Ġintroduces": 12857,
+ "vi": 12858,
+ "folio": 12859,
+ "cycle": 12860,
+ "ĠCreating": 12861,
+ "Ġfluids": 12862,
+ "Ġsimpler": 12863,
+ "rowse": 12864,
+ "ĠïĢ": 12865,
+ "ĠFive": 12866,
+ "Researchers": 12867,
+ "ĠIndonesia": 12868,
+ "Ġafric": 12869,
+ "ĠDepression": 12870,
+ "Ġdisposal": 12871,
+ "ĠTai": 12872,
+ "Ġpreserved": 12873,
+ "oub": 12874,
+ "ĠTour": 12875,
+ "ĠFair": 12876,
+ "ĠPy": 12877,
+ "ĠEstab": 12878,
+ "Ġmanipulation": 12879,
+ "Ġpredominant": 12880,
+ "yard": 12881,
+ "Ġâ": 12882,
+ "erves": 12883,
+ "Ġgastro": 12884,
+ "ulates": 12885,
+ "Ġbiases": 12886,
+ "','": 12887,
+ "tein": 12888,
+ "Ġdefects": 12889,
+ "feed": 12890,
+ "ĠAsh": 12891,
+ "Social": 12892,
+ "115": 12893,
+ "ĠNON": 12894,
+ "best": 12895,
+ "ĠGram": 12896,
+ "Ġcookies": 12897,
+ "after": 12898,
+ "Ġlunch": 12899,
+ "Ġcollapse": 12900,
+ "Ant": 12901,
+ "Ġrolling": 12902,
+ "ICS": 12903,
+ "Ġwires": 12904,
+ "Ġtimely": 12905,
+ "Ġarom": 12906,
+ "ĠUkraine": 12907,
+ "Ġger": 12908,
+ "Ġtalks": 12909,
+ "ĠTerm": 12910,
+ "Ġvot": 12911,
+ "Ġappointed": 12912,
+ "Ġaccomplished": 12913,
+ "Oct": 12914,
+ "ighth": 12915,
+ "ä½": 12916,
+ "}(": 12917,
+ "Ġodds": 12918,
+ "Ġkilometers": 12919,
+ "ĠHem": 12920,
+ "sk": 12921,
+ "Ġafraid": 12922,
+ "ceeds": 12923,
+ "ĠNY": 12924,
+ "ĠIraq": 12925,
+ "Ġtraditionally": 12926,
+ "Ġreinforce": 12927,
+ "ĠKn": 12928,
+ "orie": 12929,
+ "quate": 12930,
+ "Ġsemic": 12931,
+ "Ġintim": 12932,
+ "Ġcrust": 12933,
+ "brev": 12934,
+ "anol": 12935,
+ "Ġimpacted": 12936,
+ "ĠContents": 12937,
+ "ermat": 12938,
+ "Ġthreshold": 12939,
+ "apore": 12940,
+ "uning": 12941,
+ "ĠStone": 12942,
+ "Ġanswered": 12943,
+ "aturday": 12944,
+ "Ġcubic": 12945,
+ "Ġbearing": 12946,
+ "Ġmultif": 12947,
+ "Ġbanking": 12948,
+ "path": 12949,
+ "ochemical": 12950,
+ "Ġseiz": 12951,
+ "roups": 12952,
+ "¬": 12953,
+ "Ġstimulate": 12954,
+ "Ġdying": 12955,
+ "uese": 12956,
+ "Ġautomation": 12957,
+ "Ġgenerates": 12958,
+ "Ġbattles": 12959,
+ "estry": 12960,
+ "Ġbugs": 12961,
+ "Ġstain": 12962,
+ "Ġpediatric": 12963,
+ "Ġtwelve": 12964,
+ "scill": 12965,
+ "Ġbelt": 12966,
+ "-edge": 12967,
+ "ĠHon": 12968,
+ "Ġintersect": 12969,
+ "Ġtumors": 12970,
+ "ĠNO": 12971,
+ "Ġalignment": 12972,
+ "ourses": 12973,
+ "Ġfilt": 12974,
+ ".edu": 12975,
+ "owing": 12976,
+ "Ġcivilizations": 12977,
+ "phi": 12978,
+ "Ġanch": 12979,
+ "Ġarithmetic": 12980,
+ "Ġcommands": 12981,
+ "Ġinflammatory": 12982,
+ "ĠIssues": 12983,
+ "ĠWas": 12984,
+ "Ġcomputational": 12985,
+ "ĠWales": 12986,
+ "Ġprompts": 12987,
+ "Back": 12988,
+ "ĠBelow": 12989,
+ "Ġsubstitute": 12990,
+ ".N": 12991,
+ "Ġpipes": 12992,
+ "pendicular": 12993,
+ "olis": 12994,
+ "Ġedited": 12995,
+ "ĠPoland": 12996,
+ "adays": 12997,
+ "Ġemission": 12998,
+ "lux": 12999,
+ "Ġtreats": 13000,
+ "âĢIJ": 13001,
+ "Ġhandwriting": 13002,
+ "Ġtransplant": 13003,
+ "Ġmaths": 13004,
+ "Ġda": 13005,
+ "Ġdocumented": 13006,
+ "Ġtalent": 13007,
+ "Ġ±": 13008,
+ "Ġtrail": 13009,
+ "Furthermore": 13010,
+ "etric": 13011,
+ "ĠYears": 13012,
+ "ĠOS": 13013,
+ "Make": 13014,
+ "reatment": 13015,
+ "Ġinformal": 13016,
+ "ĠLink": 13017,
+ "ĠSpecifically": 13018,
+ "ĠAk": 13019,
+ "Ġperipher": 13020,
+ "Ġseal": 13021,
+ "ĠCit": 13022,
+ "iph": 13023,
+ "orters": 13024,
+ "fortable": 13025,
+ "Ġoccupied": 13026,
+ "Ġallergic": 13027,
+ "ĠDiscover": 13028,
+ "Ġtense": 13029,
+ "Ġvice": 13030,
+ "Ġrevealing": 13031,
+ "Ġbull": 13032,
+ "Ġnetworking": 13033,
+ ".H": 13034,
+ "Ġtender": 13035,
+ "DL": 13036,
+ "Ġfestival": 13037,
+ "ĠMultiple": 13038,
+ "Ġchurches": 13039,
+ "107": 13040,
+ "rub": 13041,
+ "Ġlabeled": 13042,
+ "Math": 13043,
+ "ĠCovid": 13044,
+ "/Ċ": 13045,
+ "Ġtinnitus": 13046,
+ "Ġvocal": 13047,
+ "PP": 13048,
+ "Ġjewel": 13049,
+ "-out": 13050,
+ "Ben": 13051,
+ "EX": 13052,
+ "ĠNewton": 13053,
+ "Ġconstitutes": 13054,
+ "Ġenterprise": 13055,
+ "ĠFa": 13056,
+ "Ġguiding": 13057,
+ "Ġzinc": 13058,
+ "Ġreturning": 13059,
+ "organisms": 13060,
+ "Ġirrelevant": 13061,
+ "cr": 13062,
+ "Ġbars": 13063,
+ "^{-": 13064,
+ "Ġvariance": 13065,
+ "Ġdoses": 13066,
+ "ĠHom": 13067,
+ "ĠClear": 13068,
+ "bec": 13069,
+ "Ag": 13070,
+ "Ġlets": 13071,
+ "redit": 13072,
+ "doors": 13073,
+ "Ġlongest": 13074,
+ "Ġmonetary": 13075,
+ "Ġaccordance": 13076,
+ "ÑĢа": 13077,
+ "205": 13078,
+ "ĠExec": 13079,
+ "Ġlengths": 13080,
+ "ĠDisorder": 13081,
+ "ĠSteel": 13082,
+ "olk": 13083,
+ "Ġchamp": 13084,
+ "Ġbrilliant": 13085,
+ "uclear": 13086,
+ "Ġenabled": 13087,
+ "ĠTools": 13088,
+ "ansk": 13089,
+ "___": 13090,
+ "Ġearthquake": 13091,
+ "original": 13092,
+ "Ġphon": 13093,
+ "claimed": 13094,
+ "ĠOd": 13095,
+ "ĠDat": 13096,
+ "lighten": 13097,
+ "Ġretrie": 13098,
+ "Ġpap": 13099,
+ "ĠPi": 13100,
+ "Ġmagnesium": 13101,
+ "Ġdistricts": 13102,
+ "Ġdisparities": 13103,
+ "Ġshield": 13104,
+ "Ġshoulder": 13105,
+ "ĠOrth": 13106,
+ "æĺ": 13107,
+ "ĠNavy": 13108,
+ "plicity": 13109,
+ "Ġtired": 13110,
+ "Ġreservoir": 13111,
+ "Ġvag": 13112,
+ "Ġfinite": 13113,
+ "ĠPalest": 13114,
+ "ĠOnt": 13115,
+ "rophic": 13116,
+ "================": 13117,
+ "bour": 13118,
+ "Ġhypertension": 13119,
+ "Ġadvancement": 13120,
+ "Ġdos": 13121,
+ "Ġcamps": 13122,
+ "Ġbridges": 13123,
+ "iously": 13124,
+ "Ġtoile": 13125,
+ "Source": 13126,
+ "Ġå": 13127,
+ "Ġautomatic": 13128,
+ "ĠReference": 13129,
+ "ĠHind": 13130,
+ "Ġsnake": 13131,
+ "ographies": 13132,
+ "pret": 13133,
+ "Ġmush": 13134,
+ "esome": 13135,
+ "220": 13136,
+ "Ġwarfare": 13137,
+ "ĠTR": 13138,
+ "ĠUtil": 13139,
+ "Ġheaven": 13140,
+ "Ġincl": 13141,
+ "Char": 13142,
+ "Ġexport": 13143,
+ "Ġcreations": 13144,
+ "arer": 13145,
+ "Recent": 13146,
+ "Ġmim": 13147,
+ "Ġpartially": 13148,
+ "ĠMarine": 13149,
+ "ÑģÑĤ": 13150,
+ "Ġsucc": 13151,
+ "uropean": 13152,
+ "Ġvon": 13153,
+ "acon": 13154,
+ "Ġendangered": 13155,
+ "Ġviewing": 13156,
+ "}=": 13157,
+ "ĠRat": 13158,
+ "ĠComplete": 13159,
+ "idae": 13160,
+ "æĸ": 13161,
+ "ĠLuther": 13162,
+ "ĠBureau": 13163,
+ "Ġbands": 13164,
+ "Ġdiarrhea": 13165,
+ "Ġofficially": 13166,
+ "Ġcrafting": 13167,
+ "ã": 13168,
+ "Ġlottery": 13169,
+ "Ġapproval": 13170,
+ "Ġchrist": 13171,
+ "Ġdialect": 13172,
+ "Ġaccompany": 13173,
+ "ĠMaths": 13174,
+ "Ġbegun": 13175,
+ "Ġguitar": 13176,
+ "ĠTaylor": 13177,
+ "Ġsurveillance": 13178,
+ "Ġμ": 13179,
+ "Ġcompensation": 13180,
+ "Ġinformative": 13181,
+ "Ġverify": 13182,
+ "anth": 13183,
+ "Ġlivestock": 13184,
+ "ĠTalk": 13185,
+ "Ġworkshop": 13186,
+ "Ġargues": 13187,
+ "ĠEconomics": 13188,
+ "Ġcigarettes": 13189,
+ "Ġautonomy": 13190,
+ "ĠJane": 13191,
+ "ĠCloud": 13192,
+ "Ġrou": 13193,
+ "з": 13194,
+ "was": 13195,
+ "ques": 13196,
+ "Ġpursuing": 13197,
+ "ĠLu": 13198,
+ "121": 13199,
+ "çĶ": 13200,
+ "ĠHas": 13201,
+ "Jan": 13202,
+ "anium": 13203,
+ "Ġdehyd": 13204,
+ "riers": 13205,
+ "ĠHab": 13206,
+ "ĠDecl": 13207,
+ "ensively": 13208,
+ "Ġdiagnose": 13209,
+ "Ġfoundations": 13210,
+ "),Ċ": 13211,
+ "Ġapples": 13212,
+ "è¿": 13213,
+ "Ġquery": 13214,
+ "Ġmastering": 13215,
+ "ĠComplex": 13216,
+ "Ġrefine": 13217,
+ "Ġties": 13218,
+ "flies": 13219,
+ "Ġreadings": 13220,
+ "ĠBuddhism": 13221,
+ "Ġrepresentatives": 13222,
+ "utri": 13223,
+ "ouch": 13224,
+ "ĠBh": 13225,
+ "Ġfertilizer": 13226,
+ "Ġphotograp": 13227,
+ "oqu": 13228,
+ "ĠEffective": 13229,
+ "Ġwage": 13230,
+ "stud": 13231,
+ "mid": 13232,
+ "National": 13233,
+ "Ġoperated": 13234,
+ "ĠABC": 13235,
+ "Ġbreathe": 13236,
+ "()`": 13237,
+ "oline": 13238,
+ "osaur": 13239,
+ "metric": 13240,
+ "ĠSTEM": 13241,
+ "ĠUsed": 13242,
+ "ĠJerusalem": 13243,
+ "ĠSanta": 13244,
+ "ĠHealthy": 13245,
+ "umbers": 13246,
+ "Ġprecipitation": 13247,
+ "Ġpour": 13248,
+ "Ġtragic": 13249,
+ "Ġaccumulation": 13250,
+ "Ġinduced": 13251,
+ "rizona": 13252,
+ "Ġtensions": 13253,
+ "clusively": 13254,
+ "ĠTransport": 13255,
+ "OLOGY": 13256,
+ "forms": 13257,
+ "Ġexpense": 13258,
+ "ĠAh": 13259,
+ "Ġvariability": 13260,
+ "Ġadaptive": 13261,
+ "ĠStress": 13262,
+ "AND": 13263,
+ "Ġbroke": 13264,
+ "Ġsheep": 13265,
+ "fficients": 13266,
+ "Ġappealing": 13267,
+ "ĠPack": 13268,
+ "Ġdepicted": 13269,
+ "MD": 13270,
+ "Ġfungi": 13271,
+ "Ġshore": 13272,
+ "aven": 13273,
+ "Ġlin": 13274,
+ "Ġwilliam": 13275,
+ "Ġsel": 13276,
+ "Ġadul": 13277,
+ "Ġfisher": 13278,
+ "Ġbases": 13279,
+ "ĠNigeria": 13280,
+ "ĠTesting": 13281,
+ "-care": 13282,
+ "Ġpreference": 13283,
+ "Ġric": 13284,
+ "Ġnerves": 13285,
+ "Error": 13286,
+ "Ġpursuit": 13287,
+ "Ġreferring": 13288,
+ "Ġtransitions": 13289,
+ "Ġtries": 13290,
+ "ĠNether": 13291,
+ "Ġmatches": 13292,
+ "asses": 13293,
+ "ifiers": 13294,
+ "Thus": 13295,
+ "Ġwherein": 13296,
+ "Ġinjection": 13297,
+ "ĠRather": 13298,
+ "Ġmythology": 13299,
+ "Ġwonders": 13300,
+ "240": 13301,
+ "Ġdecreasing": 13302,
+ "ĠNazi": 13303,
+ "Ġmile": 13304,
+ "-V": 13305,
+ "Ġcube": 13306,
+ "Ġplacement": 13307,
+ "ilingual": 13308,
+ "Ġtherapist": 13309,
+ "Ġprescription": 13310,
+ "Ġunwanted": 13311,
+ "Di": 13312,
+ "Ġcorruption": 13313,
+ "Ġamerica": 13314,
+ "Ġencompasses": 13315,
+ "ĠSCIENCE": 13316,
+ "ĠCapital": 13317,
+ "inst": 13318,
+ "Ġpromotion": 13319,
+ "dfrac": 13320,
+ "Ġtransforming": 13321,
+ "Ġ________": 13322,
+ "ĠGulf": 13323,
+ "Ġpowered": 13324,
+ "ĠIllinois": 13325,
+ "Ġbalancing": 13326,
+ "Ġoverse": 13327,
+ "World": 13328,
+ "ĠSent": 13329,
+ "itance": 13330,
+ "oat": 13331,
+ "ĠBlock": 13332,
+ "Ġoperates": 13333,
+ "ĠYouTube": 13334,
+ "ĠApplication": 13335,
+ "ĠSpirit": 13336,
+ "Ġfault": 13337,
+ "Ġconstitutional": 13338,
+ "Ġsilicon": 13339,
+ "ĠBox": 13340,
+ "Ġencounters": 13341,
+ "Ġgarlic": 13342,
+ "ĠJim": 13343,
+ "Ġgifts": 13344,
+ "Ġutilization": 13345,
+ "Ġshifting": 13346,
+ "Ġupset": 13347,
+ "Ġpatri": 13348,
+ "Common": 13349,
+ "Ġperiodic": 13350,
+ "Ġstruck": 13351,
+ "Ġfits": 13352,
+ "ĠAngeles": 13353,
+ "Ġcomparative": 13354,
+ "-sized": 13355,
+ "Dec": 13356,
+ "Ġtragedy": 13357,
+ "Ġexpend": 13358,
+ "Ġvoting": 13359,
+ "ĠWrit": 13360,
+ "ranch": 13361,
+ "Ġdollar": 13362,
+ "ĠProtect": 13363,
+ "Ġreceptors": 13364,
+ "Ġchips": 13365,
+ "Ġentries": 13366,
+ "sever": 13367,
+ "ĠFram": 13368,
+ "acity": 13369,
+ "angel": 13370,
+ "Ġcomic": 13371,
+ "ĠPhilippines": 13372,
+ "Ġabol": 13373,
+ "Ġpathway": 13374,
+ "\\left": 13375,
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 13376,
+ "angers": 13377,
+ "ĠChat": 13378,
+ "ĠWeight": 13379,
+ "Ġcomparable": 13380,
+ "Ġrecycled": 13381,
+ "ĠGP": 13382,
+ "Ġabroad": 13383,
+ "Ġspons": 13384,
+ "Ġinsufficient": 13385,
+ "Ġsoy": 13386,
+ "Ġstandardized": 13387,
+ "wind": 13388,
+ "Ġtargeting": 13389,
+ "Ġpreca": 13390,
+ "ĠBa": 13391,
+ "Ġquadratic": 13392,
+ "Ġappointment": 13393,
+ "Ġconsec": 13394,
+ "Ġniche": 13395,
+ "orce": 13396,
+ "ĠLic": 13397,
+ "Ġhub": 13398,
+ "amiliar": 13399,
+ "Ġbiblical": 13400,
+ "Ġexecuted": 13401,
+ "-made": 13402,
+ "aki": 13403,
+ "Ġconcentrate": 13404,
+ "ĠPrior": 13405,
+ "cler": 13406,
+ "ĠComprehens": 13407,
+ "Ġcomprises": 13408,
+ "Ġcone": 13409,
+ "Ġpuzzles": 13410,
+ "Ġholy": 13411,
+ "Ġelastic": 13412,
+ "Ġcounterparts": 13413,
+ "Ġrevelation": 13414,
+ "auses": 13415,
+ "Ġmainstream": 13416,
+ "Ġunst": 13417,
+ "Ġconvenience": 13418,
+ "ĠStruct": 13419,
+ "Equ": 13420,
+ "Ġclusters": 13421,
+ "Ġpolicym": 13422,
+ "Ġepit": 13423,
+ "igit": 13424,
+ "Check": 13425,
+ "\":Ċ": 13426,
+ "rose": 13427,
+ "ĠPear": 13428,
+ "Ġassumption": 13429,
+ "--ĊĊ": 13430,
+ "ĠWW": 13431,
+ "ĠAntar": 13432,
+ "yes": 13433,
+ "Rec": 13434,
+ "ĠConfed": 13435,
+ "Similar": 13436,
+ "ĠPerformance": 13437,
+ "Ġvulnerability": 13438,
+ "Ġnas": 13439,
+ "rec": 13440,
+ "Ġflux": 13441,
+ "Ġcreature": 13442,
+ "etically": 13443,
+ "otle": 13444,
+ "ĠTopic": 13445,
+ "orry": 13446,
+ "Ġconcert": 13447,
+ "_x": 13448,
+ "open": 13449,
+ "Ġverbs": 13450,
+ "Ġleak": 13451,
+ "Ġyard": 13452,
+ "isa": 13453,
+ "odox": 13454,
+ "Ġsustained": 13455,
+ "ĠLtd": 13456,
+ "olitan": 13457,
+ "ĠPeace": 13458,
+ "puter": 13459,
+ "Ġclassrooms": 13460,
+ "Ġrelying": 13461,
+ "Ġconnects": 13462,
+ "-he": 13463,
+ "Ġcampus": 13464,
+ "Ġsinging": 13465,
+ "Ġ||": 13466,
+ "Ġroutines": 13467,
+ "Ġalleviate": 13468,
+ "Ġresonate": 13469,
+ "Ġpyram": 13470,
+ "Ġinsulation": 13471,
+ "Ġslide": 13472,
+ "Ġeducated": 13473,
+ "ĠCountry": 13474,
+ "Ġtracks": 13475,
+ "Ġenvironmentally": 13476,
+ "ĠLeague": 13477,
+ "/S": 13478,
+ "Ġalgae": 13479,
+ "Work": 13480,
+ "Ġvomiting": 13481,
+ "ĠConvention": 13482,
+ "Ġsq": 13483,
+ "cedented": 13484,
+ "Ġmissions": 13485,
+ "Ġtower": 13486,
+ "Ġcardiac": 13487,
+ "ĠTravel": 13488,
+ "Ġstir": 13489,
+ "issipp": 13490,
+ "ĠAdvent": 13491,
+ "Ġcrafts": 13492,
+ "ĠNONFICTION": 13493,
+ "Ġanten": 13494,
+ "ĠMand": 13495,
+ "Ġcompression": 13496,
+ "Ġdramatically": 13497,
+ "Ġperceive": 13498,
+ "gered": 13499,
+ "Ġphysicians": 13500,
+ "itoring": 13501,
+ "Ġsimulations": 13502,
+ "onduct": 13503,
+ "Ġink": 13504,
+ "ĠSite": 13505,
+ "Ġgradient": 13506,
+ "ĠSymbol": 13507,
+ "Ġcounseling": 13508,
+ "Ġambiguity": 13509,
+ "Av": 13510,
+ "hemistry": 13511,
+ "tw": 13512,
+ "Ġsymbolism": 13513,
+ "Ġposes": 13514,
+ "Ġstops": 13515,
+ "otten": 13516,
+ "ĠDescription": 13517,
+ "ĠMuch": 13518,
+ "iac": 13519,
+ "Ġbee": 13520,
+ "olid": 13521,
+ "-ups": 13522,
+ "western": 13523,
+ "Ġnineteenth": 13524,
+ "Ġindicator": 13525,
+ "Ġperf": 13526,
+ "ĠTemple": 13527,
+ "Form": 13528,
+ "ĠAfghan": 13529,
+ "lings": 13530,
+ "ĠAgree": 13531,
+ "Ġkilograms": 13532,
+ "Ġmindful": 13533,
+ "otine": 13534,
+ "ĠHu": 13535,
+ "ĠLater": 13536,
+ "ĉprint": 13537,
+ "Ġvolunteers": 13538,
+ "Ġorganisation": 13539,
+ "Ġnucleus": 13540,
+ "inator": 13541,
+ "Ġtroubles": 13542,
+ "URE": 13543,
+ "Ġjack": 13544,
+ "Ġtar": 13545,
+ "Ġine": 13546,
+ "Ġsearc": 13547,
+ "image": 13548,
+ "Ġneedle": 13549,
+ "aunt": 13550,
+ "Ġrectangle": 13551,
+ "ĠDynam": 13552,
+ "Second": 13553,
+ "isted": 13554,
+ "ĠContact": 13555,
+ "Ġpainted": 13556,
+ "Ġbulk": 13557,
+ "Ġsoccer": 13558,
+ "gram": 13559,
+ "ĠDown": 13560,
+ "Ġhandy": 13561,
+ "ĠAstron": 13562,
+ "American": 13563,
+ "Ġsubsid": 13564,
+ "ĠRelated": 13565,
+ "Ġsunny": 13566,
+ "Ġoccupation": 13567,
+ "jan": 13568,
+ "overs": 13569,
+ "Ġcavity": 13570,
+ "ĠFront": 13571,
+ "Ġcontaminated": 13572,
+ "ĠKent": 13573,
+ "ĠOwn": 13574,
+ "ĠGenerally": 13575,
+ "Ġflowing": 13576,
+ "rative": 13577,
+ "ochond": 13578,
+ "emor": 13579,
+ ")]": 13580,
+ "Ġslight": 13581,
+ "green": 13582,
+ "ĠManufact": 13583,
+ "ĠPrince": 13584,
+ "NN": 13585,
+ "menting": 13586,
+ "Ġdece": 13587,
+ "Ġviewers": 13588,
+ "anting": 13589,
+ "Ġelectromagnetic": 13590,
+ "Ġintermediate": 13591,
+ "Ġmutations": 13592,
+ "attered": 13593,
+ "Ġpaste": 13594,
+ "ĠSubject": 13595,
+ "Ġpathogens": 13596,
+ "Ġauthenticity": 13597,
+ "Ġgeneric": 13598,
+ "Ġeducate": 13599,
+ "ĠMonth": 13600,
+ "ä¸Ģ": 13601,
+ "Ġplots": 13602,
+ "Ġpicked": 13603,
+ "Ġsubsequently": 13604,
+ "ĠNep": 13605,
+ "ricane": 13606,
+ "pot": 13607,
+ "Ġphysic": 13608,
+ "ĠHitler": 13609,
+ "ugar": 13610,
+ "-inflammatory": 13611,
+ "RC": 13612,
+ "Ġattachment": 13613,
+ "Mean": 13614,
+ "Ġtied": 13615,
+ "utter": 13616,
+ "Ġwing": 13617,
+ "Ġconsensus": 13618,
+ "Ġindivid": 13619,
+ "ospel": 13620,
+ "Ġmelting": 13621,
+ "Ġhook": 13622,
+ "Ġdepartments": 13623,
+ "/L": 13624,
+ "Essay": 13625,
+ "Ġbark": 13626,
+ "approx": 13627,
+ "ĠThursday": 13628,
+ "Ġpublishing": 13629,
+ "pert": 13630,
+ "Ġattracted": 13631,
+ "Ġstocks": 13632,
+ "ipolar": 13633,
+ "Ġ{Ċ": 13634,
+ "oard": 13635,
+ "ĠRegional": 13636,
+ "amily": 13637,
+ "ĠTuesday": 13638,
+ "ĠMilitary": 13639,
+ "Par": 13640,
+ "ĠAlg": 13641,
+ "ĠGolden": 13642,
+ "ĠJones": 13643,
+ "è¯": 13644,
+ "quare": 13645,
+ "Ġoffices": 13646,
+ "113": 13647,
+ "ĠCook": 13648,
+ "Ġretire": 13649,
+ "Ġdeer": 13650,
+ "ÃĤ": 13651,
+ "-tra": 13652,
+ "Ġfounder": 13653,
+ "Ġfoundational": 13654,
+ "Ġmysteries": 13655,
+ "estinal": 13656,
+ "Ġcaution": 13657,
+ "ĠQuiz": 13658,
+ "ivism": 13659,
+ "ĠDu": 13660,
+ "ĠEnh": 13661,
+ "ĠPS": 13662,
+ "Ġmalaria": 13663,
+ "Ġgeographic": 13664,
+ "wall": 13665,
+ "Ġisot": 13666,
+ "ĠAim": 13667,
+ "Ġrequests": 13668,
+ "ĠTal": 13669,
+ "135": 13670,
+ "Ġconcentrated": 13671,
+ "Ġalpha": 13672,
+ "ĠEN": 13673,
+ "Ġcombustion": 13674,
+ "Ġentrance": 13675,
+ "Ġinjured": 13676,
+ "ĠScottish": 13677,
+ "sim": 13678,
+ "165": 13679,
+ "Ġcasual": 13680,
+ "rob": 13681,
+ "Ä«": 13682,
+ "Ġsixt": 13683,
+ "Ġimposed": 13684,
+ "Ġincidents": 13685,
+ "Ġshowcase": 13686,
+ "Ġsalmon": 13687,
+ "Ġtanks": 13688,
+ "ĠDepending": 13689,
+ "ĠKim": 13690,
+ "Ġkeyboard": 13691,
+ "Ġfeather": 13692,
+ "ĠConsult": 13693,
+ "disciplinary": 13694,
+ "Py": 13695,
+ "BM": 13696,
+ "FF": 13697,
+ "ĠPA": 13698,
+ "itutes": 13699,
+ "tr": 13700,
+ "urability": 13701,
+ "rock": 13702,
+ "Hz": 13703,
+ "iley": 13704,
+ "ĠRout": 13705,
+ "Consider": 13706,
+ "Total": 13707,
+ "Ġgam": 13708,
+ "ogl": 13709,
+ "Ġtransformative": 13710,
+ "Ġpurple": 13711,
+ "Ġcite": 13712,
+ "Ġbriefly": 13713,
+ "Ġnecessit": 13714,
+ "racks": 13715,
+ "-effect": 13716,
+ "elong": 13717,
+ "...ĊĊ": 13718,
+ "Ġshallow": 13719,
+ "Ġconfront": 13720,
+ "Ġtraject": 13721,
+ "ĠLower": 13722,
+ "ĠWednesday": 13723,
+ "ĠImprove": 13724,
+ "³³³³³³³": 13725,
+ "Ġoffs": 13726,
+ "infty": 13727,
+ "Ġounces": 13728,
+ "Set": 13729,
+ "Ġpassionate": 13730,
+ "Christ": 13731,
+ "panic": 13732,
+ "Ġflies": 13733,
+ "ardship": 13734,
+ "Ġfloating": 13735,
+ "Ġpracticed": 13736,
+ "Ġsingular": 13737,
+ "ĠMountain": 13738,
+ "Ġbroadcast": 13739,
+ "Ġtubes": 13740,
+ "abb": 13741,
+ "Ġartifacts": 13742,
+ "Ġsail": 13743,
+ "ĠJon": 13744,
+ "Ġcoupled": 13745,
+ "Ġjournals": 13746,
+ "Ġdistinguished": 13747,
+ "VD": 13748,
+ "ĠStation": 13749,
+ "State": 13750,
+ "ĠLegal": 13751,
+ "Ġawarded": 13752,
+ "Ġinvestigations": 13753,
+ "Ġsynthes": 13754,
+ "Ġbon": 13755,
+ "ĠPractices": 13756,
+ "has": 13757,
+ "ammad": 13758,
+ "arget": 13759,
+ "ĠUnderstand": 13760,
+ "Ġchecked": 13761,
+ "letal": 13762,
+ "Ġservers": 13763,
+ "rolling": 13764,
+ "check": 13765,
+ "Ġnecessity": 13766,
+ "Ġcel": 13767,
+ "dated": 13768,
+ "rison": 13769,
+ "Ġbicy": 13770,
+ "opath": 13771,
+ "ĠWatch": 13772,
+ "ĠStay": 13773,
+ "aug": 13774,
+ "Published": 13775,
+ ".),": 13776,
+ "Ġfut": 13777,
+ "Ġunprecedented": 13778,
+ "Ġinterference": 13779,
+ "ĠNation": 13780,
+ "Ġworkforce": 13781,
+ "ĠNavig": 13782,
+ "olding": 13783,
+ "Ġinclusivity": 13784,
+ "ĠSweden": 13785,
+ "ĠRespons": 13786,
+ "ĠRac": 13787,
+ "Ġenters": 13788,
+ "Ġbehave": 13789,
+ "°F": 13790,
+ "regon": 13791,
+ "Ġfrozen": 13792,
+ "Ġhang": 13793,
+ "Ġfollowers": 13794,
+ "Ġtapestry": 13795,
+ "Ġtemporal": 13796,
+ "Ġii": 13797,
+ "Ġcod": 13798,
+ "ı": 13799,
+ "Ġobligations": 13800,
+ "Ġconcise": 13801,
+ "Ġtoxins": 13802,
+ "Ġyeast": 13803,
+ "ĠMagn": 13804,
+ "Ġreceptor": 13805,
+ "ucky": 13806,
+ "-pl": 13807,
+ "activity": 13808,
+ "ĠLoss": 13809,
+ "inea": 13810,
+ "Ġduct": 13811,
+ "ĠWildlife": 13812,
+ "ĠOil": 13813,
+ "ĠNetherlands": 13814,
+ "ĠAward": 13815,
+ "Ġtransf": 13816,
+ "Ġmiscon": 13817,
+ "Ġhazardous": 13818,
+ "Ġscreens": 13819,
+ "Ġtast": 13820,
+ "Ġdesires": 13821,
+ "Ġconstitute": 13822,
+ "ĠIntrodu": 13823,
+ "aline": 13824,
+ "Jo": 13825,
+ "case": 13826,
+ "ppers": 13827,
+ "Both": 13828,
+ "Ġdependence": 13829,
+ "Ġcapturing": 13830,
+ "uster": 13831,
+ "ĠGuidelines": 13832,
+ "ов": 13833,
+ "ĠGender": 13834,
+ "ausea": 13835,
+ "Ġbaseball": 13836,
+ "Ġseaf": 13837,
+ "Ġmodules": 13838,
+ "iii": 13839,
+ "Ġhistorically": 13840,
+ "Ġwelding": 13841,
+ "Ġhate": 13842,
+ "Ġ>=": 13843,
+ "Ġobtaining": 13844,
+ "ĠNap": 13845,
+ "imated": 13846,
+ "Ġreleases": 13847,
+ "Ġwages": 13848,
+ "Ġmeta": 13849,
+ "ĠGh": 13850,
+ "Ġpesticides": 13851,
+ "ĠBell": 13852,
+ "iencies": 13853,
+ "Ġsatisfied": 13854,
+ "Ġfrog": 13855,
+ "Ġdominated": 13856,
+ "Ġnuanced": 13857,
+ "Ġthrilling": 13858,
+ "Ġsupplied": 13859,
+ "anna": 13860,
+ "Ġmanipulate": 13861,
+ "Ġcrown": 13862,
+ "Ġchip": 13863,
+ "Ġunemployment": 13864,
+ "Ġcontextual": 13865,
+ "raul": 13866,
+ "-income": 13867,
+ "Ġreplacing": 13868,
+ "Ġpalm": 13869,
+ "ĠProduction": 13870,
+ "borne": 13871,
+ "ĠĠĠĠĠĠĠĠĊ": 13872,
+ "aren": 13873,
+ "lightenment": 13874,
+ "Ġmail": 13875,
+ "ĠRecogn": 13876,
+ "xic": 13877,
+ "ĠMAT": 13878,
+ "ĠWilliams": 13879,
+ "ĠSurg": 13880,
+ "Ġeaten": 13881,
+ "Ġdisputes": 13882,
+ "Ġsituated": 13883,
+ "Ġprosperity": 13884,
+ ".y": 13885,
+ "Ġentitled": 13886,
+ "bral": 13887,
+ "Ġstiff": 13888,
+ "Ġprotest": 13889,
+ "Ġoutlined": 13890,
+ "ĠDeb": 13891,
+ "code": 13892,
+ "144": 13893,
+ "urated": 13894,
+ "arious": 13895,
+ "Ġsettlers": 13896,
+ "Ġdirt": 13897,
+ "ĠPhilosophy": 13898,
+ "urred": 13899,
+ "Hel": 13900,
+ "vitational": 13901,
+ "Ġperpendicular": 13902,
+ "ugs": 13903,
+ "amous": 13904,
+ "actions": 13905,
+ "cat": 13906,
+ "Ġloads": 13907,
+ "onin": 13908,
+ "ĠAssembly": 13909,
+ "ĠStyle": 13910,
+ "Type": 13911,
+ "]:": 13912,
+ "Ġ×": 13913,
+ "Think": 13914,
+ "Ġcritics": 13915,
+ "Ġadaptability": 13916,
+ "insic": 13917,
+ "Ġaccommodate": 13918,
+ "Ġmorality": 13919,
+ "osity": 13920,
+ "phal": 13921,
+ "Ġhopes": 13922,
+ "152": 13923,
+ "ĠHim": 13924,
+ "}_{": 13925,
+ "etal": 13926,
+ "Ġfee": 13927,
+ "ĠDog": 13928,
+ "omical": 13929,
+ "Ġassistant": 13930,
+ "Ġlicensed": 13931,
+ "164": 13932,
+ "fire": 13933,
+ "Ġchallenged": 13934,
+ "tains": 13935,
+ "Ġstoring": 13936,
+ "ĠGas": 13937,
+ "Ġbod": 13938,
+ "Ġextracted": 13939,
+ "fess": 13940,
+ "Ġlanding": 13941,
+ "Ġpulse": 13942,
+ "Ġuncomfortable": 13943,
+ "Ġfont": 13944,
+ "issippi": 13945,
+ "Ġcave": 13946,
+ "Ġbiomass": 13947,
+ "Ġpersonally": 13948,
+ "gged": 13949,
+ "Ġadministered": 13950,
+ "Ġoneself": 13951,
+ "useums": 13952,
+ "й": 13953,
+ ".||": 13954,
+ "ulsion": 13955,
+ "Ġdescend": 13956,
+ "ĠNight": 13957,
+ "ĠDiagn": 13958,
+ "Ġcompanion": 13959,
+ "ova": 13960,
+ "ĠSi": 13961,
+ "Ġrestaurant": 13962,
+ "Ġsupre": 13963,
+ "Ġoutdoors": 13964,
+ "ICAL": 13965,
+ "ĠAlong": 13966,
+ "CM": 13967,
+ "Ġmasks": 13968,
+ "Ġpneum": 13969,
+ "145": 13970,
+ "Aug": 13971,
+ "Ġdialog": 13972,
+ "Ġtranscript": 13973,
+ "Ġsimilarly": 13974,
+ "210": 13975,
+ "Ġbuilds": 13976,
+ "Ġthirty": 13977,
+ "Ġstays": 13978,
+ "ĠApproach": 13979,
+ "Ġportions": 13980,
+ "Learning": 13981,
+ "Ġaddict": 13982,
+ "ĠGre": 13983,
+ "Ġattended": 13984,
+ "ĠAqu": 13985,
+ "Ġattempted": 13986,
+ "leton": 13987,
+ "Ġaligned": 13988,
+ "Ġgambling": 13989,
+ "cores": 13990,
+ "Ġdevoted": 13991,
+ "mathbb": 13992,
+ "BL": 13993,
+ "Ġartic": 13994,
+ "Ġcertification": 13995,
+ "erver": 13996,
+ "{{": 13997,
+ "Ġsocially": 13998,
+ "Ġmasses": 13999,
+ "Ġhunger": 14000,
+ "-induced": 14001,
+ "insula": 14002,
+ "ogenesis": 14003,
+ "monary": 14004,
+ "tings": 14005,
+ "post": 14006,
+ "ethyl": 14007,
+ "esar": 14008,
+ "Ġdenominator": 14009,
+ "vation": 14010,
+ "TA": 14011,
+ "Ġminister": 14012,
+ "Ġappropriately": 14013,
+ "Ġprotects": 14014,
+ "Ġunderwater": 14015,
+ "Ġdeterior": 14016,
+ "Ġloyalty": 14017,
+ "Ġsuited": 14018,
+ "arry": 14019,
+ "Ġweaken": 14020,
+ "Ġintensive": 14021,
+ "ĠArm": 14022,
+ "Ġrefriger": 14023,
+ "chi": 14024,
+ "-use": 14025,
+ "Ġoccasions": 14026,
+ "Ġadvancing": 14027,
+ "155": 14028,
+ "rosc": 14029,
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 14030,
+ "Ġappetite": 14031,
+ "plicit": 14032,
+ "ĠNear": 14033,
+ "Ġrings": 14034,
+ "å¤": 14035,
+ "Ġsauce": 14036,
+ "edic": 14037,
+ "Ġteenagers": 14038,
+ "Ġpi": 14039,
+ "izza": 14040,
+ "Ġsubstrate": 14041,
+ "Ġdevastating": 14042,
+ "Ġbeet": 14043,
+ "ĠVirtual": 14044,
+ "Ġdeciding": 14045,
+ "Ġscholarly": 14046,
+ "Ġpunct": 14047,
+ "learning": 14048,
+ "Ġweapon": 14049,
+ "newcommand": 14050,
+ "Ġglobalization": 14051,
+ "()čĊ": 14052,
+ "Ġdemanding": 14053,
+ "gender": 14054,
+ "ĠCBD": 14055,
+ "117": 14056,
+ "Ġsalary": 14057,
+ "eros": 14058,
+ "Ġapproached": 14059,
+ "Ġrestaurants": 14060,
+ "().": 14061,
+ "ĠAbraham": 14062,
+ "Ġparamount": 14063,
+ "Ġdign": 14064,
+ "161": 14065,
+ "ĠLarge": 14066,
+ "_st": 14067,
+ "ĠBad": 14068,
+ "ĠSQL": 14069,
+ "Ġfictional": 14070,
+ "âĢľWe": 14071,
+ "auc": 14072,
+ "].Ċ": 14073,
+ "Ġprovisions": 14074,
+ "long": 14075,
+ "ĠRaj": 14076,
+ "Ġrelatives": 14077,
+ "Ġcorporations": 14078,
+ "grade": 14079,
+ "ĠFest": 14080,
+ "Ġrepublic": 14081,
+ "ĠPortuguese": 14082,
+ "liminary": 14083,
+ "Ġlying": 14084,
+ "None": 14085,
+ "ĠMining": 14086,
+ "ĠImper": 14087,
+ "ĠAdam": 14088,
+ "Ġoven": 14089,
+ "map": 14090,
+ "Ġë": 14091,
+ "-ac": 14092,
+ "118": 14093,
+ "ustral": 14094,
+ "Ġpacked": 14095,
+ "127": 14096,
+ "Ġtreaty": 14097,
+ "ाà¤": 14098,
+ "Ġterrain": 14099,
+ "ĠMarx": 14100,
+ "Ġquestionna": 14101,
+ "Ġfunded": 14102,
+ "ĠHTML": 14103,
+ "Ġfinancing": 14104,
+ "ĠRay": 14105,
+ "Vis": 14106,
+ "Ġpollutants": 14107,
+ "Ġmenstru": 14108,
+ "ĠSpr": 14109,
+ "EV": 14110,
+ "restrial": 14111,
+ "Short": 14112,
+ "obia": 14113,
+ "-O": 14114,
+ "oult": 14115,
+ "(g": 14116,
+ "ĠYellow": 14117,
+ "ĠInflu": 14118,
+ "ĠIncorpor": 14119,
+ "Ġcelebrating": 14120,
+ "/t": 14121,
+ "Ġentails": 14122,
+ "Ġfacilitating": 14123,
+ "Ġdamaging": 14124,
+ "ylon": 14125,
+ "Ġworried": 14126,
+ "forming": 14127,
+ "annel": 14128,
+ "Ġstressed": 14129,
+ "ĠSenate": 14130,
+ "Ġtodd": 14131,
+ "Ġbeef": 14132,
+ "Ġexcel": 14133,
+ "ĠDream": 14134,
+ "ĠSingapore": 14135,
+ "ĠPlanet": 14136,
+ "omon": 14137,
+ "116": 14138,
+ "Ġemploying": 14139,
+ "first": 14140,
+ "rage": 14141,
+ "search": 14142,
+ "Ġacres": 14143,
+ "itime": 14144,
+ "Ġdepr": 14145,
+ "ĠEmploy": 14146,
+ "Ġcoral": 14147,
+ "Ġrats": 14148,
+ "PN": 14149,
+ "ko": 14150,
+ "ĠArizona": 14151,
+ "ricular": 14152,
+ "mu": 14153,
+ "PE": 14154,
+ "Ġexcav": 14155,
+ "Ġemotionally": 14156,
+ "Vol": 14157,
+ "]:Ċ": 14158,
+ "Ġabdominal": 14159,
+ "ĠCL": 14160,
+ "ĠCarl": 14161,
+ "ez": 14162,
+ "ĠArist": 14163,
+ "ĠIoT": 14164,
+ "Ġmetaphor": 14165,
+ "iscal": 14166,
+ "Ġpremium": 14167,
+ "ĠEasy": 14168,
+ "Ġanatomy": 14169,
+ "Ġcoefficients": 14170,
+ "ĠTaking": 14171,
+ "Ġscholarship": 14172,
+ "ĠKit": 14173,
+ "ĠFA": 14174,
+ "ĠRain": 14175,
+ "HY": 14176,
+ "ardless": 14177,
+ "Ġextending": 14178,
+ "vol": 14179,
+ "ÙĨ": 14180,
+ "ĠSud": 14181,
+ "Ġtomorrow": 14182,
+ "Ġsatisfy": 14183,
+ "izable": 14184,
+ "Ġcaffe": 14185,
+ "pts": 14186,
+ "Good": 14187,
+ "Thank": 14188,
+ "Ġgland": 14189,
+ "ĠAllow": 14190,
+ "Ġclosest": 14191,
+ "ĠDI": 14192,
+ "Ġau": 14193,
+ "-ad": 14194,
+ "ĠHolocaust": 14195,
+ "Ġdilemma": 14196,
+ "General": 14197,
+ "esian": 14198,
+ "ĠSecretary": 14199,
+ "Ġmills": 14200,
+ "Ġweren": 14201,
+ "Ġupload": 14202,
+ "Ġsperm": 14203,
+ "$Ċ": 14204,
+ "ĠSav": 14205,
+ "Ġtwentieth": 14206,
+ "Ġcompromise": 14207,
+ "ĠHo": 14208,
+ "achelor": 14209,
+ "ĠTen": 14210,
+ "lean": 14211,
+ "amation": 14212,
+ "Ġassault": 14213,
+ "¢â": 14214,
+ "lishers": 14215,
+ "ĠDer": 14216,
+ "umbled": 14217,
+ "Ġconstitu": 14218,
+ "Ġenl": 14219,
+ "Ġangry": 14220,
+ "Ġanxious": 14221,
+ "Ġoutstanding": 14222,
+ "Ġadvocacy": 14223,
+ "ĠPrepar": 14224,
+ "204": 14225,
+ "Ġexploitation": 14226,
+ "Ġsocioeconomic": 14227,
+ "Ġgang": 14228,
+ "Ġsne": 14229,
+ "Ġremainder": 14230,
+ "ocytes": 14231,
+ "Ġupcoming": 14232,
+ "Ġappliances": 14233,
+ "anskrit": 14234,
+ "Ġverse": 14235,
+ "Ġinvestigating": 14236,
+ "Ġcultivating": 14237,
+ "Ġencryption": 14238,
+ "aceted": 14239,
+ "Definition": 14240,
+ "ui": 14241,
+ "Ġstimulation": 14242,
+ "ú": 14243,
+ "ão": 14244,
+ "Ġpresentations": 14245,
+ "Ġwarmth": 14246,
+ "Ġje": 14247,
+ "Ġell": 14248,
+ "Ġarrays": 14249,
+ "ĠHarr": 14250,
+ "Ġoscill": 14251,
+ "Ġvillages": 14252,
+ "Ġslic": 14253,
+ "Ġbreakfast": 14254,
+ "Ġna": 14255,
+ "ðĿIJ": 14256,
+ "Apr": 14257,
+ "Ġcurves": 14258,
+ "stra": 14259,
+ "ationally": 14260,
+ "Ġregistration": 14261,
+ "Ġgroundbreaking": 14262,
+ "Ġminus": 14263,
+ "Ġmelan": 14264,
+ "ĠCru": 14265,
+ "Ġexhibition": 14266,
+ "ο": 14267,
+ "ĠParents": 14268,
+ "ni": 14269,
+ "Ġlig": 14270,
+ "ĠSyn": 14271,
+ "ĠFoot": 14272,
+ "Ġsuppliers": 14273,
+ "Ġtomatoes": 14274,
+ "Ġnull": 14275,
+ "Public": 14276,
+ "[\"": 14277,
+ "Ġpharmac": 14278,
+ "ophers": 14279,
+ "uty": 14280,
+ "Ġsurprised": 14281,
+ "Ġnearest": 14282,
+ "erald": 14283,
+ "Ġavoided": 14284,
+ "eft": 14285,
+ "Ġfailures": 14286,
+ "versely": 14287,
+ "ĠAcademic": 14288,
+ "-axis": 14289,
+ "Ġmatrices": 14290,
+ "Ġconverting": 14291,
+ "Ġinstructional": 14292,
+ "mercial": 14293,
+ "Sign": 14294,
+ "ĠCart": 14295,
+ "Ġglasses": 14296,
+ "Ġbustling": 14297,
+ "ĠSO": 14298,
+ "Ġchop": 14299,
+ "Examples": 14300,
+ "ĠDrawing": 14301,
+ "Ġposture": 14302,
+ "Ret": 14303,
+ "Ġstrengthening": 14304,
+ "Ġallocation": 14305,
+ "iative": 14306,
+ "Ġ\",": 14307,
+ "ĠProtest": 14308,
+ "lot": 14309,
+ "result": 14310,
+ "Ġexclusively": 14311,
+ "Ġnutritious": 14312,
+ "ĠIdeas": 14313,
+ "iented": 14314,
+ "burn": 14315,
+ "Ġtribe": 14316,
+ "Ġrehabilitation": 14317,
+ "Ġanimation": 14318,
+ "Ġremedies": 14319,
+ "Ġconsiderably": 14320,
+ "163": 14321,
+ "Ġassuming": 14322,
+ "Ġviable": 14323,
+ "Ġtorn": 14324,
+ ".âĢĿĊĊ": 14325,
+ "Ġspirits": 14326,
+ "Ġcitations": 14327,
+ "Ġrectangular": 14328,
+ "ĠRule": 14329,
+ "ĠMC": 14330,
+ "Ġheadaches": 14331,
+ "ĠBow": 14332,
+ "ĠHeat": 14333,
+ "Ġdarkness": 14334,
+ "Ġconstructing": 14335,
+ "Ġalleg": 14336,
+ "role": 14337,
+ "122": 14338,
+ "ĠRod": 14339,
+ "Ġarises": 14340,
+ "162": 14341,
+ "Ġtablets": 14342,
+ "----------------------------------------": 14343,
+ "Ġacknowledging": 14344,
+ "Ġmargin": 14345,
+ "ĠPV": 14346,
+ "rology": 14347,
+ "ĠWould": 14348,
+ "ĠSaturday": 14349,
+ "Ġindividually": 14350,
+ "ĠStock": 14351,
+ "=(": 14352,
+ "Ġsuspect": 14353,
+ "Ġproportional": 14354,
+ "ĠWilson": 14355,
+ "Ġpartly": 14356,
+ "Ġinstructor": 14357,
+ "ĠViews": 14358,
+ "Ġн": 14359,
+ "Ġtraced": 14360,
+ "Ġspacecraft": 14361,
+ "ĠPrinciples": 14362,
+ "appropriate": 14363,
+ "Ġtheater": 14364,
+ "Ġendeav": 14365,
+ "hedral": 14366,
+ "His": 14367,
+ "Ġmeteor": 14368,
+ "cs": 14369,
+ "/(": 14370,
+ ".G": 14371,
+ "oosing": 14372,
+ "inar": 14373,
+ "Ġinquiry": 14374,
+ "Ġinterpersonal": 14375,
+ "Ġinvited": 14376,
+ "Ġtranslate": 14377,
+ "171": 14378,
+ "Ġcommunicating": 14379,
+ "Ġrises": 14380,
+ "eday": 14381,
+ "Ġprost": 14382,
+ "imity": 14383,
+ "Ġseparately": 14384,
+ "obacter": 14385,
+ "!)": 14386,
+ "Ġmathematic": 14387,
+ "Ġresilient": 14388,
+ ".K": 14389,
+ "arth": 14390,
+ "Ġannot": 14391,
+ "ĠWikiHow": 14392,
+ "Ġmira": 14393,
+ "ategory": 14394,
+ "å®": 14395,
+ "science": 14396,
+ "ante": 14397,
+ "Ġadhes": 14398,
+ "Children": 14399,
+ "ĠSummer": 14400,
+ "Ġkidneys": 14401,
+ "Ġlighter": 14402,
+ "item": 14403,
+ "Ġstrat": 14404,
+ "Ġdraws": 14405,
+ "Ġmissed": 14406,
+ "Ġgross": 14407,
+ "ĠSA": 14408,
+ "ĠProcessing": 14409,
+ "agle": 14410,
+ "ĠOntario": 14411,
+ "ĠIndependence": 14412,
+ "Ġinade": 14413,
+ "ashed": 14414,
+ "Ġquart": 14415,
+ "iasm": 14416,
+ "argo": 14417,
+ "ĠBuddhist": 14418,
+ "ĠDetermine": 14419,
+ "Ġbeer": 14420,
+ "Ġcosm": 14421,
+ "Ġpriorities": 14422,
+ "gevity": 14423,
+ "ĠCompare": 14424,
+ "Ġreserves": 14425,
+ "-cultural": 14426,
+ "Ġcostly": 14427,
+ "-ph": 14428,
+ "Ġcohes": 14429,
+ "ĠPapers": 14430,
+ "rection": 14431,
+ "Ġunhealthy": 14432,
+ "lambda": 14433,
+ "Ġantioxidants": 14434,
+ "lades": 14435,
+ "Ġreflective": 14436,
+ "Ġtalked": 14437,
+ "Ġlifespan": 14438,
+ "Ġidentifies": 14439,
+ "Ġpiano": 14440,
+ "Ġadvertise": 14441,
+ "rup": 14442,
+ "Ġinterrupt": 14443,
+ "156": 14444,
+ "educ": 14445,
+ "Ġjewelry": 14446,
+ "Ġgay": 14447,
+ "Ġattor": 14448,
+ "Ġdatasets": 14449,
+ "Ġwatering": 14450,
+ "ĠHigher": 14451,
+ "Ġreplied": 14452,
+ "Ġpharmaceutical": 14453,
+ "Overall": 14454,
+ "Ġincons": 14455,
+ "table": 14456,
+ "PDF": 14457,
+ "Ġsimplify": 14458,
+ "osphere": 14459,
+ "Ġabandoned": 14460,
+ "Ġrigid": 14461,
+ "Ġolive": 14462,
+ "Ġdurable": 14463,
+ "ĠArtificial": 14464,
+ "ĠBan": 14465,
+ "ĠPap": 14466,
+ "Ġclicking": 14467,
+ "Ġcertified": 14468,
+ "Ġrevision": 14469,
+ "ĠPolish": 14470,
+ "Ġmicroorganisms": 14471,
+ "ĠRos": 14472,
+ "ARY": 14473,
+ "ĠFormat": 14474,
+ "Ġmanufactured": 14475,
+ "itives": 14476,
+ "Ġrandomly": 14477,
+ "Ġwatched": 14478,
+ "Ġconnectivity": 14479,
+ "ĠDun": 14480,
+ "Ġaffil": 14481,
+ "-te": 14482,
+ "Current": 14483,
+ "ĠReflect": 14484,
+ "Ġlenses": 14485,
+ "Ġextinction": 14486,
+ "Ġattribute": 14487,
+ "Ġadversity": 14488,
+ "iolet": 14489,
+ "risk": 14490,
+ ".add": 14491,
+ ".net": 14492,
+ "ordan": 14493,
+ "adelph": 14494,
+ "Ġboiling": 14495,
+ "Ġvalidity": 14496,
+ "ĠTheorem": 14497,
+ "Ġecology": 14498,
+ "Ġpricing": 14499,
+ "Ġcastle": 14500,
+ "Ġepisodes": 14501,
+ "ĠTechnical": 14502,
+ "Fl": 14503,
+ "Ãł": 14504,
+ "asa": 14505,
+ "ĠReflection": 14506,
+ "ر": 14507,
+ "adi": 14508,
+ "Ġreads": 14509,
+ "ITY": 14510,
+ "Ġqueries": 14511,
+ "Ġbirthday": 14512,
+ "aux": 14513,
+ "ĠBCE": 14514,
+ "asi": 14515,
+ "holder": 14516,
+ "semble": 14517,
+ "rared": 14518,
+ "Ġpolicymakers": 14519,
+ "ĠSix": 14520,
+ "omorph": 14521,
+ "ĠAlaska": 14522,
+ "ĠHyp": 14523,
+ "Ġdysfunction": 14524,
+ "iller": 14525,
+ "Ġcompete": 14526,
+ "opathy": 14527,
+ "intestinal": 14528,
+ "ĠPa": 14529,
+ "131": 14530,
+ "Ġaster": 14531,
+ "History": 14532,
+ "ernel": 14533,
+ "Ùħ": 14534,
+ "oen": 14535,
+ "assment": 14536,
+ "core": 14537,
+ "Ġguests": 14538,
+ "ĠPublishing": 14539,
+ "Ġorganisations": 14540,
+ "Ġbench": 14541,
+ "Ġunfamiliar": 14542,
+ "Ġfails": 14543,
+ "Ġphilosopher": 14544,
+ "immune": 14545,
+ "Ġspices": 14546,
+ "Ġwealthy": 14547,
+ "isible": 14548,
+ "Human": 14549,
+ "Ġillustrates": 14550,
+ "hard": 14551,
+ "Ġbrothers": 14552,
+ "Ġstrictly": 14553,
+ "iffs": 14554,
+ "Ġconditioning": 14555,
+ "Ġintens": 14556,
+ "Ġcin": 14557,
+ "Ġrabb": 14558,
+ "ĠMoney": 14559,
+ "Ġloves": 14560,
+ "llo": 14561,
+ "ĠTher": 14562,
+ "oping": 14563,
+ "ĠRomans": 14564,
+ "Ġschemes": 14565,
+ "FL": 14566,
+ "wy": 14567,
+ "ĠBetter": 14568,
+ "Ġbottles": 14569,
+ "ĠMalays": 14570,
+ "istence": 14571,
+ "ĠSolving": 14572,
+ "Ġmetrics": 14573,
+ "Ġspecify": 14574,
+ "ader": 14575,
+ "ĠSong": 14576,
+ "Ġadjusting": 14577,
+ "Ġrepeatedly": 14578,
+ "ĠForeign": 14579,
+ "Ġmicrow": 14580,
+ "ĠHomework": 14581,
+ "Bel": 14582,
+ "Ġvariant": 14583,
+ "Ġvertex": 14584,
+ "cor": 14585,
+ "Ġprisoners": 14586,
+ ")}": 14587,
+ "spe": 14588,
+ "Ġwax": 14589,
+ "Ġcybersecurity": 14590,
+ "itations": 14591,
+ "Ġoutlines": 14592,
+ "Ġpushed": 14593,
+ "ĠLetter": 14594,
+ "Ġalternate": 14595,
+ "450": 14596,
+ "ĠSuppose": 14597,
+ "Ġhun": 14598,
+ "Ġradioactive": 14599,
+ "ĠMit": 14600,
+ "ulsive": 14601,
+ "ìĿ": 14602,
+ "Ġfatal": 14603,
+ "Ġframes": 14604,
+ "Ġpoorly": 14605,
+ "ĠSoil": 14606,
+ "alg": 14607,
+ "ĠSignific": 14608,
+ "Ġbudd": 14609,
+ "Ġruler": 14610,
+ "Main": 14611,
+ "Ġtraveled": 14612,
+ "aments": 14613,
+ "Ġsoda": 14614,
+ "âĢĿ)": 14615,
+ "Ġburned": 14616,
+ "-powered": 14617,
+ "Ġparliament": 14618,
+ "Ġfairness": 14619,
+ "verb": 14620,
+ "Ġregards": 14621,
+ "Ġvertices": 14622,
+ "yo": 14623,
+ "Ġadaptations": 14624,
+ "114": 14625,
+ "Ġcoinc": 14626,
+ "ĠFrequ": 14627,
+ "Ġautonomous": 14628,
+ "Ġhill": 14629,
+ "Date": 14630,
+ "153": 14631,
+ "ĠÂłĠÂłĠÂłĠÂł": 14632,
+ "-one": 14633,
+ "Ġbreakthrough": 14634,
+ "ĠCollection": 14635,
+ "yers": 14636,
+ "Ġnurturing": 14637,
+ ")$$": 14638,
+ "ĠJean": 14639,
+ "ĠAnti": 14640,
+ "RP": 14641,
+ "ĠOs": 14642,
+ "Ġcouncil": 14643,
+ "ĠScript": 14644,
+ "ĠCopyright": 14645,
+ "Ġjohn": 14646,
+ "rasound": 14647,
+ "Ġinterpreted": 14648,
+ "Ġscatter": 14649,
+ "Ġvisualize": 14650,
+ "severance": 14651,
+ "ISTORY": 14652,
+ "hot": 14653,
+ "tu": 14654,
+ "ĠPersian": 14655,
+ "Ġclosing": 14656,
+ "eland": 14657,
+ "plex": 14658,
+ "Ġthinks": 14659,
+ "ür": 14660,
+ "Ġadjusted": 14661,
+ "ĠSC": 14662,
+ "olith": 14663,
+ "Ġpatent": 14664,
+ "heastern": 14665,
+ "Ġtourists": 14666,
+ "ĠEmily": 14667,
+ "Ġα": 14668,
+ "Ġcontrary": 14669,
+ "emat": 14670,
+ "Ġpolym": 14671,
+ "/n": 14672,
+ "fu": 14673,
+ "ĠDescribe": 14674,
+ "ĠSound": 14675,
+ "Ġcomics": 14676,
+ "Ġcerv": 14677,
+ "Ġinstantly": 14678,
+ "Ġventure": 14679,
+ "Ġlimestone": 14680,
+ "151": 14681,
+ "_g": 14682,
+ "high": 14683,
+ "SW": 14684,
+ "Ġuter": 14685,
+ "Ġdeadly": 14686,
+ "Ġcorresponds": 14687,
+ "antly": 14688,
+ "159": 14689,
+ "174": 14690,
+ "ĠProgramming": 14691,
+ "Ġshadow": 14692,
+ "Ġsomeday": 14693,
+ "Ġlateral": 14694,
+ "126": 14695,
+ "Ġgratitude": 14696,
+ "Ġbrut": 14697,
+ "Ġaven": 14698,
+ "Ġaggression": 14699,
+ "Ġflooding": 14700,
+ "DE": 14701,
+ "adelphia": 14702,
+ "Ġreddit": 14703,
+ "Ġdesigner": 14704,
+ "iarism": 14705,
+ "zero": 14706,
+ "Dig": 14707,
+ "making": 14708,
+ "olly": 14709,
+ "Ġdefeat": 14710,
+ "Ġallergy": 14711,
+ "amel": 14712,
+ "Ġcultivation": 14713,
+ ".st": 14714,
+ "Ġneurological": 14715,
+ "ĠConstruction": 14716,
+ "ĠYe": 14717,
+ "Ġeligible": 14718,
+ "Ġcontempl": 14719,
+ ",b": 14720,
+ "Ġadmin": 14721,
+ "Scientists": 14722,
+ "Ġpepper": 14723,
+ "Ġsimplest": 14724,
+ "run": 14725,
+ "Ġvariants": 14726,
+ "/C": 14727,
+ "[j": 14728,
+ "_y": 14729,
+ "ĠDark": 14730,
+ "ĠFrancis": 14731,
+ "ĠAnne": 14732,
+ "Ġpronounced": 14733,
+ "Ġmaj": 14734,
+ "Ġcake": 14735,
+ "Ġkick": 14736,
+ "Min": 14737,
+ "Right": 14738,
+ "Ġrab": 14739,
+ "ĠIdentity": 14740,
+ "mi": 14741,
+ "Ġplanes": 14742,
+ "Ġwheels": 14743,
+ "\")čĊ": 14744,
+ "Ġillustration": 14745,
+ "ivia": 14746,
+ "Ġhosts": 14747,
+ "个": 14748,
+ "generation": 14749,
+ "nsic": 14750,
+ "Ġaffirm": 14751,
+ "bone": 14752,
+ "Ġspeaks": 14753,
+ "Ġwitnessed": 14754,
+ "ĠBesides": 14755,
+ "ç»": 14756,
+ "ignt": 14757,
+ "Ġlesser": 14758,
+ "Ġtransformations": 14759,
+ "culiar": 14760,
+ "Ġpoliticians": 14761,
+ "Ġthriving": 14762,
+ "Ġenemies": 14763,
+ "Ġsetup": 14764,
+ "jo": 14765,
+ "url": 14766,
+ "Ġpromises": 14767,
+ "Ġcurrents": 14768,
+ "Ġportfolio": 14769,
+ "Ġgrocer": 14770,
+ "Ġcompress": 14771,
+ "rones": 14772,
+ "Ġannounce": 14773,
+ "Ġmaternal": 14774,
+ "Ġresponding": 14775,
+ "Ġdiamond": 14776,
+ "onut": 14777,
+ "Ġdistributions": 14778,
+ "Ġgums": 14779,
+ "ĠRa": 14780,
+ "ambo": 14781,
+ "tles": 14782,
+ "partial": 14783,
+ "Ġchaos": 14784,
+ "Ġrewarding": 14785,
+ "Ġnewspapers": 14786,
+ "Ġhistorian": 14787,
+ "Ġshaft": 14788,
+ "Ġpersonalities": 14789,
+ "km": 14790,
+ "Ġinspection": 14791,
+ "illes": 14792,
+ "Ġelectroly": 14793,
+ "zzle": 14794,
+ "osaurs": 14795,
+ "Ġdamages": 14796,
+ "Ġraces": 14797,
+ "Ġinfluenza": 14798,
+ "Ġlady": 14799,
+ "inded": 14800,
+ "embered": 14801,
+ "Ġeigen": 14802,
+ "ĠArg": 14803,
+ "Ġconfidential": 14804,
+ "Ġsumm": 14805,
+ "Ġfluor": 14806,
+ "Educ": 14807,
+ "fig": 14808,
+ "Ġcorrosion": 14809,
+ "Ġfantasy": 14810,
+ "ĠLind": 14811,
+ "Ġholidays": 14812,
+ "Inf": 14813,
+ "complete": 14814,
+ "Ġsensation": 14815,
+ "Ġstrip": 14816,
+ "Ġhepat": 14817,
+ "Test": 14818,
+ "ensing": 14819,
+ "Ġmindset": 14820,
+ "ĠAmendment": 14821,
+ "ĠOregon": 14822,
+ "ifting": 14823,
+ "\",\"": 14824,
+ "ĠAutom": 14825,
+ "\\n": 14826,
+ "Ġexit": 14827,
+ "Ġgrants": 14828,
+ "Ġcensus": 14829,
+ "Ġveterin": 14830,
+ "Ġtremend": 14831,
+ "ν": 14832,
+ "ho": 14833,
+ "Ġmad": 14834,
+ "article": 14835,
+ "Ġsugars": 14836,
+ "Ġhierarch": 14837,
+ "255": 14838,
+ "Ġvisualization": 14839,
+ "ĠRun": 14840,
+ "Ġabbrev": 14841,
+ "Ġmodification": 14842,
+ "rels": 14843,
+ "ĠNat": 14844,
+ "Ġconfusing": 14845,
+ "ventional": 14846,
+ "ĠCompet": 14847,
+ "Ġcrystals": 14848,
+ "Ġurgent": 14849,
+ "Ġbes": 14850,
+ "ĉif": 14851,
+ "instein": 14852,
+ "Ġthumb": 14853,
+ "Ġturtle": 14854,
+ "emed": 14855,
+ "ĠEating": 14856,
+ ".__": 14857,
+ "ĠZe": 14858,
+ "Ġdough": 14859,
+ "Ġvalley": 14860,
+ "ĠArgent": 14861,
+ "124": 14862,
+ "ĠBud": 14863,
+ "zech": 14864,
+ "avid": 14865,
+ "Ġpert": 14866,
+ "Ġrelieve": 14867,
+ "Ġmyths": 14868,
+ "Ġsteep": 14869,
+ "-x": 14870,
+ "ĠUser": 14871,
+ "»": 14872,
+ "ouri": 14873,
+ "Ġeliminating": 14874,
+ "GM": 14875,
+ "vised": 14876,
+ "LY": 14877,
+ "ĠDub": 14878,
+ "ignty": 14879,
+ "ĠArthur": 14880,
+ "âĢľI": 14881,
+ "Ġprejudice": 14882,
+ "Ġconform": 14883,
+ "Ġtrains": 14884,
+ "Ġexplos": 14885,
+ "ĠFriends": 14886,
+ "Ġslower": 14887,
+ "DI": 14888,
+ "ĠIL": 14889,
+ "ĠEmperor": 14890,
+ "ĠDemocratic": 14891,
+ "Ġexecute": 14892,
+ "ĠChoice": 14893,
+ "Ġsacrific": 14894,
+ "articles": 14895,
+ "lebr": 14896,
+ "Ġdisappear": 14897,
+ "atories": 14898,
+ "GS": 14899,
+ "alo": 14900,
+ "asia": 14901,
+ "Ġlaugh": 14902,
+ "Ġtruck": 14903,
+ "ĠPatients": 14904,
+ "ĠAPA": 14905,
+ "Ġrend": 14906,
+ "Ġdistur": 14907,
+ "Ġconventions": 14908,
+ "Ġdesirable": 14909,
+ "Ġventilation": 14910,
+ "Ġcomplementary": 14911,
+ "Ġbasketball": 14912,
+ "ĠSoutheast": 14913,
+ "ĠEaster": 14914,
+ "Ġlact": 14915,
+ "Ġextensively": 14916,
+ "166": 14917,
+ "Ġpigs": 14918,
+ "Ġaggregate": 14919,
+ "Ġsexuality": 14920,
+ "Ġmultiplying": 14921,
+ "Ġdisappoint": 14922,
+ "ilty": 14923,
+ "ĠLands": 14924,
+ "Ġgalaxy": 14925,
+ "Ġnort": 14926,
+ "Ġdamp": 14927,
+ "Ġcylind": 14928,
+ "ĠHop": 14929,
+ "Ġsons": 14930,
+ "Ġregulated": 14931,
+ "antine": 14932,
+ "Ġcaffeine": 14933,
+ "Ġgy": 14934,
+ "owners": 14935,
+ "ĠLastly": 14936,
+ "Black": 14937,
+ "ĠSequ": 14938,
+ "imental": 14939,
+ "Ġethnicity": 14940,
+ "Ġdrum": 14941,
+ "Ġproactive": 14942,
+ "ĠRap": 14943,
+ "Ġunderm": 14944,
+ "---ĊĊ": 14945,
+ "Develop": 14946,
+ "Ġpollen": 14947,
+ "ĠJersey": 14948,
+ "Ġcheaper": 14949,
+ "Ġpad": 14950,
+ "Ġtreasure": 14951,
+ "Ġmarvel": 14952,
+ "Ġmotif": 14953,
+ "wed": 14954,
+ "Ġuncon": 14955,
+ "ĠOp": 14956,
+ "Ġadvocating": 14957,
+ "ĠCraft": 14958,
+ "ĠWHO": 14959,
+ "Ġintricacies": 14960,
+ "Ġevenly": 14961,
+ "Ġdismiss": 14962,
+ "]]": 14963,
+ "Ġriding": 14964,
+ "Ġgravitational": 14965,
+ "Ġconjunction": 14966,
+ "ĠMississippi": 14967,
+ "Ġoverweight": 14968,
+ "Ġelaborate": 14969,
+ "ĠLive": 14970,
+ "Ġaspiring": 14971,
+ "à¦": 14972,
+ "Ġhumorous": 14973,
+ "Ġboil": 14974,
+ "arted": 14975,
+ "El": 14976,
+ "ĠTy": 14977,
+ "cellular": 14978,
+ "lyn": 14979,
+ "Ġsilent": 14980,
+ "Ġbreeds": 14981,
+ "cker": 14982,
+ "149": 14983,
+ "Ġpotent": 14984,
+ "Ġdoctrine": 14985,
+ "ĠRose": 14986,
+ "Ġbeginners": 14987,
+ "idel": 14988,
+ "raulic": 14989,
+ "}}\\": 14990,
+ "157": 14991,
+ "ĠCompanies": 14992,
+ "rass": 14993,
+ "ladesh": 14994,
+ "oors": 14995,
+ "Ġmagnific": 14996,
+ "ĠPharm": 14997,
+ "Ġpermits": 14998,
+ "%Ċ": 14999,
+ "Ġsurvivors": 15000,
+ "gian": 15001,
+ "Ġdetermin": 15002,
+ "plotlib": 15003,
+ "Ġpackages": 15004,
+ ".pdf": 15005,
+ "Ġdurability": 15006,
+ "Ġconvention": 15007,
+ "Explanation": 15008,
+ "ryst": 15009,
+ "->": 15010,
+ "ĠMoh": 15011,
+ "ĠJoin": 15012,
+ "Ġspecimens": 15013,
+ "PM": 15014,
+ "ĠManual": 15015,
+ "ĠBarb": 15016,
+ "Ġ?Ċ": 15017,
+ "Ġdrying": 15018,
+ "ĠPopular": 15019,
+ "ĠVery": 15020,
+ "ĠCoal": 15021,
+ "Ġorn": 15022,
+ "Ġpoets": 15023,
+ "Ġreforms": 15024,
+ "Ġinteracting": 15025,
+ "ĠPrintable": 15026,
+ "Ġvolcanic": 15027,
+ "Ġfavorable": 15028,
+ "Ġwhilst": 15029,
+ ".W": 15030,
+ "Pat": 15031,
+ "Ġclassmates": 15032,
+ "-resistant": 15033,
+ "Ġaccused": 15034,
+ "linear": 15035,
+ "omething": 15036,
+ "Feb": 15037,
+ "Ġelevation": 15038,
+ "ĠLily": 15039,
+ "Ġsignature": 15040,
+ "-em": 15041,
+ "Ġanymore": 15042,
+ "ĠDeveloping": 15043,
+ "Ġsorted": 15044,
+ "TR": 15045,
+ "Ġgad": 15046,
+ "ophag": 15047,
+ "ĠStatement": 15048,
+ "ĠHur": 15049,
+ "ĠGuard": 15050,
+ "ĠOperations": 15051,
+ "Ġdeepen": 15052,
+ "ĠHarm": 15053,
+ "Ġposed": 15054,
+ "Ġlikes": 15055,
+ "TSD": 15056,
+ "ĠKenya": 15057,
+ "_of": 15058,
+ "Ġbreakdown": 15059,
+ "Ġomega": 15060,
+ "Ġconservative": 15061,
+ "link": 15062,
+ "Ġrescue": 15063,
+ "oustic": 15064,
+ "-mon": 15065,
+ "acular": 15066,
+ "Ġtet": 15067,
+ "Ġsurvived": 15068,
+ "Ġobviously": 15069,
+ "uating": 15070,
+ "amilton": 15071,
+ "Ġscratch": 15072,
+ "Ġli": 15073,
+ "Ġgel": 15074,
+ "ariju": 15075,
+ "Ġrefugees": 15076,
+ "irs": 15077,
+ "cils": 15078,
+ "Ġ{}": 15079,
+ "ĠArticles": 15080,
+ "Ġuph": 15081,
+ "-date": 15082,
+ "ĠOw": 15083,
+ "Ġantibiotic": 15084,
+ "ucks": 15085,
+ "ennes": 15086,
+ "Ġlesions": 15087,
+ "Ġfluctuations": 15088,
+ "ĠNan": 15089,
+ "Ġpear": 15090,
+ "Ġemphasized": 15091,
+ "icans": 15092,
+ "Ġsacrifice": 15093,
+ "172": 15094,
+ "Ġcompatible": 15095,
+ "ĠIC": 15096,
+ "arijuana": 15097,
+ "Ġcoating": 15098,
+ "ĠCurriculum": 15099,
+ "©": 15100,
+ "ĠHS": 15101,
+ "Ġpassages": 15102,
+ "Ġimpul": 15103,
+ "erick": 15104,
+ "reading": 15105,
+ "ompson": 15106,
+ "ĠPlat": 15107,
+ "Ġbowel": 15108,
+ "Ġconsiders": 15109,
+ "Ġinherited": 15110,
+ "ĠFDA": 15111,
+ "Ġtrium": 15112,
+ "Ġhills": 15113,
+ "Ġcitizenship": 15114,
+ "engu": 15115,
+ "Ġpeculiar": 15116,
+ "ĠVictoria": 15117,
+ "Ġjun": 15118,
+ "ogeneous": 15119,
+ "uz": 15120,
+ "OH": 15121,
+ "matic": 15122,
+ "Ġfles": 15123,
+ "Great": 15124,
+ "Ġdownt": 15125,
+ ".array": 15126,
+ "ierce": 15127,
+ "Ġstimuli": 15128,
+ "-oriented": 15129,
+ "giving": 15130,
+ "Ġenthusiasm": 15131,
+ "circ": 15132,
+ "usive": 15133,
+ "-end": 15134,
+ "Ġbeds": 15135,
+ "ĠDisorders": 15136,
+ "Ġsmok": 15137,
+ "Ġimmersive": 15138,
+ "Ġdecentral": 15139,
+ "?**ĊĊ": 15140,
+ "Ġrebell": 15141,
+ "ĠMountains": 15142,
+ "Ġtrips": 15143,
+ "Ġwool": 15144,
+ "ecture": 15145,
+ "Ġtelephone": 15146,
+ "ĠCover": 15147,
+ "Ġrevol": 15148,
+ "Ġcertificate": 15149,
+ "154": 15150,
+ "Ġapparently": 15151,
+ "Under": 15152,
+ "quad": 15153,
+ "ĠThinking": 15154,
+ "Ġram": 15155,
+ "Ġadvocates": 15156,
+ "tect": 15157,
+ "ĠKong": 15158,
+ "æĺ¯": 15159,
+ "oultry": 15160,
+ "people": 15161,
+ "arith": 15162,
+ "Ġpenalty": 15163,
+ "Ġfeasible": 15164,
+ "Ġsnack": 15165,
+ "Ġcatast": 15166,
+ "ĠBridge": 15167,
+ "ĠGer": 15168,
+ "ntil": 15169,
+ "Ġcryptocurrency": 15170,
+ "132": 15171,
+ "isphere": 15172,
+ "ĠHong": 15173,
+ "Ġcorners": 15174,
+ "Ġswitching": 15175,
+ "Ġimpaired": 15176,
+ "Ġrocket": 15177,
+ "-type": 15178,
+ "Ġswallow": 15179,
+ "Ġrival": 15180,
+ "Ġactivated": 15181,
+ "ĠLeon": 15182,
+ "Ġmines": 15183,
+ "θ": 15184,
+ "Ġcouples": 15185,
+ "Ġsubstantially": 15186,
+ "Net": 15187,
+ "ĠStore": 15188,
+ "Ġrefused": 15189,
+ "ĠSpect": 15190,
+ "Ġjet": 15191,
+ "Ġmeticul": 15192,
+ "onto": 15193,
+ "Ġruling": 15194,
+ "Ġfreshwater": 15195,
+ "ĠBoy": 15196,
+ "Ġrespected": 15197,
+ "Ġstretching": 15198,
+ "ipse": 15199,
+ "plus": 15200,
+ "anship": 15201,
+ "Ġsignaling": 15202,
+ "Ġcycling": 15203,
+ "{array": 15204,
+ "Ġloading": 15205,
+ "ĠKindergarten": 15206,
+ "ĠTimmy": 15207,
+ "iversary": 15208,
+ "keeping": 15209,
+ "Ġdear": 15210,
+ "Ġwalks": 15211,
+ "ĠAustria": 15212,
+ "ĠFreedom": 15213,
+ "ĠHyper": 15214,
+ "ĠReligion": 15215,
+ "ĠMong": 15216,
+ "Ġcollectively": 15217,
+ "Ġunra": 15218,
+ "hyth": 15219,
+ "_ch": 15220,
+ "141": 15221,
+ "Ġsynchron": 15222,
+ "ĠSa": 15223,
+ "Ġmonument": 15224,
+ "Ġexhibits": 15225,
+ "Ġlearner": 15226,
+ "erness": 15227,
+ "Sym": 15228,
+ "Ġplastics": 15229,
+ "vasive": 15230,
+ "Ġneighboring": 15231,
+ "ĠExperience": 15232,
+ "ĠApply": 15233,
+ "Ġ''": 15234,
+ "ĉĉĉ": 15235,
+ "boards": 15236,
+ "Ġtear": 15237,
+ "ln": 15238,
+ "Non": 15239,
+ "ĠSubst": 15240,
+ "heit": 15241,
+ "Ġindia": 15242,
+ "ĠJacob": 15243,
+ "Ġtraces": 15244,
+ "Ġboiler": 15245,
+ "Ġshooting": 15246,
+ "curities": 15247,
+ "ĠLady": 15248,
+ "rator": 15249,
+ "Ġorch": 15250,
+ "portion": 15251,
+ "ulus": 15252,
+ "Comp": 15253,
+ "Ġvar": 15254,
+ "Ġlas": 15255,
+ "irming": 15256,
+ "Ġsociology": 15257,
+ "card": 15258,
+ "Ġos": 15259,
+ "Ġreass": 15260,
+ "ĠWi": 15261,
+ "Ġmarker": 15262,
+ "process": 15263,
+ "Ġpodcast": 15264,
+ "Ġterrible": 15265,
+ "Ġtestament": 15266,
+ "Ġcannabis": 15267,
+ "Ġadapting": 15268,
+ "iblings": 15269,
+ "Ġgalaxies": 15270,
+ "Ġearnings": 15271,
+ "ĠYouth": 15272,
+ "Ġmul": 15273,
+ "Ġcompanions": 15274,
+ "Ident": 15275,
+ "help": 15276,
+ "etween": 15277,
+ "ĠCorporation": 15278,
+ "Ġhex": 15279,
+ "Ġbitter": 15280,
+ "ĠNi": 15281,
+ "igo": 15282,
+ "ĠVR": 15283,
+ "ĠFranklin": 15284,
+ "Ġdifferentiation": 15285,
+ "Ġprevented": 15286,
+ "Ġvisibility": 15287,
+ "TE": 15288,
+ "father": 15289,
+ "when": 15290,
+ "Ġlaptop": 15291,
+ "Ġmarch": 15292,
+ "Ġghost": 15293,
+ "Ġmurd": 15294,
+ "Ġdemographic": 15295,
+ "Ġadulthood": 15296,
+ "ructions": 15297,
+ "Ġcarrier": 15298,
+ "omics": 15299,
+ "erto": 15300,
+ ".(": 15301,
+ "ĠDiseases": 15302,
+ "ĠCrypt": 15303,
+ "-point": 15304,
+ "_test": 15305,
+ "ĠTech": 15306,
+ "Est": 15307,
+ "aism": 15308,
+ "Ġrust": 15309,
+ "ĠFat": 15310,
+ "::": 15311,
+ "Ġaesthetics": 15312,
+ "Ġrecruit": 15313,
+ "Ġincentives": 15314,
+ "Ġsnakes": 15315,
+ "ĠVarious": 15316,
+ "grim": 15317,
+ "bot": 15318,
+ "Ġsore": 15319,
+ "Ġdiffers": 15320,
+ "Ġvolunteer": 15321,
+ "Ġjourneys": 15322,
+ "!\"ĊĊ": 15323,
+ "Ġpreventive": 15324,
+ "Ġlongevity": 15325,
+ "nedy": 15326,
+ "Ġfactories": 15327,
+ "ĠCos": 15328,
+ "ĠViol": 15329,
+ "amer": 15330,
+ "ĠExperiment": 15331,
+ "ĠBeyond": 15332,
+ "Ġcontra": 15333,
+ "Ġproficiency": 15334,
+ "Ġresidence": 15335,
+ "Ġwalked": 15336,
+ "ĠEthiop": 15337,
+ "Ġpedag": 15338,
+ "ĠArchitecture": 15339,
+ "Ġsymmetry": 15340,
+ "Ġprest": 15341,
+ "urations": 15342,
+ "phe": 15343,
+ "vable": 15344,
+ "ĠOm": 15345,
+ "ĠCool": 15346,
+ "Ġgluten": 15347,
+ "ĠPolitics": 15348,
+ "ĠTurkish": 15349,
+ "ĠMemory": 15350,
+ "oan": 15351,
+ "ĠPope": 15352,
+ "Ġnausea": 15353,
+ "Ġlanded": 15354,
+ "ĿÂ": 15355,
+ "ĠPrize": 15356,
+ "Ġenact": 15357,
+ "Ġnums": 15358,
+ "Ġconfron": 15359,
+ "Ġconsultation": 15360,
+ "Ġtricks": 15361,
+ "ellar": 15362,
+ "isite": 15363,
+ "Ġcontinuity": 15364,
+ "-------ĊĊ": 15365,
+ "Ġparental": 15366,
+ "who": 15367,
+ "Bas": 15368,
+ "-Based": 15369,
+ "isure": 15370,
+ "Whether": 15371,
+ "Ġalarm": 15372,
+ "Ġsemiconduct": 15373,
+ "Ġglands": 15374,
+ "ROM": 15375,
+ "Ġmembership": 15376,
+ "Ġexchanges": 15377,
+ "Ġgauge": 15378,
+ "ĠElectrical": 15379,
+ "ĠTypically": 15380,
+ "Ġnumb": 15381,
+ "ĠSM": 15382,
+ "xy": 15383,
+ "atis": 15384,
+ "Ġcrossing": 15385,
+ "Ġshowcasing": 15386,
+ "Ġmaintains": 15387,
+ "Ġresearching": 15388,
+ "137": 15389,
+ "abase": 15390,
+ "ĠHunt": 15391,
+ "Ġsensing": 15392,
+ "Ġpole": 15393,
+ "ĠUsually": 15394,
+ "Ġreserve": 15395,
+ "}+": 15396,
+ "ĠTut": 15397,
+ "Ġheightened": 15398,
+ "Ġupt": 15399,
+ "Ġlifelong": 15400,
+ "alam": 15401,
+ "othic": 15402,
+ "ι": 15403,
+ "Mus": 15404,
+ "())Ċ": 15405,
+ "ĠMB": 15406,
+ "Ġleverage": 15407,
+ "Ġsatellites": 15408,
+ "Ġportable": 15409,
+ "Ġsubset": 15410,
+ "Open": 15411,
+ "icrob": 15412,
+ "Ġescap": 15413,
+ "velt": 15414,
+ "Ġtimeline": 15415,
+ "Ġprecautions": 15416,
+ "Ġfertile": 15417,
+ "Ġvalidation": 15418,
+ "\")ĊĊ": 15419,
+ "Ġstorms": 15420,
+ "Ġtalents": 15421,
+ "Ġremembered": 15422,
+ "Ġwavelength": 15423,
+ "Ġlegislative": 15424,
+ "PC": 15425,
+ "Ġ).": 15426,
+ "Ġtriggered": 15427,
+ "Ġrevised": 15428,
+ "Ġpatch": 15429,
+ "Pres": 15430,
+ "Ġ[âĢ¦": 15431,
+ "Ġmetres": 15432,
+ "169": 15433,
+ "ĠCra": 15434,
+ "Ġepidemic": 15435,
+ "umat": 15436,
+ "Ġcolours": 15437,
+ "Ġkings": 15438,
+ "ĠSimply": 15439,
+ "ĠManager": 15440,
+ "Ġglue": 15441,
+ "lav": 15442,
+ "ĠCand": 15443,
+ "ĠEM": 15444,
+ "ĠExecutive": 15445,
+ "Ġyog": 15446,
+ "Know": 15447,
+ "ĠChanges": 15448,
+ "Ġperme": 15449,
+ "Ġpumps": 15450,
+ "Ġmicrobial": 15451,
+ "Ġkinetic": 15452,
+ "ordinate": 15453,
+ "Ġgrey": 15454,
+ "Ġfossils": 15455,
+ "Ġarchaeological": 15456,
+ "Ġappar": 15457,
+ "Ġunclear": 15458,
+ "Ġsaturated": 15459,
+ "Ġflashcards": 15460,
+ "_to": 15461,
+ "ractice": 15462,
+ "Her": 15463,
+ "Ġpoisoning": 15464,
+ "ĠCognitive": 15465,
+ "Ġvascular": 15466,
+ "venue": 15467,
+ "Ġfallen": 15468,
+ "Ġpromoted": 15469,
+ "Ġfrost": 15470,
+ "uccess": 15471,
+ "Ġdancing": 15472,
+ "Ġforums": 15473,
+ "ĠPositive": 15474,
+ "Ġsuppose": 15475,
+ "Ġpublish": 15476,
+ "OB": 15477,
+ "\\$": 15478,
+ "curs": 15479,
+ "ĠTok": 15480,
+ "_size": 15481,
+ "ĠDental": 15482,
+ "Ġcock": 15483,
+ "ĠTool": 15484,
+ "Ġbladder": 15485,
+ "ĠCauses": 15486,
+ "bian": 15487,
+ "riad": 15488,
+ "Ġautumn": 15489,
+ "Ġunfair": 15490,
+ "Ġmultifaceted": 15491,
+ "-unit": 15492,
+ "Ġrear": 15493,
+ "Ġcorrection": 15494,
+ "Ġparasites": 15495,
+ "Ġflowering": 15496,
+ "Ġdiagonal": 15497,
+ "Ġimplant": 15498,
+ "Ġintestinal": 15499,
+ "Ġvigil": 15500,
+ "ims": 15501,
+ "Ġokay": 15502,
+ "ĠEditor": 15503,
+ "Ġpulled": 15504,
+ "eld": 15505,
+ "ĠBat": 15506,
+ "Search": 15507,
+ "Ġmentally": 15508,
+ "ĠCDC": 15509,
+ "ĠPopulation": 15510,
+ "ĠDialogue": 15511,
+ "β": 15512,
+ "Ġpencil": 15513,
+ "Ġspont": 15514,
+ "-be": 15515,
+ "ĠMs": 15516,
+ "interest": 15517,
+ "Ġdeleg": 15518,
+ "ĠRig": 15519,
+ "Ġculturally": 15520,
+ "ĠTreaty": 15521,
+ "Ġnicotine": 15522,
+ "Ġdivisions": 15523,
+ "Ġsho": 15524,
+ "ĠObama": 15525,
+ "ĠEveryone": 15526,
+ "Ġresponded": 15527,
+ "ĠOK": 15528,
+ "Ġrabbit": 15529,
+ "és": 15530,
+ "ĠFinding": 15531,
+ "Ġveins": 15532,
+ "lies": 15533,
+ "Ġabsent": 15534,
+ "ĠGreg": 15535,
+ "ĠCyber": 15536,
+ "ĠStephen": 15537,
+ "Ġconsisted": 15538,
+ "Ġdispute": 15539,
+ "ĠSyndrome": 15540,
+ "ĠRog": 15541,
+ "Fact": 15542,
+ "rost": 15543,
+ "ĠCenters": 15544,
+ ":.": 15545,
+ "aran": 15546,
+ "Ġgym": 15547,
+ "Ġparticipated": 15548,
+ "Ġwarrant": 15549,
+ "ĠVin": 15550,
+ "SM": 15551,
+ "ĠHero": 15552,
+ "week": 15553,
+ "Ġpseud": 15554,
+ "Ġrum": 15555,
+ "Ġoffspring": 15556,
+ "ĠLeadership": 15557,
+ "Ġoffset": 15558,
+ "Ġliquids": 15559,
+ "ritical": 15560,
+ "Ġarrow": 15561,
+ "ĠSH": 15562,
+ "Lastly": 15563,
+ "-ins": 15564,
+ "Ġrecommends": 15565,
+ "ĠContinue": 15566,
+ "Ġjul": 15567,
+ "Ġrefined": 15568,
+ "Ġsupervision": 15569,
+ "ĠRus": 15570,
+ "ĠRadio": 15571,
+ "igraph": 15572,
+ "izoph": 15573,
+ "information": 15574,
+ "Count": 15575,
+ "ĠKat": 15576,
+ "rophy": 15577,
+ "THE": 15578,
+ "ĠHold": 15579,
+ "ĠRate": 15580,
+ "-state": 15581,
+ "secution": 15582,
+ "Ġescal": 15583,
+ "ĠMoses": 15584,
+ "ĠRot": 15585,
+ "inton": 15586,
+ "Ġaltogether": 15587,
+ "ĠBrook": 15588,
+ "esthes": 15589,
+ "hr": 15590,
+ "Ġphotosynthesis": 15591,
+ "ĠOpportun": 15592,
+ "ĠSher": 15593,
+ "Ġfeminist": 15594,
+ "hal": 15595,
+ "Ġqueen": 15596,
+ "Ġpublicly": 15597,
+ "FC": 15598,
+ "Ġphil": 15599,
+ "Ġaccessed": 15600,
+ "Ġherpes": 15601,
+ "Ġhomeless": 15602,
+ "Ġletting": 15603,
+ "ĠWinter": 15604,
+ "zo": 15605,
+ "ados": 15606,
+ "ige": 15607,
+ "ĠJoe": 15608,
+ "ĠMaya": 15609,
+ "ĠEncyclopedia": 15610,
+ "vae": 15611,
+ "Calcul": 15612,
+ "ĠStrategy": 15613,
+ "olas": 15614,
+ "float": 15615,
+ "ĠChi": 15616,
+ "izophren": 15617,
+ "ĠPublished": 15618,
+ "inning": 15619,
+ "Ġbulbs": 15620,
+ "tml": 15621,
+ "ĠBeng": 15622,
+ "ĠMatthew": 15623,
+ "Ġcrowd": 15624,
+ "elson": 15625,
+ "Ġnoble": 15626,
+ "Ġheights": 15627,
+ "Ġactivists": 15628,
+ "Ġbodily": 15629,
+ ".set": 15630,
+ "[-": 15631,
+ "Ġinduction": 15632,
+ "iasis": 15633,
+ "weed": 15634,
+ "unc": 15635,
+ "ĠBot": 15636,
+ "Ġcaregivers": 15637,
+ "ĠEvents": 15638,
+ "Ġwithdrawal": 15639,
+ "fill": 15640,
+ "Ġimped": 15641,
+ "ĠVoc": 15642,
+ "ĠIsa": 15643,
+ "oglob": 15644,
+ "Ġmoder": 15645,
+ "Ġren": 15646,
+ "158": 15647,
+ "Copyright": 15648,
+ "Ġpatches": 15649,
+ "Types": 15650,
+ "ĠWang": 15651,
+ "Ġpartition": 15652,
+ "Ġrejected": 15653,
+ "Ġconsecutive": 15654,
+ "Ġmethane": 15655,
+ "ĠSamuel": 15656,
+ "Ġmaturity": 15657,
+ "Ġdeter": 15658,
+ "orting": 15659,
+ ".I": 15660,
+ "ĠSpecies": 15661,
+ "ĠÅ": 15662,
+ "Ġnoting": 15663,
+ "ussion": 15664,
+ "rading": 15665,
+ "Ġadhere": 15666,
+ "eous": 15667,
+ "Ġliability": 15668,
+ "Ġnarrator": 15669,
+ "Ġmakers": 15670,
+ "г": 15671,
+ "Ġperipheral": 15672,
+ "Ġtempt": 15673,
+ "TO": 15674,
+ "Select": 15675,
+ "aga": 15676,
+ "Ġheadache": 15677,
+ "Ġhotel": 15678,
+ "ĠHR": 15679,
+ "sal": 15680,
+ "ĠTell": 15681,
+ "Ġdirectory": 15682,
+ "Ġdignity": 15683,
+ "olation": 15684,
+ "Ġfreed": 15685,
+ "119": 15686,
+ "inian": 15687,
+ "ĠDougl": 15688,
+ "ĠElements": 15689,
+ "Ġjazz": 15690,
+ "Ġhoping": 15691,
+ "ĠAndroid": 15692,
+ "Ġskull": 15693,
+ "Ġchromosome": 15694,
+ "Ġadvised": 15695,
+ "-reg": 15696,
+ "Online": 15697,
+ "Ġliberty": 15698,
+ "Ġreinforcement": 15699,
+ "Ġtouching": 15700,
+ "omed": 15701,
+ "Ġdissolved": 15702,
+ "Several": 15703,
+ "147": 15704,
+ "Ġsuperhero": 15705,
+ "ĠIndividuals": 15706,
+ "ĠBalt": 15707,
+ "Ġberries": 15708,
+ "FR": 15709,
+ "eu": 15710,
+ "sun": 15711,
+ "Ġcompetitors": 15712,
+ "Ġfounding": 15713,
+ "ilon": 15714,
+ "atern": 15715,
+ "ĠAgreement": 15716,
+ "Ġimpairment": 15717,
+ "ĠAy": 15718,
+ "ĠMuh": 15719,
+ "Ġhiding": 15720,
+ "Ġairpl": 15721,
+ "ĠPun": 15722,
+ "Ġdeple": 15723,
+ "ĠPoll": 15724,
+ "Ġregulating": 15725,
+ "ĠNG": 15726,
+ "rosis": 15727,
+ "fred": 15728,
+ "ĠCape": 15729,
+ "Ġadolescent": 15730,
+ "Ġclubs": 15731,
+ "}$$ĊĊ": 15732,
+ "ĠProducts": 15733,
+ "burgh": 15734,
+ "owed": 15735,
+ "ockey": 15736,
+ "Ġemails": 15737,
+ "Ġpointing": 15738,
+ "Ġdiscre": 15739,
+ "ĠPhiladelphia": 15740,
+ "Ġbrack": 15741,
+ "ĠCertain": 15742,
+ "Ġdragon": 15743,
+ "ïĥ": 15744,
+ "ĠURL": 15745,
+ "Ġoppression": 15746,
+ "Ġinstrumental": 15747,
+ "Ġinitiated": 15748,
+ "Ġpronoun": 15749,
+ "ĠWebs": 15750,
+ "ĠAlbert": 15751,
+ "Ġintentions": 15752,
+ "ĠFramew": 15753,
+ "Ġaffection": 15754,
+ "Ġacidic": 15755,
+ "aret": 15756,
+ "167": 15757,
+ "ouraging": 15758,
+ "integ": 15759,
+ "ĠBY": 15760,
+ "Ext": 15761,
+ "ĠSac": 15762,
+ "Ġoverlooked": 15763,
+ "Ġvend": 15764,
+ "ĠActive": 15765,
+ "ĠInvestig": 15766,
+ "arms": 15767,
+ "Ġdiscrete": 15768,
+ "Ġeditors": 15769,
+ "ε": 15770,
+ "PH": 15771,
+ "oval": 15772,
+ "Ġbehalf": 15773,
+ "Ġseamless": 15774,
+ "ĠGetting": 15775,
+ "ĠLes": 15776,
+ "Ġcleaner": 15777,
+ "-round": 15778,
+ "Ġtraumatic": 15779,
+ "Ġgroundwater": 15780,
+ "inging": 15781,
+ "129": 15782,
+ "ĠPotential": 15783,
+ "Ġcontroversy": 15784,
+ "ibet": 15785,
+ "ahren": 15786,
+ "ĠAfghanistan": 15787,
+ "ĠOverall": 15788,
+ "ĠPrograms": 15789,
+ "Ġcarp": 15790,
+ "Ġcables": 15791,
+ "Ġample": 15792,
+ "136": 15793,
+ "ĠMarsh": 15794,
+ "Ġsixth": 15795,
+ "Ġhierarchy": 15796,
+ "pathy": 15797,
+ "Ġseas": 15798,
+ "Ġplaque": 15799,
+ "Ġи": 15800,
+ "-Co": 15801,
+ "uncture": 15802,
+ "Posts": 15803,
+ "oubted": 15804,
+ "Ġtourist": 15805,
+ "Ġphilosophers": 15806,
+ "-effective": 15807,
+ "Ġshelf": 15808,
+ "rokes": 15809,
+ "Ġprojected": 15810,
+ "atherine": 15811,
+ "Mark": 15812,
+ "Ġawesome": 15813,
+ "Ġdistribute": 15814,
+ "ĠPil": 15815,
+ "bes": 15816,
+ "Ġmutation": 15817,
+ "Ġlawyer": 15818,
+ "Ġquestioning": 15819,
+ "Ġaltitude": 15820,
+ "Ġalgebraic": 15821,
+ "ĠSafe": 15822,
+ "Ġfifty": 15823,
+ "Ġperforms": 15824,
+ "ĠwikiHow": 15825,
+ "Ġthoughtful": 15826,
+ "Ġweave": 15827,
+ "/l": 15828,
+ "ĠLA": 15829,
+ "{b": 15830,
+ "Ġgoddess": 15831,
+ "Ġromance": 15832,
+ "Ġshots": 15833,
+ "Ġinterdisciplinary": 15834,
+ "Ġmelt": 15835,
+ "133": 15836,
+ "Ġpotato": 15837,
+ "ington": 15838,
+ "Ġbrick": 15839,
+ "ĠBah": 15840,
+ "Ġmounted": 15841,
+ "bro": 15842,
+ "uru": 15843,
+ "ropolitan": 15844,
+ "ĠEvidence": 15845,
+ "*:": 15846,
+ "Ġdiabetic": 15847,
+ "Ġdx": 15848,
+ "Ġassim": 15849,
+ "ĠAlcohol": 15850,
+ "Ġtimeless": 15851,
+ "Ġopposing": 15852,
+ "Ġbibliography": 15853,
+ "Ġdan": 15854,
+ "ĠðĿij": 15855,
+ "itu": 15856,
+ "*}": 15857,
+ "ĠClassroom": 15858,
+ "Ġinstinct": 15859,
+ "Ġuntreated": 15860,
+ "Ġadmitted": 15861,
+ "Image": 15862,
+ "ĠResponse": 15863,
+ "Ġeasiest": 15864,
+ "Ġinvisible": 15865,
+ "Ġpredominantly": 15866,
+ "ĠCro": 15867,
+ "Ġpermitted": 15868,
+ "race": 15869,
+ "ĠGPS": 15870,
+ "=-": 15871,
+ "Ġlectures": 15872,
+ "ĠChart": 15873,
+ "Ġappreciated": 15874,
+ "ĠImperial": 15875,
+ "173": 15876,
+ "Ġlacking": 15877,
+ "ĠQur": 15878,
+ "mo": 15879,
+ "ĠCreek": 15880,
+ "ĠNarr": 15881,
+ "Ġmuseums": 15882,
+ "beta": 15883,
+ "will": 15884,
+ "Ġcompositions": 15885,
+ "999": 15886,
+ "ĠRab": 15887,
+ "Ġcreators": 15888,
+ "Ġtangible": 15889,
+ "Ġinfest": 15890,
+ "Ġcaut": 15891,
+ ")):Ċ": 15892,
+ "number": 15893,
+ "ĠCredit": 15894,
+ "Ġresidual": 15895,
+ "Ġpossession": 15896,
+ "Ġdilig": 15897,
+ "consin": 15898,
+ "Cross": 15899,
+ "Early": 15900,
+ "ĠRepe": 15901,
+ "-min": 15902,
+ "ounded": 15903,
+ "Ġworkout": 15904,
+ "limited": 15905,
+ "ÙĪ": 15906,
+ "ĠAround": 15907,
+ "Ġhobby": 15908,
+ "itzerland": 15909,
+ "Ġcarcin": 15910,
+ "Ġwarmer": 15911,
+ "tags": 15912,
+ "Ġdynasty": 15913,
+ "Ġrotating": 15914,
+ "Ġpassengers": 15915,
+ "Hello": 15916,
+ "ĠHay": 15917,
+ "-bl": 15918,
+ "Sometimes": 15919,
+ "Ġsends": 15920,
+ "Ġcum": 15921,
+ "Ġbay": 15922,
+ "Ġnonfiction": 15923,
+ "jamin": 15924,
+ "tha": 15925,
+ "-cons": 15926,
+ "big": 15927,
+ "ĠInsurance": 15928,
+ "ounding": 15929,
+ "ĠMaryland": 15930,
+ "Ġclever": 15931,
+ "ĠRandom": 15932,
+ "Food": 15933,
+ "Ġantioxidant": 15934,
+ "lishes": 15935,
+ "Ġinterfere": 15936,
+ "ĠFinal": 15937,
+ "Ġundergraduate": 15938,
+ "cha": 15939,
+ "Ġmillenn": 15940,
+ "Ġbulb": 15941,
+ "Ġslides": 15942,
+ "Ġperimeter": 15943,
+ "ĠReserve": 15944,
+ "Ġshops": 15945,
+ "138": 15946,
+ "]čĊ": 15947,
+ "mother": 15948,
+ "Ġhed": 15949,
+ "roleum": 15950,
+ "Ġrated": 15951,
+ "ĠBrand": 15952,
+ "object": 15953,
+ "Ġchromosomes": 15954,
+ "ĠâĢº": 15955,
+ "Ġdots": 15956,
+ "odd": 15957,
+ "Ġmast": 15958,
+ "erenn": 15959,
+ "ivic": 15960,
+ "Ġprogrammes": 15961,
+ "Ġloving": 15962,
+ "Ġguns": 15963,
+ "Ġweekend": 15964,
+ "div": 15965,
+ "ĠMcC": 15966,
+ "anny": 15967,
+ "requency": 15968,
+ "icides": 15969,
+ "Ġparenting": 15970,
+ "Ġsequencing": 15971,
+ "Ġtrap": 15972,
+ "Commun": 15973,
+ "Ġpropose": 15974,
+ "ulator": 15975,
+ "Ġfestivals": 15976,
+ "Ġbaseline": 15977,
+ "ĠAIDS": 15978,
+ "ĠEthics": 15979,
+ "Ġearning": 15980,
+ "Ġ'''": 15981,
+ "Ġintimate": 15982,
+ "Ġsurely": 15983,
+ "Ġadherence": 15984,
+ "Ġbund": 15985,
+ "Ġmla": 15986,
+ "Though": 15987,
+ "Ġsuperf": 15988,
+ "Ġlawn": 15989,
+ "ĠTaiwan": 15990,
+ "Ġhardly": 15991,
+ "%),": 15992,
+ "Ġtunnel": 15993,
+ "itudinal": 15994,
+ "Ġabd": 15995,
+ "230": 15996,
+ "Ġproofs": 15997,
+ "Ġfragments": 15998,
+ "Ġmagnificent": 15999,
+ ".left": 16000,
+ ":**ĊĊ": 16001,
+ "Ġskept": 16002,
+ "Ġtoilet": 16003,
+ "Ġbore": 16004,
+ "Ġdeposit": 16005,
+ "½": 16006,
+ "Ġattraction": 16007,
+ "Ġceremony": 16008,
+ "Ġtan": 16009,
+ "ĠFinance": 16010,
+ "ĠTown": 16011,
+ "Ġnewfound": 16012,
+ "Ġtrim": 16013,
+ "iser": 16014,
+ "Ġturtles": 16015,
+ "ĠIng": 16016,
+ "orse": 16017,
+ "Ġvotes": 16018,
+ "ĠMiller": 16019,
+ "750": 16020,
+ "ÑĤе": 16021,
+ "Ġintuitive": 16022,
+ "Ġtrait": 16023,
+ "ĠHistor": 16024,
+ "Ġtimber": 16025,
+ "ĠDavis": 16026,
+ "Ġfarmer": 16027,
+ "Ġdivorce": 16028,
+ "equal": 16029,
+ "Ġcomprising": 16030,
+ "Mr": 16031,
+ "Best": 16032,
+ "Ġcommemor": 16033,
+ "Ġranks": 16034,
+ "Ġmercury": 16035,
+ "Ġbloom": 16036,
+ "ardo": 16037,
+ "ĠSI": 16038,
+ "Ms": 16039,
+ "oubtedly": 16040,
+ "Ġloaded": 16041,
+ "Ġapproaching": 16042,
+ "æĪ": 16043,
+ "ĠÑ": 16044,
+ "Ġparticipant": 16045,
+ "Ġlinking": 16046,
+ "ĠBeach": 16047,
+ "Ġlegitimate": 16048,
+ "wich": 16049,
+ "Ġartery": 16050,
+ "Ġmant": 16051,
+ "-cell": 16052,
+ "Ġignored": 16053,
+ "pression": 16054,
+ "à¹": 16055,
+ "Ġresume": 16056,
+ "Ġupward": 16057,
+ "human": 16058,
+ "output": 16059,
+ "Ġthreads": 16060,
+ "Ġβ": 16061,
+ "_w": 16062,
+ "Ġgastrointestinal": 16063,
+ "Ġdeck": 16064,
+ "ĠStaff": 16065,
+ "ĠML": 16066,
+ "ournal": 16067,
+ "Ġо": 16068,
+ "Ġstopping": 16069,
+ "Ġangular": 16070,
+ "ĠPhotos": 16071,
+ "lywood": 16072,
+ "Ġproducer": 16073,
+ "Ġovernight": 16074,
+ "Ġadmission": 16075,
+ "ĠVeter": 16076,
+ "ĠMacbeth": 16077,
+ "ruce": 16078,
+ "Ġecho": 16079,
+ "Ġouts": 16080,
+ "Ġcram": 16081,
+ "Ġnuances": 16082,
+ "Ġclause": 16083,
+ "Ġambit": 16084,
+ "|S": 16085,
+ "abus": 16086,
+ "Ġcarb": 16087,
+ "ï¼ļ": 16088,
+ "Ġreleasing": 16089,
+ "ucl": 16090,
+ "Ġattacked": 16091,
+ "ĠJamie": 16092,
+ "onder": 16093,
+ "Ġseverely": 16094,
+ "Ġmud": 16095,
+ ".last": 16096,
+ "Ġmethodologies": 16097,
+ "Ġbeverages": 16098,
+ "ĠDuke": 16099,
+ "Look": 16100,
+ "Ġprize": 16101,
+ "Ġsafeguard": 16102,
+ "ĠImages": 16103,
+ "ods": 16104,
+ "Ġsyntax": 16105,
+ "Ġastronaut": 16106,
+ "Ġleveraging": 16107,
+ "Ġemployer": 16108,
+ "Ġarising": 16109,
+ "ĠFord": 16110,
+ "Ġcontinually": 16111,
+ "ucid": 16112,
+ "Ġnotably": 16113,
+ "ĠSant": 16114,
+ "Ġshells": 16115,
+ "Ġpicking": 16116,
+ "alism": 16117,
+ "profit": 16118,
+ "Ġfirmly": 16119,
+ "aman": 16120,
+ "nesota": 16121,
+ "Ġimperative": 16122,
+ "âĸ": 16123,
+ "orious": 16124,
+ "Ġhits": 16125,
+ "Ġreliance": 16126,
+ "ĠHawaii": 16127,
+ "vantages": 16128,
+ "via": 16129,
+ "ĠSanskrit": 16130,
+ "Ġschedules": 16131,
+ "Ġinstability": 16132,
+ "Ġproximity": 16133,
+ "Ġsimplicity": 16134,
+ "Ġgrounded": 16135,
+ "Ġovers": 16136,
+ "Ġlearns": 16137,
+ "Ġnour": 16138,
+ "Ġammon": 16139,
+ "ĠGround": 16140,
+ "è¡": 16141,
+ "Ġsharks": 16142,
+ "Ġsuspected": 16143,
+ "Ġheading": 16144,
+ "Ġglance": 16145,
+ "ighters": 16146,
+ "Ġchord": 16147,
+ "Ġsubjective": 16148,
+ "second": 16149,
+ "Ġscrap": 16150,
+ "-risk": 16151,
+ "Ġsnacks": 16152,
+ "Ġadmit": 16153,
+ "Ġcrash": 16154,
+ "Ġlegally": 16155,
+ "ĠDelhi": 16156,
+ "ĠNorway": 16157,
+ "Web": 16158,
+ "Ġscholar": 16159,
+ "Ġdestructive": 16160,
+ "klore": 16161,
+ "-dis": 16162,
+ "Ġpars": 16163,
+ "ĠSkin": 16164,
+ "GR": 16165,
+ "Ġterminology": 16166,
+ "Ġallies": 16167,
+ "Ġfunny": 16168,
+ "Ġcompetence": 16169,
+ "ĠBed": 16170,
+ "Ġfreezing": 16171,
+ "Ġshortly": 16172,
+ "Ġsink": 16173,
+ "Ġdifferentiate": 16174,
+ "Ġopenly": 16175,
+ "ĠSnow": 16176,
+ "Ġperseverance": 16177,
+ "False": 16178,
+ "ĠBuy": 16179,
+ "Ġfulfilling": 16180,
+ "Ġbuttons": 16181,
+ "_id": 16182,
+ "ĠAthe": 16183,
+ "aund": 16184,
+ "Ġremedy": 16185,
+ "ĠRange": 16186,
+ "understand": 16187,
+ "Ġdestro": 16188,
+ "ĠMun": 16189,
+ "Ġswift": 16190,
+ "aluable": 16191,
+ ".right": 16192,
+ "ĠTags": 16193,
+ "rish": 16194,
+ "ĠHealthcare": 16195,
+ "Ġreproduce": 16196,
+ "ucle": 16197,
+ "Ġcomparisons": 16198,
+ "ĠHal": 16199,
+ "ĠStrong": 16200,
+ "atto": 16201,
+ "ĠEat": 16202,
+ "Ġguilt": 16203,
+ "Ġspr": 16204,
+ "ĠMarc": 16205,
+ "ringe": 16206,
+ "Ġthrown": 16207,
+ "Ġinterpreting": 16208,
+ "Ġarteries": 16209,
+ "ti": 16210,
+ "oi": 16211,
+ "Ġflip": 16212,
+ "Ġcasting": 16213,
+ "ĠEvaluation": 16214,
+ "Unit": 16215,
+ "(e": 16216,
+ "ĠPra": 16217,
+ "unks": 16218,
+ "Ġpromised": 16219,
+ "Ġgenetically": 16220,
+ "Ġmyriad": 16221,
+ "Ġtheatre": 16222,
+ "kh": 16223,
+ ",âĢĻ": 16224,
+ "cover": 16225,
+ "alling": 16226,
+ "viously": 16227,
+ "ĠUnex": 16228,
+ "_index": 16229,
+ "Åį": 16230,
+ "ĠCzech": 16231,
+ "Ġpresidential": 16232,
+ "ailand": 16233,
+ "makers": 16234,
+ "clerosis": 16235,
+ "Ġgrief": 16236,
+ "ĠStreng": 16237,
+ "osterone": 16238,
+ "opter": 16239,
+ "Writing": 16240,
+ "ĠReligious": 16241,
+ "ĠPressure": 16242,
+ "Ġstainless": 16243,
+ "ummy": 16244,
+ "Ġerect": 16245,
+ "Ġclimbing": 16246,
+ "Ġsulfur": 16247,
+ "Three": 16248,
+ "TING": 16249,
+ "-ne": 16250,
+ "oths": 16251,
+ "Ġrecommendation": 16252,
+ "Ġreply": 16253,
+ "Ġsiblings": 16254,
+ "ispens": 16255,
+ "SD": 16256,
+ "ĠProtocol": 16257,
+ "ĠFast": 16258,
+ "ĠPrepare": 16259,
+ "olerance": 16260,
+ "writ": 16261,
+ "ĠAnth": 16262,
+ "Ġtelescope": 16263,
+ "Ġlunar": 16264,
+ "ĠSubt": 16265,
+ "ĠChile": 16266,
+ "Ġprocessor": 16267,
+ "Ġconstructive": 16268,
+ "they": 16269,
+ "ĠUpon": 16270,
+ "Ġsubjected": 16271,
+ "usions": 16272,
+ "ĠBangladesh": 16273,
+ "Joined": 16274,
+ "ĠCI": 16275,
+ "Ġharvesting": 16276,
+ "Ġrept": 16277,
+ "Ġjurisdiction": 16278,
+ "elle": 16279,
+ "Ġindoors": 16280,
+ "HR": 16281,
+ "xx": 16282,
+ "Ġinadequate": 16283,
+ "ि": 16284,
+ "Ġsovereignty": 16285,
+ "ĠAPI": 16286,
+ "Ġmarking": 16287,
+ "olia": 16288,
+ "Ġappend": 16289,
+ "Ġtrapped": 16290,
+ "ervice": 16291,
+ "Ġware": 16292,
+ "Ġtherapists": 16293,
+ "ĠDefine": 16294,
+ "Ġseats": 16295,
+ "ĠProperty": 16296,
+ "Ġdistract": 16297,
+ "Ġlining": 16298,
+ "ĠDick": 16299,
+ "JUVENILE": 16300,
+ "ĠTerms": 16301,
+ "Ġsquared": 16302,
+ "sex": 16303,
+ "Ġhanging": 16304,
+ "owa": 16305,
+ "Ġpurchases": 16306,
+ "icus": 16307,
+ "seen": 16308,
+ "Ġsucceeded": 16309,
+ "Ġbesides": 16310,
+ "Ġcontest": 16311,
+ "Ġextr": 16312,
+ "Ġmonarch": 16313,
+ "Ġvacation": 16314,
+ "Ġindication": 16315,
+ "ĠAnnual": 16316,
+ "Ġ.ĊĊ": 16317,
+ "142": 16318,
+ "ĠSounds": 16319,
+ "Ġanth": 16320,
+ "Ġtuber": 16321,
+ "Ġprophe": 16322,
+ "ĠRegion": 16323,
+ "Ġjudicial": 16324,
+ "(num": 16325,
+ "Ġdetecting": 16326,
+ "-comp": 16327,
+ "134": 16328,
+ "ĠArchae": 16329,
+ "stan": 16330,
+ "agu": 16331,
+ "ĠImmun": 16332,
+ "izophrenia": 16333,
+ "ĠMu": 16334,
+ "Ġsmartphone": 16335,
+ "aron": 16336,
+ "ĠFICTION": 16337,
+ "ĠDifference": 16338,
+ "Ġdesp": 16339,
+ "ĠBroad": 16340,
+ "some": 16341,
+ "abama": 16342,
+ "ivo": 16343,
+ "fil": 16344,
+ "Ġbonding": 16345,
+ "wareness": 16346,
+ "model": 16347,
+ "256": 16348,
+ "Ġpremature": 16349,
+ "Ġdescent": 16350,
+ "Ġrecreational": 16351,
+ "Having": 16352,
+ "ĠMobile": 16353,
+ "Ġnm": 16354,
+ "Ġdispro": 16355,
+ "Ġshark": 16356,
+ "âĢ³": 16357,
+ "Ġcrystall": 16358,
+ "ĠMotor": 16359,
+ "(B": 16360,
+ "ronics": 16361,
+ "ĠDoctor": 16362,
+ "Ġdeemed": 16363,
+ "elsius": 16364,
+ "-down": 16365,
+ "ahrenheit": 16366,
+ "Ġinsightful": 16367,
+ "ĠOttoman": 16368,
+ "Ġadjustment": 16369,
+ "ĠTechnologies": 16370,
+ "factory": 16371,
+ "gage": 16372,
+ "ĠMarketing": 16373,
+ "Ġclimates": 16374,
+ "hetical": 16375,
+ "ĠFeed": 16376,
+ "Ġabortion": 16377,
+ "âĨ": 16378,
+ "tz": 16379,
+ "ĠGreeks": 16380,
+ "ĠPit": 16381,
+ "Ġwherever": 16382,
+ "azines": 16383,
+ "ĠIg": 16384,
+ "Ġwhales": 16385,
+ "assert": 16386,
+ "ĠGeometry": 16387,
+ "isan": 16388,
+ "Ġsmartphones": 16389,
+ "ĠRules": 16390,
+ "Organ": 16391,
+ "Ġmedicinal": 16392,
+ "ĠCould": 16393,
+ "inos": 16394,
+ "Ġnegotiations": 16395,
+ "forestation": 16396,
+ "Ġoverwhelmed": 16397,
+ "Ġwounds": 16398,
+ "ĠThompson": 16399,
+ "ragon": 16400,
+ "Ġsuppress": 16401,
+ "ĠEuro": 16402,
+ "Ġchim": 16403,
+ "Ġenfor": 16404,
+ "Ġblade": 16405,
+ "igious": 16406,
+ "ĠAlgorith": 16407,
+ "chy": 16408,
+ "146": 16409,
+ "ĠCab": 16410,
+ "Ġexplosion": 16411,
+ "GB": 16412,
+ "Ġarchitects": 16413,
+ "âĢ¦âĢ¦âĢ¦âĢ¦": 16414,
+ "Ġpneumonia": 16415,
+ "Ġgrate": 16416,
+ "ÑĢе": 16417,
+ "ĠSeek": 16418,
+ "Ġcustomized": 16419,
+ "Ġrash": 16420,
+ "rubs": 16421,
+ "ĠCham": 16422,
+ "ĠWolf": 16423,
+ "ĠMonitoring": 16424,
+ "Ġpromptly": 16425,
+ "Ġvulnerabilities": 16426,
+ ",-": 16427,
+ "ensor": 16428,
+ "ĠSin": 16429,
+ "CSS": 16430,
+ "Ġideals": 16431,
+ "Ġcompiled": 16432,
+ "alin": 16433,
+ "Ġmodest": 16434,
+ "sl": 16435,
+ "Ġinvite": 16436,
+ "Ġdens": 16437,
+ "ocl": 16438,
+ "Ġtracing": 16439,
+ "ĠSave": 16440,
+ "ĠChen": 16441,
+ "hind": 16442,
+ "mus": 16443,
+ "ĠSri": 16444,
+ "Ġlitter": 16445,
+ "Red": 16446,
+ "world": 16447,
+ "ĠCondition": 16448,
+ "Among": 16449,
+ "Ġcommerce": 16450,
+ "free": 16451,
+ "ĠHarry": 16452,
+ "ĠNormal": 16453,
+ "Ġmitochond": 16454,
+ "Ġcoach": 16455,
+ "Ġrailroad": 16456,
+ "ĠAffairs": 16457,
+ "ĠDead": 16458,
+ "Ġinstalling": 16459,
+ "Ġanswering": 16460,
+ "Ġrecru": 16461,
+ "Ġwanting": 16462,
+ "Ġleather": 16463,
+ "oxic": 16464,
+ "$$Ċ": 16465,
+ "ridge": 16466,
+ "develop": 16467,
+ "Ġretirement": 16468,
+ "Ġmeats": 16469,
+ "ĠDefense": 16470,
+ "Ġblending": 16471,
+ "Ġcritique": 16472,
+ "ĠPrevent": 16473,
+ "ĠMom": 16474,
+ "Ġhosting": 16475,
+ "pus": 16476,
+ "-aware": 16477,
+ "ilization": 16478,
+ "ogical": 16479,
+ "ĠNonetheless": 16480,
+ "Ġib": 16481,
+ "#Ċ": 16482,
+ "ÏĦ": 16483,
+ "astically": 16484,
+ "Ask": 16485,
+ "ĠNapole": 16486,
+ "Ġtransported": 16487,
+ "Ġjudges": 16488,
+ "iage": 16489,
+ "-minded": 16490,
+ "Ġequip": 16491,
+ "ania": 16492,
+ "Ġprints": 16493,
+ "Ġimaginary": 16494,
+ "Ġvirtue": 16495,
+ "Ġselective": 16496,
+ "ĠLessons": 16497,
+ "Physical": 16498,
+ "Ġtestim": 16499,
+ "ĠGil": 16500,
+ "ĠEPA": 16501,
+ "Ġprotagonist": 16502,
+ "ĠIllust": 16503,
+ "ĠElementary": 16504,
+ "ĠBreak": 16505,
+ "ĠMinnesota": 16506,
+ "Ġfungal": 16507,
+ "ĠEmotional": 16508,
+ "Ġcoil": 16509,
+ "ĠExchange": 16510,
+ "ĠLoc": 16511,
+ "-person": 16512,
+ "proof": 16513,
+ "ĠPicture": 16514,
+ "ĠTu": 16515,
+ "Ġscheduled": 16516,
+ "Ġneat": 16517,
+ "esterday": 16518,
+ "-for": 16519,
+ "ĠLiterary": 16520,
+ "Choose": 16521,
+ "ĠSynt": 16522,
+ "Ġyours": 16523,
+ "Long": 16524,
+ "Ġindispens": 16525,
+ "Ġinequalities": 16526,
+ "ĠEra": 16527,
+ "ĠSwedish": 16528,
+ "Ġambitious": 16529,
+ "ĠWiring": 16530,
+ "lessness": 16531,
+ "Ġ),": 16532,
+ "å°": 16533,
+ "ĠSolve": 16534,
+ "bin": 16535,
+ "Ġsilk": 16536,
+ "Ġpist": 16537,
+ "Ġexterior": 16538,
+ "Ġinvested": 16539,
+ "Ġbrainstorm": 16540,
+ "Ġfox": 16541,
+ "Ġteamwork": 16542,
+ "Ġwhites": 16543,
+ "ĠProperties": 16544,
+ "Ġimagined": 16545,
+ "Ġmotors": 16546,
+ "ĠAx": 16547,
+ "Ġprospects": 16548,
+ "ĠMas": 16549,
+ "Ġforcing": 16550,
+ "Ġspecifications": 16551,
+ "ropy": 16552,
+ ".sub": 16553,
+ "ikh": 16554,
+ "Ġcommentary": 16555,
+ "asted": 16556,
+ "score": 16557,
+ "ayers": 16558,
+ "Ġscattered": 16559,
+ "Ġdecorative": 16560,
+ "Ġaccepting": 16561,
+ "Ġana": 16562,
+ "Ġsilence": 16563,
+ "Ġθ": 16564,
+ "Ġacquiring": 16565,
+ "Ġpracticality": 16566,
+ "feeding": 16567,
+ "ĠSARS": 16568,
+ "Ġlasts": 16569,
+ "ogly": 16570,
+ "Ġrecurs": 16571,
+ "ĠLaws": 16572,
+ "002": 16573,
+ "ĠTempl": 16574,
+ "λ": 16575,
+ "BR": 16576,
+ "urface": 16577,
+ "Ġinduce": 16578,
+ "creat": 16579,
+ "Ġcollision": 16580,
+ "ĠAgricultural": 16581,
+ "iden": 16582,
+ "åĩ": 16583,
+ "Ġchi": 16584,
+ "})": 16585,
+ "ĠGermans": 16586,
+ "eto": 16587,
+ "ĠMember": 16588,
+ "ĠAllah": 16589,
+ "Ġdrill": 16590,
+ "good": 16591,
+ "ĠUpper": 16592,
+ "ĠHope": 16593,
+ "ĠSpeech": 16594,
+ "Ġfastest": 16595,
+ "ĉreturn": 16596,
+ "(data": 16597,
+ "GA": 16598,
+ "odont": 16599,
+ "Ġultra": 16600,
+ "Ġmandatory": 16601,
+ "Ġtricky": 16602,
+ "Ġtomato": 16603,
+ "UE": 16604,
+ "Keep": 16605,
+ "Ġtranscription": 16606,
+ "Ġdelayed": 16607,
+ "Ġendurance": 16608,
+ "Ġproblematic": 16609,
+ "ĠConcepts": 16610,
+ "Ġmultiplied": 16611,
+ "ennessee": 16612,
+ "Ġuncommon": 16613,
+ "Ġrespectful": 16614,
+ "utation": 16615,
+ "Ġexpose": 16616,
+ "Ġoxidation": 16617,
+ "Ġforgotten": 16618,
+ "aro": 16619,
+ "Ġblame": 16620,
+ "Ġincorporates": 16621,
+ "niv": 16622,
+ "ographics": 16623,
+ "ciliation": 16624,
+ "Ġrepetitive": 16625,
+ "Ġrecovered": 16626,
+ "Ġtranslations": 16627,
+ "ĠCEO": 16628,
+ "ĠCas": 16629,
+ "irts": 16630,
+ "Science": 16631,
+ "dup": 16632,
+ "jectives": 16633,
+ "âĢ¦.": 16634,
+ "ĠFestival": 16635,
+ "inge": 16636,
+ "Ġtranscend": 16637,
+ ".In": 16638,
+ "ĠFoods": 16639,
+ "ushes": 16640,
+ "Ġwithstand": 16641,
+ "Ġfiscal": 16642,
+ "Ġapa": 16643,
+ "-Ch": 16644,
+ "ĠVill": 16645,
+ "Ġreconstruction": 16646,
+ "pop": 16647,
+ "б": 16648,
+ "Ġcoh": 16649,
+ "Ġexistential": 16650,
+ "player": 16651,
+ "vironmental": 16652,
+ "ĠAnton": 16653,
+ "-style": 16654,
+ "Max": 16655,
+ "amboo": 16656,
+ "Ġglow": 16657,
+ "ĠFIG": 16658,
+ "ËĪ": 16659,
+ "je": 16660,
+ "ĠWeather": 16661,
+ "Ġunint": 16662,
+ "Ġstigma": 16663,
+ "Ġmacbeth": 16664,
+ "Related": 16665,
+ "ifiable": 16666,
+ "ï¬ģ": 16667,
+ "Ġdrew": 16668,
+ "Ġautomotive": 16669,
+ "achment": 16670,
+ "ĠCC": 16671,
+ "ĠDeclaration": 16672,
+ "may": 16673,
+ "ĠRF": 16674,
+ "Green": 16675,
+ "Contin": 16676,
+ "ĠPed": 16677,
+ "Ġexotic": 16678,
+ "ĠKhan": 16679,
+ "ĠRecord": 16680,
+ "Ġfancy": 16681,
+ "Ġfluores": 16682,
+ "Ġanniversary": 16683,
+ "ĠBrief": 16684,
+ "ĠEye": 16685,
+ "Ġstumbled": 16686,
+ "-section": 16687,
+ "ONOM": 16688,
+ "],Ċ": 16689,
+ "ĠColon": 16690,
+ ".co": 16691,
+ "ĠDE": 16692,
+ "Ġvinegar": 16693,
+ "note": 16694,
+ "ista": 16695,
+ "eches": 16696,
+ "Ġimagin": 16697,
+ "Ġirritation": 16698,
+ "rea": 16699,
+ "ĠMis": 16700,
+ "Ġerad": 16701,
+ "Ġdip": 16702,
+ "WS": 16703,
+ "ORD": 16704,
+ "Ġneighbour": 16705,
+ "Ġexercising": 16706,
+ "ĠLetters": 16707,
+ "Ïģ": 16708,
+ "ĠExploration": 16709,
+ "ĠCommand": 16710,
+ "ĠNursing": 16711,
+ "Ġsecular": 16712,
+ "ĠMissouri": 16713,
+ "Ġfoliage": 16714,
+ "Ġlowering": 16715,
+ "Ġstrikes": 16716,
+ "Ġcous": 16717,
+ "Ġquit": 16718,
+ "Ġgreens": 16719,
+ "Ġml": 16720,
+ "ĠPrep": 16721,
+ "anguages": 16722,
+ "ĠPsychological": 16723,
+ "Ġentrepreneur": 16724,
+ "eur": 16725,
+ "Ġsimilarity": 16726,
+ "ĠOlympic": 16727,
+ "audi": 16728,
+ "Following": 16729,
+ "ERE": 16730,
+ "ĠVisit": 16731,
+ "*(": 16732,
+ "Ġ((": 16733,
+ "Ġrealizing": 16734,
+ "ĠHub": 16735,
+ "illary": 16736,
+ "ĠFox": 16737,
+ "Ġpoultry": 16738,
+ "TIONS": 16739,
+ "ĠId": 16740,
+ "Ġpizza": 16741,
+ "uilt": 16742,
+ "ĠInnovation": 16743,
+ "gly": 16744,
+ "ÉĻ": 16745,
+ "due": 16746,
+ "apes": 16747,
+ "ĠFactor": 16748,
+ "Ġrailway": 16749,
+ "Ġsupernatural": 16750,
+ "fficking": 16751,
+ "Ġviewpoints": 16752,
+ "learn": 16753,
+ "ĠFormula": 16754,
+ "Ġderivatives": 16755,
+ "Ġshrink": 16756,
+ "Ġmuscular": 16757,
+ "Ġclinic": 16758,
+ "Ġestimation": 16759,
+ "Ġcrushed": 16760,
+ "Ġrequested": 16761,
+ "Ġpredictive": 16762,
+ "ĠJob": 16763,
+ "Ġeverybody": 16764,
+ "Ġovert": 16765,
+ "group": 16766,
+ "Ġearthquakes": 16767,
+ "Ġlasted": 16768,
+ "info": 16769,
+ "Ġsexually": 16770,
+ "Ġwinner": 16771,
+ "iens": 16772,
+ "helial": 16773,
+ "MENT": 16774,
+ "KS": 16775,
+ "Ġtags": 16776,
+ "ĠHE": 16777,
+ "Ġenric": 16778,
+ "Ġempowering": 16779,
+ "enc": 16780,
+ "rend": 16781,
+ "Ġtreasures": 16782,
+ "Ġcomply": 16783,
+ "Ġfold": 16784,
+ "Ġprobe": 16785,
+ "Ġagenda": 16786,
+ "AV": 16787,
+ "Ġports": 16788,
+ "Ġimproper": 16789,
+ "ĠAuto": 16790,
+ "ĠInfect": 16791,
+ "ĠApplying": 16792,
+ "Ġlarvae": 16793,
+ "Ġcortex": 16794,
+ "Ġgradual": 16795,
+ "Ġserum": 16796,
+ "ĠQuick": 16797,
+ "Ġguaranteed": 16798,
+ "Ġinterplay": 16799,
+ "ORE": 16800,
+ "Ġbatch": 16801,
+ "Ġburst": 16802,
+ "ĠHamilton": 16803,
+ ".[": 16804,
+ "Ġtalented": 16805,
+ "Ġwedding": 16806,
+ "ÂĿÂ": 16807,
+ "arb": 16808,
+ "Ġideology": 16809,
+ "UP": 16810,
+ "ĠEquipment": 16811,
+ "verbal": 16812,
+ "Ġumb": 16813,
+ "Ġhtml": 16814,
+ "Ġthy": 16815,
+ "ĠAlt": 16816,
+ "ĠDarwin": 16817,
+ "bn": 16818,
+ "ĠBird": 16819,
+ "iracy": 16820,
+ "GPT": 16821,
+ "Ġamph": 16822,
+ "Ġguest": 16823,
+ "istle": 16824,
+ "148": 16825,
+ "Ġstamp": 16826,
+ "ĠGrant": 16827,
+ "ĠEventually": 16828,
+ "Posted": 16829,
+ "Ġcooler": 16830,
+ "Ġvoy": 16831,
+ "Ġindispensable": 16832,
+ "Ġwrap": 16833,
+ "Ġexcer": 16834,
+ "Ġbats": 16835,
+ "ĠCastle": 16836,
+ "Ġleisure": 16837,
+ "even": 16838,
+ "Ġcrises": 16839,
+ "ĠMembers": 16840,
+ "Ġoverhead": 16841,
+ "ĠIncreased": 16842,
+ "ĠIR": 16843,
+ "ĠDiversity": 16844,
+ "ioned": 16845,
+ "Ġreflex": 16846,
+ "ĠSheet": 16847,
+ "ĠSwitzerland": 16848,
+ "ĠReturns": 16849,
+ "ĠSyria": 16850,
+ "Ġcapitalism": 16851,
+ "hu": 16852,
+ "Ġsticks": 16853,
+ "Ġtremendous": 16854,
+ "ĠWisconsin": 16855,
+ "Ġintact": 16856,
+ "Ġterritorial": 16857,
+ "Ġwishes": 16858,
+ "$.ĊĊ": 16859,
+ "onomy": 16860,
+ "Ġpreliminary": 16861,
+ "ĠDenmark": 16862,
+ "Ġratings": 16863,
+ "Ġlithium": 16864,
+ "Ġimported": 16865,
+ "Ġsimplified": 16866,
+ "rene": 16867,
+ "(r": 16868,
+ "ĠExpert": 16869,
+ "Ġmascul": 16870,
+ "ĠEmbracing": 16871,
+ "Ġseafood": 16872,
+ "Ġcelebrations": 16873,
+ "ĠHad": 16874,
+ "ĠĠĠĠĠĠĠĠĠ": 16875,
+ "Ġconfined": 16876,
+ "Ġempowers": 16877,
+ "Ġexpository": 16878,
+ "Ġprojection": 16879,
+ "Ġhorizon": 16880,
+ "Ġfacilitates": 16881,
+ "Ġempowerment": 16882,
+ "Ġdivisible": 16883,
+ "rational": 16884,
+ "Ġpropri": 16885,
+ "Ġbullet": 16886,
+ "Ġspecially": 16887,
+ "ĠJordan": 16888,
+ "Ġresting": 16889,
+ "ĠPartners": 16890,
+ "Ġgon": 16891,
+ "Ġintestine": 16892,
+ "estones": 16893,
+ "Ġwastewater": 16894,
+ "Ġpsychologists": 16895,
+ ".uk": 16896,
+ "Ġhorror": 16897,
+ "ACT": 16898,
+ "Ġprovinces": 16899,
+ "Ġseamlessly": 16900,
+ "lihood": 16901,
+ "ĠGi": 16902,
+ "Ġphosphorus": 16903,
+ "Ġenterprises": 16904,
+ "andhi": 16905,
+ "Ġcigarette": 16906,
+ "ĠBor": 16907,
+ "Life": 16908,
+ "Ġherbal": 16909,
+ "ĠDor": 16910,
+ "args": 16911,
+ "Ġpresum": 16912,
+ "Ġmonitored": 16913,
+ "Acc": 16914,
+ "nosis": 16915,
+ "Ġcultivated": 16916,
+ "Ġepidem": 16917,
+ "Ġelite": 16918,
+ "Ġtastes": 16919,
+ "Att": 16920,
+ "Ġguys": 16921,
+ "Ġcomprised": 16922,
+ "-hour": 16923,
+ "Ġmanually": 16924,
+ "agger": 16925,
+ "Ġhire": 16926,
+ "-I": 16927,
+ "139": 16928,
+ "Ġinstructors": 16929,
+ "ĠSpecific": 16930,
+ "Ġinert": 16931,
+ "label": 16932,
+ "Ġcows": 16933,
+ "Ġexcluded": 16934,
+ "Ġbasin": 16935,
+ "mg": 16936,
+ "Ġoverlap": 16937,
+ "Ġ«": 16938,
+ "Ġexpedition": 16939,
+ "bled": 16940,
+ "Ġrelied": 16941,
+ "email": 16942,
+ "Ġveterinarian": 16943,
+ "Ġguilty": 16944,
+ "Ġroller": 16945,
+ "welling": 16946,
+ "Ġtradem": 16947,
+ "Ġpara": 16948,
+ "ĠIntegration": 16949,
+ "Ġflaw": 16950,
+ "iti": 16951,
+ "ĠAdditional": 16952,
+ "Ġultrasound": 16953,
+ "Pop": 16954,
+ "organic": 16955,
+ "Ġregen": 16956,
+ "Ġalleged": 16957,
+ "ĠAuthority": 16958,
+ "ĠDry": 16959,
+ "143": 16960,
+ "Ġcruc": 16961,
+ "ĠJefferson": 16962,
+ ";ĊĊ": 16963,
+ "orrh": 16964,
+ "Ġaloud": 16965,
+ "Access": 16966,
+ "rod": 16967,
+ "Ġposter": 16968,
+ "��": 16969,
+ "Ġcruel": 16970,
+ "ĠAboriginal": 16971,
+ "ĠVictorian": 16972,
+ "Ġneighborhoods": 16973,
+ "ĠColoring": 16974,
+ "Ġdivisors": 16975,
+ "Ġdecides": 16976,
+ "Ġapproximate": 16977,
+ "Elect": 16978,
+ "Ġtablet": 16979,
+ "pler": 16980,
+ "Ġdisabled": 16981,
+ "Ġresonance": 16982,
+ "Ġaquarium": 16983,
+ "Ġadministrators": 16984,
+ "opard": 16985,
+ "Ġradar": 16986,
+ "Exper": 16987,
+ "kan": 16988,
+ "ĠAdult": 16989,
+ "Ġpleasant": 16990,
+ "Ġautoimmune": 16991,
+ "ĠCharacters": 16992,
+ "atterns": 16993,
+ "Ġkeen": 16994,
+ "Ġfake": 16995,
+ "Ġboats": 16996,
+ "udos": 16997,
+ "ĠGR": 16998,
+ "Ġstrongest": 16999,
+ "-follow": 17000,
+ "Ġsculpture": 17001,
+ "Ġprinter": 17002,
+ "Ġstimulus": 17003,
+ "Show": 17004,
+ "Ġsurviving": 17005,
+ "ĠAdding": 17006,
+ "osures": 17007,
+ "Ġofferings": 17008,
+ "Ġdiplom": 17009,
+ "ito": 17010,
+ "Ġmembranes": 17011,
+ "ĠFran": 17012,
+ "Ġrespondents": 17013,
+ "utable": 17014,
+ "Ġsuits": 17015,
+ "Ġoutputs": 17016,
+ "/her": 17017,
+ "ĠMos": 17018,
+ "Ġacknowledged": 17019,
+ "ĠBand": 17020,
+ "Ġrendering": 17021,
+ "Ġvet": 17022,
+ "ĠUnexpected": 17023,
+ "Ġthinkers": 17024,
+ "FP": 17025,
+ "umm": 17026,
+ "Ġgeological": 17027,
+ "Ġpri": 17028,
+ "ĠRol": 17029,
+ "ĠMission": 17030,
+ "Ġrounded": 17031,
+ "-value": 17032,
+ "Ġpurely": 17033,
+ "Ġaccessing": 17034,
+ "Ġspirituality": 17035,
+ "dney": 17036,
+ "Ġvoters": 17037,
+ "-al": 17038,
+ "ĠLouisiana": 17039,
+ "Ġracing": 17040,
+ ":*": 17041,
+ "Ġscrut": 17042,
+ "dam": 17043,
+ "ĠRepublican": 17044,
+ "_node": 17045,
+ "Ġdefinitive": 17046,
+ "Ġcorrelated": 17047,
+ "Ġcatalog": 17048,
+ "Ġbanned": 17049,
+ "Ġaspirations": 17050,
+ "Ġblacks": 17051,
+ "Ġfriendships": 17052,
+ "Ġprospective": 17053,
+ "ĠFried": 17054,
+ "Ġresident": 17055,
+ "umpy": 17056,
+ "chem": 17057,
+ "days": 17058,
+ "Ġantim": 17059,
+ "shore": 17060,
+ "Ġoutbreaks": 17061,
+ "Ġarbitrary": 17062,
+ "Ġtie": 17063,
+ "erk": 17064,
+ "Ġsquee": 17065,
+ "Ġcontacts": 17066,
+ "lier": 17067,
+ "posure": 17068,
+ "Ġpopul": 17069,
+ "+b": 17070,
+ "Ġinferior": 17071,
+ "ĠForum": 17072,
+ "ĠEmergency": 17073,
+ "Ġtemplates": 17074,
+ "Ġgolf": 17075,
+ "Ġactor": 17076,
+ "Ġscarce": 17077,
+ "Ġlad": 17078,
+ "Ġbug": 17079,
+ "oosevelt": 17080,
+ "Ġturbine": 17081,
+ "Ġcreator": 17082,
+ "Ġdeclaration": 17083,
+ "notes": 17084,
+ ".cl": 17085,
+ "ĠForces": 17086,
+ "icient": 17087,
+ "Ġdiesel": 17088,
+ "Ġmarijuana": 17089,
+ "ĠMLA": 17090,
+ "Ġcolonization": 17091,
+ "SC": 17092,
+ "Ġdf": 17093,
+ "Ġank": 17094,
+ "Ġк": 17095,
+ "Ġplagiarism": 17096,
+ "itched": 17097,
+ "Hi": 17098,
+ "Ġcredits": 17099,
+ "phants": 17100,
+ "Ġauthorized": 17101,
+ "Ġapparatus": 17102,
+ "Ġinterfaces": 17103,
+ "ĠHispanic": 17104,
+ "Ġrenewed": 17105,
+ ".lastname": 17106,
+ "):ĊĊ": 17107,
+ "Ġaccelerate": 17108,
+ "ULT": 17109,
+ "Ġpromin": 17110,
+ "ĠMalaysia": 17111,
+ "Ġpeas": 17112,
+ "ĠAmericas": 17113,
+ "Ġproportions": 17114,
+ "ĠRegularly": 17115,
+ "Ġthreatening": 17116,
+ "Ġmastery": 17117,
+ "Ġquizzes": 17118,
+ "Ġextrem": 17119,
+ "Ġcontroller": 17120,
+ "ĠSide": 17121,
+ "Ġfocal": 17122,
+ "urpose": 17123,
+ "ĠMuhammad": 17124,
+ "ĠShel": 17125,
+ "infect": 17126,
+ "ĠAristotle": 17127,
+ "ubric": 17128,
+ "AST": 17129,
+ "ĠTask": 17130,
+ "ĠPas": 17131,
+ "upiter": 17132,
+ "Ġcognition": 17133,
+ "Ġench": 17134,
+ "ĠGovernor": 17135,
+ "ĠIssue": 17136,
+ "Ġlocals": 17137,
+ "Title": 17138,
+ "ulph": 17139,
+ "Ġfrustration": 17140,
+ "usually": 17141,
+ "Ġpacket": 17142,
+ "essert": 17143,
+ "ÃŃa": 17144,
+ "Ġflesh": 17145,
+ "Ġshifted": 17146,
+ "âĢĶâĢĶ": 17147,
+ "ĠConditions": 17148,
+ "Ġinevitable": 17149,
+ "Ġprostate": 17150,
+ "ĠLif": 17151,
+ "ictionaries": 17152,
+ "Ñħ": 17153,
+ "Ġvegan": 17154,
+ "estial": 17155,
+ "ibles": 17156,
+ "Ġclip": 17157,
+ "Ġenvelop": 17158,
+ "Ġrelaxed": 17159,
+ "Ġfloods": 17160,
+ "Ġkeywords": 17161,
+ "LD": 17162,
+ "Ġoccupational": 17163,
+ "ĠVeget": 17164,
+ "eliness": 17165,
+ "ĠSay": 17166,
+ "Ġtoll": 17167,
+ "320": 17168,
+ "Ġemperor": 17169,
+ "Ġinvaluable": 17170,
+ "edience": 17171,
+ "Ġdermat": 17172,
+ "Ġstressful": 17173,
+ "Ġtribal": 17174,
+ "Ġdelightful": 17175,
+ "Ġswitches": 17176,
+ "Ġbom": 17177,
+ "Ġspider": 17178,
+ "ĠRemove": 17179,
+ "Ġknife": 17180,
+ "Ġexclusion": 17181,
+ "erencing": 17182,
+ "ĠSurface": 17183,
+ "Ġcosmic": 17184,
+ "Ġobligation": 17185,
+ "ĠMix": 17186,
+ "Ġconversational": 17187,
+ "Ġpays": 17188,
+ "Ġnaval": 17189,
+ "ochemistry": 17190,
+ "Ġanticipated": 17191,
+ "Ġpraise": 17192,
+ "Ġantibody": 17193,
+ "ĠJudaism": 17194,
+ "Ġluxury": 17195,
+ "Ġmicrowave": 17196,
+ "ĠTerrit": 17197,
+ "Ġcanvas": 17198,
+ "Ġsoldier": 17199,
+ "Ġhammer": 17200,
+ "ол": 17201,
+ "herical": 17202,
+ "Ġamendment": 17203,
+ "Ġdefeated": 17204,
+ "Ġnouns": 17205,
+ "University": 17206,
+ "Ġfeathers": 17207,
+ "Ġcurved": 17208,
+ "Ġmicroscope": 17209,
+ "')ĊĊ": 17210,
+ "Ġdeficit": 17211,
+ "Ġrelie": 17212,
+ "rank": 17213,
+ "ĠMade": 17214,
+ "Ġeconomically": 17215,
+ "Ġundoubtedly": 17216,
+ "ĠReason": 17217,
+ "late": 17218,
+ "Ġtoxicity": 17219,
+ "International": 17220,
+ "ни": 17221,
+ "hyl": 17222,
+ "Ġcomputed": 17223,
+ "ĠAer": 17224,
+ "Ġhinder": 17225,
+ "iatry": 17226,
+ "ĠCensus": 17227,
+ "Ġmushrooms": 17228,
+ "Ġtears": 17229,
+ "ĠTibet": 17230,
+ "neath": 17231,
+ "ophil": 17232,
+ "ythag": 17233,
+ "Ġfabrics": 17234,
+ "ĠCrime": 17235,
+ "Ġburns": 17236,
+ "Ġhungry": 17237,
+ "conduct": 17238,
+ "SH": 17239,
+ "ĠPul": 17240,
+ "ĠRA": 17241,
+ "Ġtangent": 17242,
+ "rer": 17243,
+ "Ġabnormalities": 17244,
+ "Ġdocumentary": 17245,
+ "Ġforb": 17246,
+ "LL": 17247,
+ "ECH": 17248,
+ "anka": 17249,
+ "Ġsketch": 17250,
+ "Ġresolved": 17251,
+ "ĠNE": 17252,
+ "-wide": 17253,
+ "Ġgig": 17254,
+ "Ġextinct": 17255,
+ "Ġurinary": 17256,
+ "ignant": 17257,
+ "Ġcredibility": 17258,
+ "Ġjumping": 17259,
+ "Ġsettlements": 17260,
+ "ĠVacc": 17261,
+ "ÛĮ": 17262,
+ "-grade": 17263,
+ "ĠĠĠĠĠĠĠĠĠĠĠĠ": 17264,
+ "Ġreviewing": 17265,
+ "ĠSingle": 17266,
+ "Ġgestures": 17267,
+ "ĠDogs": 17268,
+ "PO": 17269,
+ "ĠComputing": 17270,
+ "Ġintrinsic": 17271,
+ "-ev": 17272,
+ "Page": 17273,
+ "oop": 17274,
+ "Ġsparked": 17275,
+ "Ġæ": 17276,
+ "Ġslip": 17277,
+ "Ġencrypt": 17278,
+ "Ġrepetition": 17279,
+ "Ġbuffer": 17280,
+ "Ġtennis": 17281,
+ "Ġdominance": 17282,
+ "ĠHamlet": 17283,
+ "Ġexcellence": 17284,
+ "Ġmetallic": 17285,
+ "ĠSel": 17286,
+ "rif": 17287,
+ "Ġforty": 17288,
+ "ĠThailand": 17289,
+ "ĠLimited": 17290,
+ "ĠIdentifying": 17291,
+ "ĠPick": 17292,
+ "Ġdeployment": 17293,
+ "Ġgovernor": 17294,
+ "åľ": 17295,
+ "Ġchloride": 17296,
+ "Ġprolif": 17297,
+ "Ġundertaken": 17298,
+ "Ġbipolar": 17299,
+ "ivated": 17300,
+ "(int": 17301,
+ "Ĺı": 17302,
+ "Ġtemporarily": 17303,
+ "fa": 17304,
+ "ĠOt": 17305,
+ "Ġoptimizing": 17306,
+ "MR": 17307,
+ "Ġpriest": 17308,
+ "Ġgloves": 17309,
+ "Ġcoconut": 17310,
+ "rove": 17311,
+ "ĠBush": 17312,
+ "unctions": 17313,
+ "wealth": 17314,
+ "Ju": 17315,
+ "ĠFib": 17316,
+ "ĠProced": 17317,
+ "ĠPolice": 17318,
+ "Ġvoluntary": 17319,
+ "/g": 17320,
+ "Ġbrighter": 17321,
+ "INESS": 17322,
+ "ĠGeography": 17323,
+ "Ġobese": 17324,
+ "ĠObserv": 17325,
+ "Ġmultid": 17326,
+ "ĠOral": 17327,
+ "Ġpa": 17328,
+ "Ġliked": 17329,
+ "Ġdeserve": 17330,
+ "bling": 17331,
+ "Ġinserted": 17332,
+ "Ġot": 17333,
+ "Ġnights": 17334,
+ "ĠSW": 17335,
+ "-CoV": 17336,
+ "Ġdivides": 17337,
+ "(list": 17338,
+ "Ġsoup": 17339,
+ "ĠKir": 17340,
+ "ĠMemorial": 17341,
+ "=[": 17342,
+ "Ġfungus": 17343,
+ "ogg": 17344,
+ "Course": 17345,
+ "houses": 17346,
+ "(k": 17347,
+ "ĠChair": 17348,
+ "liness": 17349,
+ "Ġanemia": 17350,
+ "Ġmalicious": 17351,
+ "ĠReviews": 17352,
+ "^{\\": 17353,
+ "Ġdeveloper": 17354,
+ "Ġevac": 17355,
+ "Ġcompatibility": 17356,
+ "Cor": 17357,
+ "Ġunderstands": 17358,
+ "Full": 17359,
+ "emade": 17360,
+ "ĠScale": 17361,
+ "Ġpave": 17362,
+ "ĠSimon": 17363,
+ "Ġspanning": 17364,
+ "Ġgrocery": 17365,
+ "Ġdrople": 17366,
+ "person": 17367,
+ "ĠNort": 17368,
+ "arp": 17369,
+ "Ġrew": 17370,
+ "Ġfoam": 17371,
+ "ĠAddress": 17372,
+ "!âĢĿ": 17373,
+ "Ġcanon": 17374,
+ "Ġceramic": 17375,
+ "-pr": 17376,
+ "odia": 17377,
+ "ĠEgg": 17378,
+ "Ġdeclined": 17379,
+ "stop": 17380,
+ "Ġrichness": 17381,
+ "Ġbush": 17382,
+ "vo": 17383,
+ "ĠFisher": 17384,
+ "Ïĥ": 17385,
+ "Ġdefinite": 17386,
+ "Import": 17387,
+ "Ġstruggled": 17388,
+ "ĠLie": 17389,
+ "ĠBeaut": 17390,
+ "Ġauditory": 17391,
+ "ĠDistribution": 17392,
+ "-des": 17393,
+ "ĠKennedy": 17394,
+ "KE": 17395,
+ "Ġcoherent": 17396,
+ "ĠPosted": 17397,
+ "oscow": 17398,
+ "Ġignor": 17399,
+ "Ġcurs": 17400,
+ "Ġtightly": 17401,
+ "ĠLiteracy": 17402,
+ "Ġtheft": 17403,
+ "Ġpublisher": 17404,
+ "Ġgasoline": 17405,
+ "Ġreflux": 17406,
+ "Ġcontinents": 17407,
+ "Ġtwe": 17408,
+ "Ġlaughter": 17409,
+ "omnia": 17410,
+ "Ġhandled": 17411,
+ "Ġsummarize": 17412,
+ "Year": 17413,
+ "Ġopi": 17414,
+ "ooting": 17415,
+ "-profit": 17416,
+ "ĠEuropeans": 17417,
+ "Ġinability": 17418,
+ "ulatory": 17419,
+ "Ġsafeguarding": 17420,
+ "ĠPhoto": 17421,
+ "Ġpulmonary": 17422,
+ "ĠDecision": 17423,
+ "acterial": 17424,
+ "Ġtransist": 17425,
+ "Ġlightweight": 17426,
+ "lan": 17427,
+ "Ġpots": 17428,
+ "Ġdedu": 17429,
+ "inis": 17430,
+ "Ġdemonstration": 17431,
+ "íķ": 17432,
+ "cca": 17433,
+ "ĠJoint": 17434,
+ "ĠDim": 17435,
+ "Ġcarrots": 17436,
+ "ĠNuclear": 17437,
+ "ĠProbability": 17438,
+ "Ġfart": 17439,
+ "Ġcoursework": 17440,
+ "Ġhormonal": 17441,
+ "La": 17442,
+ "mology": 17443,
+ "Ġpulling": 17444,
+ "Direct": 17445,
+ "Ġstrips": 17446,
+ "Ġdecimals": 17447,
+ "intage": 17448,
+ "ĠMolecular": 17449,
+ "Ġmesh": 17450,
+ "ĠEver": 17451,
+ "Ġauthentication": 17452,
+ "Ġhydraulic": 17453,
+ "ĠAnglo": 17454,
+ "ĠPand": 17455,
+ "Profess": 17456,
+ "Modern": 17457,
+ "uter": 17458,
+ "ĠUC": 17459,
+ "ĠMatter": 17460,
+ "ĠBackground": 17461,
+ "ocide": 17462,
+ "negative": 17463,
+ "Ġtran": 17464,
+ "Ġseizures": 17465,
+ "-dependent": 17466,
+ "aterials": 17467,
+ "Ġrestored": 17468,
+ "-school": 17469,
+ "isen": 17470,
+ "Global": 17471,
+ "NO": 17472,
+ "ancies": 17473,
+ "clamation": 17474,
+ "rimental": 17475,
+ "Ġmagazines": 17476,
+ "Ġretained": 17477,
+ "Ġsegregation": 17478,
+ "Ġpositioned": 17479,
+ "unes": 17480,
+ "aunting": 17481,
+ ".shape": 17482,
+ "âĢĻ.Ċ": 17483,
+ "End": 17484,
+ "Ġlos": 17485,
+ "Ġbites": 17486,
+ "ĠÄ": 17487,
+ "Ġiv": 17488,
+ "-long": 17489,
+ "Phone": 17490,
+ "ĠSugar": 17491,
+ "Ġcompose": 17492,
+ "Ġcharity": 17493,
+ "Ġworms": 17494,
+ "had": 17495,
+ "ĠVision": 17496,
+ "ĠCurrently": 17497,
+ "Ġdowns": 17498,
+ "Ġunconscious": 17499,
+ "Ġlightning": 17500,
+ "Ġfitting": 17501,
+ "ĠSoc": 17502,
+ "ceedings": 17503,
+ "Word": 17504,
+ "án": 17505,
+ "Ġperenn": 17506,
+ "eman": 17507,
+ "piration": 17508,
+ "Ġfasting": 17509,
+ "ĠBirth": 17510,
+ "Ġtyping": 17511,
+ "Ġterr": 17512,
+ "Ġreceiver": 17513,
+ "Ġflags": 17514,
+ "Ġeliminated": 17515,
+ "Ġsecuring": 17516,
+ "falls": 17517,
+ "hering": 17518,
+ "Ġcompassionate": 17519,
+ "ĠAnxiety": 17520,
+ "Ġcounties": 17521,
+ "Ġdisruption": 17522,
+ "Ġindices": 17523,
+ "mill": 17524,
+ "Ġshoulders": 17525,
+ "uler": 17526,
+ "Ġblocking": 17527,
+ "Ġfailing": 17528,
+ "Ġgallons": 17529,
+ "-rays": 17530,
+ "Ġbureau": 17531,
+ "ingle": 17532,
+ "culosis": 17533,
+ "Ġlips": 17534,
+ "Ġmaritime": 17535,
+ "Ġinjust": 17536,
+ "Ġhepatitis": 17537,
+ "Ġimply": 17538,
+ "Ġmakeup": 17539,
+ "ĠFu": 17540,
+ "places": 17541,
+ "Ġbillions": 17542,
+ "Ġintentionally": 17543,
+ "Ġrabbits": 17544,
+ "Ġversatility": 17545,
+ "ĠTeach": 17546,
+ "ĠStop": 17547,
+ "Ġstating": 17548,
+ "paper": 17549,
+ "Ġphysiology": 17550,
+ "Ġdeclare": 17551,
+ "Ġpic": 17552,
+ "ĠSetting": 17553,
+ "áº": 17554,
+ "ĠAnna": 17555,
+ "Ste": 17556,
+ "ĠProtestant": 17557,
+ "ploys": 17558,
+ "Ġscary": 17559,
+ "Ġnanop": 17560,
+ "esthesia": 17561,
+ "Ġrobotics": 17562,
+ "ĠFramework": 17563,
+ "ĠDiscussion": 17564,
+ "Ġparadigm": 17565,
+ "ĠAdams": 17566,
+ "ensitive": 17567,
+ "Ġpositioning": 17568,
+ "pack": 17569,
+ "Ġsweat": 17570,
+ "Ġsolids": 17571,
+ "File": 17572,
+ "Ġoccasional": 17573,
+ "-way": 17574,
+ "ename": 17575,
+ "Ġgem": 17576,
+ "ĠPortugal": 17577,
+ "ĠTs": 17578,
+ "Ġdischarg": 17579,
+ "Ġedible": 17580,
+ "Ġalbum": 17581,
+ "Works": 17582,
+ "ĠConnection": 17583,
+ "DC": 17584,
+ "Ġdop": 17585,
+ "iply": 17586,
+ "ĠNobel": 17587,
+ "ĠBron": 17588,
+ "Ġderive": 17589,
+ "USINESS": 17590,
+ "Ġcontradict": 17591,
+ "namese": 17592,
+ "ĠAbstract": 17593,
+ "Ġelimination": 17594,
+ "psych": 17595,
+ "Ġneeding": 17596,
+ "ĠRecomm": 17597,
+ "Ġsatisfying": 17598,
+ "Ġthrone": 17599,
+ "Ġprotests": 17600,
+ "_train": 17601,
+ "Ġcongru": 17602,
+ "Ġgraders": 17603,
+ "Ġsolidarity": 17604,
+ "Ġants": 17605,
+ "âĢľIt": 17606,
+ "ĠAwareness": 17607,
+ "Ġinnocent": 17608,
+ "Ġlisting": 17609,
+ "ĠSure": 17610,
+ "Ġesp": 17611,
+ "Ġlivelihood": 17612,
+ "Ġstresses": 17613,
+ "ECT": 17614,
+ "Ġenergetic": 17615,
+ "ĠFirstly": 17616,
+ "Ġantiv": 17617,
+ "Ġbroadly": 17618,
+ "ĠRoosevelt": 17619,
+ "ĠCorps": 17620,
+ "eer": 17621,
+ "ĠCelsius": 17622,
+ "ĠLate": 17623,
+ "_k": 17624,
+ "mouth": 17625,
+ "Ġserial": 17626,
+ "Ġodor": 17627,
+ "ĠENG": 17628,
+ "ĠUniversal": 17629,
+ "ĠDiego": 17630,
+ "Ġtravelers": 17631,
+ "sels": 17632,
+ "Ġtemples": 17633,
+ "Ġexperimentation": 17634,
+ "(v": 17635,
+ "Ġtriumph": 17636,
+ "Design": 17637,
+ "ĠSydney": 17638,
+ "ousing": 17639,
+ "Ġpertaining": 17640,
+ "strong": 17641,
+ "Ġwhit": 17642,
+ "Ġshower": 17643,
+ "ĠGoals": 17644,
+ "Ġozone": 17645,
+ "Ġtin": 17646,
+ "have": 17647,
+ "Ġassumes": 17648,
+ "ĠECONOM": 17649,
+ "ĠTrib": 17650,
+ "Ġastronomy": 17651,
+ "ĠSoon": 17652,
+ "Gener": 17653,
+ "enerative": 17654,
+ "Ġscanning": 17655,
+ "Ġdrilling": 17656,
+ "Ġtrunk": 17657,
+ "ĠPriv": 17658,
+ "ĠBrad": 17659,
+ "eded": 17660,
+ "Ġsquir": 17661,
+ "eton": 17662,
+ "Ġcomprise": 17663,
+ "ĠRoss": 17664,
+ "ĠAlabama": 17665,
+ "Ġlifting": 17666,
+ "ĠOrganic": 17667,
+ "BB": 17668,
+ "Ġrenal": 17669,
+ "upus": 17670,
+ "orean": 17671,
+ "Ġdetrimental": 17672,
+ "icked": 17673,
+ "Ġunpredict": 17674,
+ "aceous": 17675,
+ "ĠFREE": 17676,
+ "ĠDouble": 17677,
+ "Ġbrushing": 17678,
+ ".V": 17679,
+ "Ġgri": 17680,
+ "Ġlovely": 17681,
+ "Af": 17682,
+ "Ġencoding": 17683,
+ "Ġscrew": 17684,
+ "Ġinterc": 17685,
+ "Coll": 17686,
+ "emperature": 17687,
+ "Ġseism": 17688,
+ "Ġlamp": 17689,
+ "odge": 17690,
+ "Ġlegends": 17691,
+ "ĠIF": 17692,
+ "Ġtrigon": 17693,
+ "Ġcontaminants": 17694,
+ "Ġtheor": 17695,
+ "Ġate": 17696,
+ "Ġimplicit": 17697,
+ "CSE": 17698,
+ "riages": 17699,
+ "ĠBuddha": 17700,
+ "Ġexplorers": 17701,
+ "apanese": 17702,
+ "uw": 17703,
+ "Ġparalle": 17704,
+ "Ġtasty": 17705,
+ "Ġcoex": 17706,
+ "Ġelephant": 17707,
+ "Ġsprou": 17708,
+ "Ġworthy": 17709,
+ "Ġrulers": 17710,
+ "Ġcandy": 17711,
+ "Ġabst": 17712,
+ "ĠHans": 17713,
+ "ĠJourney": 17714,
+ "Ġelegant": 17715,
+ "ĠRelationships": 17716,
+ "Ġdeforestation": 17717,
+ "ĠKid": 17718,
+ "ĠMine": 17719,
+ "Ġrhetorical": 17720,
+ "ĠPrivate": 17721,
+ "ĠPhilip": 17722,
+ "ĠÃĥ": 17723,
+ "Ġvegg": 17724,
+ "Ġnasal": 17725,
+ "ĠSpeed": 17726,
+ "Ġinterle": 17727,
+ "Ġmemoir": 17728,
+ "Ġappearing": 17729,
+ "Creating": 17730,
+ "pher": 17731,
+ "Ġshortage": 17732,
+ "-mail": 17733,
+ "270": 17734,
+ "Ġsuspended": 17735,
+ "Ġconsp": 17736,
+ "Ġabdomen": 17737,
+ "ĠModels": 17738,
+ "access": 17739,
+ "Ġmilit": 17740,
+ "umbing": 17741,
+ "heat": 17742,
+ "Ġdwell": 17743,
+ "Ġcentimeters": 17744,
+ "mel": 17745,
+ "Const": 17746,
+ "ĠQuantum": 17747,
+ "Ġconception": 17748,
+ "ĠInstagram": 17749,
+ "_input": 17750,
+ "AY": 17751,
+ "Ġoutlet": 17752,
+ "gium": 17753,
+ "ben": 17754,
+ "ĠMcG": 17755,
+ "Ġexceptions": 17756,
+ "Ġpept": 17757,
+ "Ġawards": 17758,
+ "creas": 17759,
+ "Ġensl": 17760,
+ "Ġhaw": 17761,
+ "Ds": 17762,
+ "po": 17763,
+ "Oh": 17764,
+ "ĠCPU": 17765,
+ "Ġshedding": 17766,
+ "Ġrecognizes": 17767,
+ "warf": 17768,
+ "authorized": 17769,
+ "Ġautobi": 17770,
+ "vic": 17771,
+ "Ġecl": 17772,
+ "ĠFractions": 17773,
+ "Ġsurf": 17774,
+ "à¥ĩ": 17775,
+ "ĠReturn": 17776,
+ "Ġreper": 17777,
+ "ĠSteps": 17778,
+ "Ġrealism": 17779,
+ "Based": 17780,
+ "ĠCircle": 17781,
+ "Ġpredicting": 17782,
+ "Ġwholes": 17783,
+ "Ġtriple": 17784,
+ "ĠTip": 17785,
+ "ĠCris": 17786,
+ "Ġloops": 17787,
+ "Ġconjug": 17788,
+ "yg": 17789,
+ "urgical": 17790,
+ "ĠTele": 17791,
+ "Ġdenied": 17792,
+ "ĠFra": 17793,
+ "Ġlion": 17794,
+ "Ġfracture": 17795,
+ "ĠSources": 17796,
+ "ĠAdjust": 17797,
+ "Hence": 17798,
+ "Ġdelays": 17799,
+ "cision": 17800,
+ "Ġethn": 17801,
+ "initely": 17802,
+ "AGE": 17803,
+ "Ġcontrasting": 17804,
+ "ocument": 17805,
+ "Text": 17806,
+ "ĠUniverse": 17807,
+ "Ġblocked": 17808,
+ "Prov": 17809,
+ "flower": 17810,
+ "Ġcalorie": 17811,
+ "Cong": 17812,
+ "ĠRace": 17813,
+ "Ġportrayed": 17814,
+ "upuncture": 17815,
+ "reatening": 17816,
+ "ĠEquation": 17817,
+ "Ġcervical": 17818,
+ "Ġmilling": 17819,
+ "Ġexhibited": 17820,
+ "ĠLicense": 17821,
+ "Ġbeaches": 17822,
+ "ĠFif": 17823,
+ "Ġblu": 17824,
+ "Ġlogistics": 17825,
+ "ĠPoetry": 17826,
+ "etermined": 17827,
+ "ĠPerfect": 17828,
+ "Those": 17829,
+ "Ġkernel": 17830,
+ "Ġprobabilities": 17831,
+ "ĠTrig": 17832,
+ "ĠKal": 17833,
+ "ĠMO": 17834,
+ "Ġfolder": 17835,
+ "Ġpean": 17836,
+ "Ġopponents": 17837,
+ "Ġconverts": 17838,
+ "plan": 17839,
+ "drop": 17840,
+ "Ġresponsive": 17841,
+ "ĠToronto": 17842,
+ "Different": 17843,
+ "zi": 17844,
+ "ê": 17845,
+ "Ġmitigation": 17846,
+ "Ġshame": 17847,
+ "ĠRoot": 17848,
+ "Ġhiring": 17849,
+ "hell": 17850,
+ "Ġ&=": 17851,
+ "plants": 17852,
+ "icrobial": 17853,
+ "Ġjustify": 17854,
+ "Ġportrait": 17855,
+ "-text": 17856,
+ "ĠKansas": 17857,
+ "Ġrome": 17858,
+ "ĠRegardless": 17859,
+ "Ġhollow": 17860,
+ "Ġincub": 17861,
+ "pleasant": 17862,
+ "apsed": 17863,
+ "Ġlawyers": 17864,
+ "ĠSalt": 17865,
+ "Ġfragile": 17866,
+ "Ġpsychiatric": 17867,
+ "amon": 17868,
+ "Ġcheer": 17869,
+ "Ġpulp": 17870,
+ "odynamic": 17871,
+ "Ġdefensive": 17872,
+ "Ġlimbs": 17873,
+ "Ġconsulting": 17874,
+ "Ġcraw": 17875,
+ "SR": 17876,
+ "ĠNumPy": 17877,
+ "Ġdinosaurs": 17878,
+ "aby": 17879,
+ "ĠNich": 17880,
+ "opor": 17881,
+ "system": 17882,
+ "Ġdecomposition": 17883,
+ "norm": 17884,
+ "Ġtrash": 17885,
+ "ĠVI": 17886,
+ "Ġaxes": 17887,
+ "Ġprevailing": 17888,
+ "ĠSurgery": 17889,
+ "Ġlengthy": 17890,
+ "Ġballoon": 17891,
+ "ussia": 17892,
+ "Ġmonop": 17893,
+ "ratulations": 17894,
+ "Ġtent": 17895,
+ "ĠPuerto": 17896,
+ "ĠSeason": 17897,
+ "-sp": 17898,
+ "zens": 17899,
+ "Ġgerms": 17900,
+ "Ġvalves": 17901,
+ ".txt": 17902,
+ "))čĊ": 17903,
+ "ĠWaste": 17904,
+ "ĠEcology": 17905,
+ "ĠTennessee": 17906,
+ "-man": 17907,
+ "Ġexploit": 17908,
+ "Ġdepths": 17909,
+ "\\end": 17910,
+ "Ġposterior": 17911,
+ "ĠFilm": 17912,
+ "Ġpries": 17913,
+ "Ġtickets": 17914,
+ "Ġsensations": 17915,
+ "Ġinnate": 17916,
+ "cretion": 17917,
+ "ĠGMAT": 17918,
+ "Ġbicycle": 17919,
+ "ALL": 17920,
+ "ĠHou": 17921,
+ "overnment": 17922,
+ "Ġreinforcing": 17923,
+ "hou": 17924,
+ "ĠPediatric": 17925,
+ "ĠBaby": 17926,
+ "Ġpocket": 17927,
+ "SN": 17928,
+ "Ġwhereby": 17929,
+ "Ġversa": 17930,
+ "Ġamplitude": 17931,
+ "Ġmimic": 17932,
+ "Ġactivism": 17933,
+ "ĠPlate": 17934,
+ "Ġaiming": 17935,
+ "ĠArabia": 17936,
+ "bestos": 17937,
+ "Ġexh": 17938,
+ "ĠSab": 17939,
+ "tesy": 17940,
+ "Ġtermed": 17941,
+ "-inter": 17942,
+ "ĠBasics": 17943,
+ "Ġchickens": 17944,
+ "Ġgrip": 17945,
+ "Ġunch": 17946,
+ "Ġembraced": 17947,
+ "ĠPowerPoint": 17948,
+ "ĠEnjoy": 17949,
+ "Ġfundamentals": 17950,
+ "Ang": 17951,
+ "ilepsy": 17952,
+ "Ġgloss": 17953,
+ "Bre": 17954,
+ "ASE": 17955,
+ "Ġsecured": 17956,
+ "ĠConversely": 17957,
+ "çĶ¨": 17958,
+ "ĠOrigins": 17959,
+ "Ġaccessories": 17960,
+ "\\begin": 17961,
+ "Ġwhale": 17962,
+ "ĠDays": 17963,
+ "riminal": 17964,
+ "esty": 17965,
+ "Ġail": 17966,
+ "Ġrotate": 17967,
+ "ĠAlternatively": 17968,
+ "Ġlogarith": 17969,
+ "Ġnail": 17970,
+ "ĠPTSD": 17971,
+ "ĠFeatures": 17972,
+ "Ġmicrobes": 17973,
+ "Ġacoustic": 17974,
+ "Ġrefining": 17975,
+ "ĠLecture": 17976,
+ "acked": 17977,
+ "ĠNetworks": 17978,
+ "Ġprivilege": 17979,
+ "pton": 17980,
+ "Ġtiles": 17981,
+ "Ġadminister": 17982,
+ ")\"": 17983,
+ "Ġbutterflies": 17984,
+ "ĠAG": 17985,
+ "Ġïĥ": 17986,
+ "Ġbelly": 17987,
+ "Qs": 17988,
+ "pg": 17989,
+ "Ġsaves": 17990,
+ "Ġfired": 17991,
+ "ĠTransform": 17992,
+ "Ġwins": 17993,
+ "à°": 17994,
+ "ĠâĪĪ": 17995,
+ "ĠKentucky": 17996,
+ "Ġenforce": 17997,
+ "chester": 17998,
+ "argest": 17999,
+ "ĠTan": 18000,
+ "ĠPhase": 18001,
+ "Ġemergencies": 18002,
+ "duino": 18003,
+ "ĠBorn": 18004,
+ "Ġformally": 18005,
+ "Ġcoaching": 18006,
+ "ĠRow": 18007,
+ "Ġfrench": 18008,
+ "Ġrip": 18009,
+ "ĠCuba": 18010,
+ "Ġ('": 18011,
+ "htaking": 18012,
+ "Ġcentres": 18013,
+ "ĠPreschool": 18014,
+ "Ġcracks": 18015,
+ "Ġâī¤": 18016,
+ "ighting": 18017,
+ "ĠHug": 18018,
+ "Ġreputable": 18019,
+ "[:,": 18020,
+ "åº": 18021,
+ "-ref": 18022,
+ "ĠInvent": 18023,
+ "Ġdehydration": 18024,
+ "/P": 18025,
+ "-efficient": 18026,
+ "ĠPE": 18027,
+ "िà¤": 18028,
+ "mir": 18029,
+ "sole": 18030,
+ "ĠByz": 18031,
+ "Ġimplants": 18032,
+ "Ã¥": 18033,
+ "especially": 18034,
+ "Ġimprison": 18035,
+ "olen": 18036,
+ "mble": 18037,
+ "Ġhydrox": 18038,
+ "ĠLawrence": 18039,
+ "ĠWH": 18040,
+ "Ġamp": 18041,
+ "oidal": 18042,
+ "ĠComprehensive": 18043,
+ "ĠFlash": 18044,
+ "_count": 18045,
+ "Ġbuyers": 18046,
+ "Ġweeds": 18047,
+ "Ġpainter": 18048,
+ "ĠGrammar": 18049,
+ "uated": 18050,
+ "Ġnov": 18051,
+ "Ġrope": 18052,
+ "Ġbleed": 18053,
+ "aza": 18054,
+ "Ġsew": 18055,
+ "Ġreminded": 18056,
+ "Ġhorn": 18057,
+ "ĠCommunications": 18058,
+ "ión": 18059,
+ "Ġinterven": 18060,
+ "Ġpile": 18061,
+ "Ġdice": 18062,
+ "Ġdisturbances": 18063,
+ "Ġdelib": 18064,
+ "ĠCircuit": 18065,
+ "isol": 18066,
+ "ĠDomin": 18067,
+ "Ġchemotherapy": 18068,
+ "Ġasleep": 18069,
+ "olithic": 18070,
+ "Ġdisplaying": 18071,
+ "Ġbloodstream": 18072,
+ "Ġoak": 18073,
+ "ĠHD": 18074,
+ "actly": 18075,
+ "urban": 18076,
+ "âĶ": 18077,
+ "Ġfirstname": 18078,
+ "$$,": 18079,
+ "news": 18080,
+ "amy": 18081,
+ "Ġsimulate": 18082,
+ "Ġfinances": 18083,
+ "Ġcrossed": 18084,
+ "Ġcant": 18085,
+ "Ġoffensive": 18086,
+ "ĠKa": 18087,
+ "ocked": 18088,
+ "010": 18089,
+ "pine": 18090,
+ "eq": 18091,
+ "Ġ=>": 18092,
+ "brates": 18093,
+ "Ġpersistence": 18094,
+ "ĠCamb": 18095,
+ "ĠUtah": 18096,
+ "{d": 18097,
+ "}=\\": 18098,
+ "ollo": 18099,
+ "ogenous": 18100,
+ "-conf": 18101,
+ "Ġquestionnaire": 18102,
+ "ĠOrd": 18103,
+ "ĠAbsolute": 18104,
+ "Ġphyl": 18105,
+ "Ġincomplete": 18106,
+ "Ġdolph": 18107,
+ "opause": 18108,
+ "Ġceiling": 18109,
+ "Ġrepeating": 18110,
+ "Ġdele": 18111,
+ "ĠOri": 18112,
+ "Ġadequately": 18113,
+ "Ġtrucks": 18114,
+ "rill": 18115,
+ "Ġstrokes": 18116,
+ "Ġmicrobi": 18117,
+ "Line": 18118,
+ "Ġradicals": 18119,
+ "ĠPow": 18120,
+ "Ġ($": 18121,
+ "roscopy": 18122,
+ "adium": 18123,
+ "ĠExpress": 18124,
+ "Ġfacets": 18125,
+ "Ġyards": 18126,
+ "ĠChronic": 18127,
+ "Ev": 18128,
+ "Ġendeavors": 18129,
+ "ĠExerc": 18130,
+ "Women": 18131,
+ "ropract": 18132,
+ "nut": 18133,
+ "frame": 18134,
+ "ĠStra": 18135,
+ "Ġinviting": 18136,
+ "Ġwoods": 18137,
+ "Ġfinishing": 18138,
+ "âĢ¢âĢ¢âĢ¢âĢ¢": 18139,
+ "ĠPlot": 18140,
+ "keep": 18141,
+ "ĠSaudi": 18142,
+ "ĠBiological": 18143,
+ "Ġmotivations": 18144,
+ "kit": 18145,
+ "tering": 18146,
+ "Ġbackyard": 18147,
+ "ĠBenjamin": 18148,
+ "Ġcondem": 18149,
+ "addle": 18150,
+ "Ġmosquito": 18151,
+ "ocene": 18152,
+ "acci": 18153,
+ "(C": 18154,
+ "_{\\": 18155,
+ "Ġsword": 18156,
+ "Ġpoore": 18157,
+ "Ġpyramid": 18158,
+ "Ġ$(": 18159,
+ "ĠEinstein": 18160,
+ "ĠPO": 18161,
+ "Ġtrails": 18162,
+ "Ġeternal": 18163,
+ "Ġknowledgeable": 18164,
+ "Ġtorque": 18165,
+ "roducing": 18166,
+ "Ġdelving": 18167,
+ "Ġfertilizers": 18168,
+ "ĠOptions": 18169,
+ "Ġgoverned": 18170,
+ "ĠHaz": 18171,
+ "Ġsecurely": 18172,
+ "Ġbutterfly": 18173,
+ "Ġfool": 18174,
+ "Ġupg": 18175,
+ "Ġscoring": 18176,
+ "Ġaccountable": 18177,
+ "Ġskip": 18178,
+ "ĠOrthodox": 18179,
+ "Ġpipeline": 18180,
+ "ĠCooking": 18181,
+ "river": 18182,
+ "Conf": 18183,
+ "Stand": 18184,
+ "ĠCalculator": 18185,
+ "Ġzo": 18186,
+ "Ġreplic": 18187,
+ "Ġheaded": 18188,
+ "Ġmemorial": 18189,
+ "ĠClassical": 18190,
+ "-j": 18191,
+ ".v": 18192,
+ "eared": 18193,
+ "Ġд": 18194,
+ "Ġrefract": 18195,
+ "types": 18196,
+ "United": 18197,
+ "Ġbreathtaking": 18198,
+ "NT": 18199,
+ "ĠMort": 18200,
+ "ocard": 18201,
+ "Ġrolled": 18202,
+ "Ġrepairs": 18203,
+ "Integ": 18204,
+ "Ġgrave": 18205,
+ "ĠArk": 18206,
+ "ĠColomb": 18207,
+ "Press": 18208,
+ "ospace": 18209,
+ "umen": 18210,
+ "Ġarist": 18211,
+ "Ġrhe": 18212,
+ "Ġpassenger": 18213,
+ "Ġclimb": 18214,
+ "Ġlimb": 18215,
+ "Ġcath": 18216,
+ "(N": 18217,
+ "ĠServer": 18218,
+ "Ġheavier": 18219,
+ "Ġembody": 18220,
+ "-awareness": 18221,
+ "Ġ\".ĊĊ": 18222,
+ "oni": 18223,
+ "ĠDisplay": 18224,
+ "ĠMagazine": 18225,
+ "Ġdining": 18226,
+ "ĠKeeping": 18227,
+ "Ġdecentralized": 18228,
+ "Ġaviation": 18229,
+ "ĠSwiss": 18230,
+ "280": 18231,
+ "Ġdelta": 18232,
+ "Ġwashed": 18233,
+ "ĠSilver": 18234,
+ "akota": 18235,
+ "Ġdiffusion": 18236,
+ "ĠPin": 18237,
+ "ĠEric": 18238,
+ "Ġfleet": 18239,
+ "ovol": 18240,
+ "Ġcozy": 18241,
+ "ĠSupply": 18242,
+ "ĠDal": 18243,
+ "children": 18244,
+ "Ġrespecting": 18245,
+ "Ġoverseas": 18246,
+ "Ùİ": 18247,
+ "ĠBlog": 18248,
+ "efined": 18249,
+ "Mc": 18250,
+ "-digit": 18251,
+ "Ġutilizes": 18252,
+ "Ġmoles": 18253,
+ "Ġdeposition": 18254,
+ "hn": 18255,
+ "TeX": 18256,
+ "'''": 18257,
+ ".py": 18258,
+ "Ġpropaganda": 18259,
+ "aturated": 18260,
+ "Ġsupplier": 18261,
+ "Ġdosage": 18262,
+ "ä¹": 18263,
+ "ĠEt": 18264,
+ "Ġtrillion": 18265,
+ "ĠTruth": 18266,
+ "atics": 18267,
+ "ijing": 18268,
+ "`.": 18269,
+ "ĠCelebr": 18270,
+ "Ġemploys": 18271,
+ "Ġassass": 18272,
+ "Ġadolescence": 18273,
+ "Ġcleans": 18274,
+ "Ġharassment": 18275,
+ "rimp": 18276,
+ "emption": 18277,
+ "ĠFahrenheit": 18278,
+ "ĠCaptain": 18279,
+ "ĠCatal": 18280,
+ "ĠChris": 18281,
+ "Ġtextures": 18282,
+ "mitt": 18283,
+ "Ġunderneath": 18284,
+ "scribe": 18285,
+ "-speed": 18286,
+ "Ġcalc": 18287,
+ "arin": 18288,
+ "ĠMotion": 18289,
+ "Ġweed": 18290,
+ "achers": 18291,
+ "ĠUSB": 18292,
+ "ĠMoscow": 18293,
+ "Ġcorporation": 18294,
+ "Ġteenage": 18295,
+ "Ġhamlet": 18296,
+ "Ġstreaming": 18297,
+ "à®": 18298,
+ "ĠCitiz": 18299,
+ "Ġresin": 18300,
+ "ĠKings": 18301,
+ "Ġtransit": 18302,
+ "ĠIsraeli": 18303,
+ "Ġsums": 18304,
+ "Ġmotifs": 18305,
+ "ORT": 18306,
+ "ĠFle": 18307,
+ "uthors": 18308,
+ "Ġpruning": 18309,
+ "ĠNepal": 18310,
+ "aire": 18311,
+ "Ġdiffering": 18312,
+ "?âĢĿĊ": 18313,
+ "two": 18314,
+ "enstein": 18315,
+ "_file": 18316,
+ "ĠER": 18317,
+ "Ġtraders": 18318,
+ "oria": 18319,
+ "ĠToo": 18320,
+ "ĠFaith": 18321,
+ "Ġcongress": 18322,
+ "ĠTemperature": 18323,
+ "Ġteasp": 18324,
+ "Ġgamma": 18325,
+ "Ġrebellion": 18326,
+ "Ġproves": 18327,
+ "ĠCM": 18328,
+ "ĠElectronic": 18329,
+ "Ġtrajectory": 18330,
+ "oglobin": 18331,
+ "ĠChristopher": 18332,
+ "othy": 18333,
+ "Ġquicker": 18334,
+ "ĠArgentina": 18335,
+ "%.Ċ": 18336,
+ "Ġcoronary": 18337,
+ "Ġwitch": 18338,
+ "pill": 18339,
+ "Ġprose": 18340,
+ "egrad": 18341,
+ "Ġinfrared": 18342,
+ "Ġspinning": 18343,
+ "oder": 18344,
+ "patient": 18345,
+ "birds": 18346,
+ "ĠJupiter": 18347,
+ "Ġcorrupt": 18348,
+ "Ġrejection": 18349,
+ "lab": 18350,
+ "Ġtoken": 18351,
+ "otics": 18352,
+ "Ġdestinations": 18353,
+ "Ġsadness": 18354,
+ "ocrine": 18355,
+ "ativity": 18356,
+ "333": 18357,
+ "Ġ['": 18358,
+ "Ġconserve": 18359,
+ "Str": 18360,
+ "ĠHandbook": 18361,
+ "Ġexaminations": 18362,
+ "Ġimpacting": 18363,
+ "Ġconductor": 18364,
+ "unn": 18365,
+ "ĠConflict": 18366,
+ "Ġfrank": 18367,
+ "Ġinternationally": 18368,
+ "Ġbass": 18369,
+ "ĠPros": 18370,
+ "Ġmulticultural": 18371,
+ "ando": 18372,
+ "ĠFinn": 18373,
+ "Ġpractically": 18374,
+ "Ġschooling": 18375,
+ "Ġdesktop": 18376,
+ "ctica": 18377,
+ "ĠInternal": 18378,
+ "ĠEli": 18379,
+ "_dict": 18380,
+ "Ġtheology": 18381,
+ "ilage": 18382,
+ "Ġacne": 18383,
+ "rences": 18384,
+ "Ġpermanently": 18385,
+ "\\_": 18386,
+ "Ġhasn": 18387,
+ "Ġbuzz": 18388,
+ "Ġwand": 18389,
+ "Ġconfidently": 18390,
+ "ĠLooking": 18391,
+ "quarters": 18392,
+ "aple": 18393,
+ "fires": 18394,
+ "ĠAstronomy": 18395,
+ "-co": 18396,
+ "Ġdessert": 18397,
+ "Ġstimulating": 18398,
+ "Ġenjoyment": 18399,
+ "osexual": 18400,
+ "ĠRecovery": 18401,
+ "Ġgenerators": 18402,
+ "keley": 18403,
+ "Met": 18404,
+ "Ġlyrics": 18405,
+ "sigma": 18406,
+ "-party": 18407,
+ "Ġtruths": 18408,
+ "ĠBull": 18409,
+ "Ġze": 18410,
+ "'''Ċ": 18411,
+ "ĠClark": 18412,
+ "Ġlaying": 18413,
+ "âĪļ": 18414,
+ "Ġcroc": 18415,
+ "iliary": 18416,
+ "Ġaccidentally": 18417,
+ "Ġdesper": 18418,
+ "Ġdelete": 18419,
+ "ĠHinduism": 18420,
+ "ĠEverything": 18421,
+ "Ġray": 18422,
+ "Ġstayed": 18423,
+ "ensis": 18424,
+ "_in": 18425,
+ "CIAL": 18426,
+ "Ġevoke": 18427,
+ "Ġceremonies": 18428,
+ "stones": 18429,
+ "ĠConduct": 18430,
+ "last": 18431,
+ "acial": 18432,
+ "ĠArmen": 18433,
+ "Ġturbines": 18434,
+ "ĠCF": 18435,
+ "leys": 18436,
+ "Ġpasta": 18437,
+ "ĠError": 18438,
+ "Explore": 18439,
+ "Ġscaling": 18440,
+ "Ġminorities": 18441,
+ "ilis": 18442,
+ "umble": 18443,
+ "PI": 18444,
+ "Ġproving": 18445,
+ "-threatening": 18446,
+ "Ġdaunting": 18447,
+ "Ġintercept": 18448,
+ "HC": 18449,
+ "stock": 18450,
+ "Ġub": 18451,
+ "ĠInput": 18452,
+ "Ġmalware": 18453,
+ "Ġsuccesses": 18454,
+ "Being": 18455,
+ "NAs": 18456,
+ "Ġا": 18457,
+ "365": 18458,
+ "Ġlord": 18459,
+ "Ġundergoing": 18460,
+ "ĠFeel": 18461,
+ "opsis": 18462,
+ "Ġcatalyst": 18463,
+ "beit": 18464,
+ "Ġbiop": 18465,
+ "ĠMichel": 18466,
+ "ĠWays": 18467,
+ "Ġbelieving": 18468,
+ "itated": 18469,
+ "Ġlb": 18470,
+ "ĠRound": 18471,
+ "Ġinheritance": 18472,
+ "Ġunpleasant": 18473,
+ "comb": 18474,
+ "ĠPeru": 18475,
+ "Ġnoticeable": 18476,
+ "Ġcelestial": 18477,
+ "made": 18478,
+ "ĠEle": 18479,
+ "ido": 18480,
+ "Ġsufficiently": 18481,
+ "ĠDatabase": 18482,
+ "Ġterrorism": 18483,
+ "don": 18484,
+ "both": 18485,
+ "Ġarrested": 18486,
+ "Ġnationwide": 18487,
+ "gments": 18488,
+ "ĠLegis": 18489,
+ "leading": 18490,
+ "ĠNag": 18491,
+ "Ġmenstrual": 18492,
+ "Ġevapor": 18493,
+ "Ġλ": 18494,
+ "Ġmankind": 18495,
+ "ĠDonald": 18496,
+ "Ġcommunal": 18497,
+ "ĠAli": 18498,
+ "parents": 18499,
+ "ĠVocabulary": 18500,
+ "EEE": 18501,
+ ".a": 18502,
+ "actor": 18503,
+ "formance": 18504,
+ "Ġinfer": 18505,
+ "Ġyogurt": 18506,
+ "Ġgrateful": 18507,
+ "Ġflora": 18508,
+ "ĠCoord": 18509,
+ "UB": 18510,
+ "}-": 18511,
+ "Ġlively": 18512,
+ "Ġmunicipal": 18513,
+ "ĠWire": 18514,
+ "Ġwillingness": 18515,
+ "Ġunsure": 18516,
+ "Ġaccomplishments": 18517,
+ "ĠIndiana": 18518,
+ "Ġhumid": 18519,
+ "ĠSecondary": 18520,
+ "ĠEsc": 18521,
+ "selling": 18522,
+ "Ġcivic": 18523,
+ "game": 18524,
+ "Ġtablesp": 18525,
+ "requently": 18526,
+ "ĠMultiplication": 18527,
+ "diff": 18528,
+ "ĠÎĶ": 18529,
+ "Ġthrowing": 18530,
+ "Ġspeeches": 18531,
+ "Ġintentional": 18532,
+ "Ġstatue": 18533,
+ "Ġresh": 18534,
+ "Ġcargo": 18535,
+ "ĠPatrick": 18536,
+ "Ġads": 18537,
+ "Ġpasswords": 18538,
+ "ĠFou": 18539,
+ "othermal": 18540,
+ "Ġnationalism": 18541,
+ "ĠAsked": 18542,
+ "ollen": 18543,
+ "Ġmasters": 18544,
+ "Ġopponent": 18545,
+ "Ġelectr": 18546,
+ "ка": 18547,
+ "ĠBos": 18548,
+ "Ġindirectly": 18549,
+ "March": 18550,
+ "Ġphonics": 18551,
+ "Ġmassage": 18552,
+ "anga": 18553,
+ "ĠMonitor": 18554,
+ "Ġdeaf": 18555,
+ "empor": 18556,
+ "ĠDisney": 18557,
+ "Ġpancreas": 18558,
+ "Ġaux": 18559,
+ "Ġguy": 18560,
+ "lavery": 18561,
+ "Ġnevertheless": 18562,
+ "Ġinventions": 18563,
+ "ĠNotice": 18564,
+ "Ġtones": 18565,
+ "beat": 18566,
+ "ĠCharacteristics": 18567,
+ "ĩĴ": 18568,
+ "Ġsturd": 18569,
+ "Ġsorting": 18570,
+ "tail": 18571,
+ "Ġcharacterization": 18572,
+ "ĠPlato": 18573,
+ "Ġgravel": 18574,
+ "Ġdenotes": 18575,
+ "oporosis": 18576,
+ "Ġancestral": 18577,
+ "ĠTob": 18578,
+ "Ġrecipient": 18579,
+ "Ġspreadshe": 18580,
+ "ĠBenny": 18581,
+ "ĠGib": 18582,
+ "impse": 18583,
+ "Ġdated": 18584,
+ "Ġalloy": 18585,
+ "construction": 18586,
+ "criptions": 18587,
+ "andra": 18588,
+ "Ġrefres": 18589,
+ "naissance": 18590,
+ "Ġministry": 18591,
+ "Ġcircumference": 18592,
+ "Ġoptional": 18593,
+ "Ġcens": 18594,
+ "Ġintertw": 18595,
+ "Ġrecurring": 18596,
+ "225": 18597,
+ "ĠECONOMICS": 18598,
+ "ĠSeven": 18599,
+ "Real": 18600,
+ "ĠAddressing": 18601,
+ "oku": 18602,
+ "ĠAthens": 18603,
+ "Ġweakened": 18604,
+ "260": 18605,
+ "``````": 18606,
+ "Ġattorney": 18607,
+ "chlor": 18608,
+ "Ġconvince": 18609,
+ "ĠFresh": 18610,
+ "Ġdeployed": 18611,
+ "iquid": 18612,
+ "Ġresemble": 18613,
+ "ĠReports": 18614,
+ "Ġsequential": 18615,
+ "Ġbubbles": 18616,
+ "Ġconvinced": 18617,
+ "Ġtwin": 18618,
+ "ĠProceedings": 18619,
+ "ociated": 18620,
+ "Ġneglig": 18621,
+ ".re": 18622,
+ "ĠScholars": 18623,
+ "Ġschizophrenia": 18624,
+ "Ġreefs": 18625,
+ "Ġcontinental": 18626,
+ "Ġverses": 18627,
+ "ĠStanford": 18628,
+ "ĠEthiopia": 18629,
+ "ĠZone": 18630,
+ "Ġpreceding": 18631,
+ "Ġdarker": 18632,
+ "Ġunstable": 18633,
+ "Ġprototype": 18634,
+ "Ġpoles": 18635,
+ "utt": 18636,
+ "ĠGab": 18637,
+ "Ġstudio": 18638,
+ "ĠYoga": 18639,
+ "Ġpropagation": 18640,
+ "ĠFortunately": 18641,
+ "Ġprimitive": 18642,
+ "Ġreplication": 18643,
+ "Ġhitting": 18644,
+ "Ġaccumulate": 18645,
+ "Ġtires": 18646,
+ "ĠDelta": 18647,
+ "ĠPoor": 18648,
+ "oda": 18649,
+ "ĠResistance": 18650,
+ "Ġfron": 18651,
+ "omega": 18652,
+ "Ġpassions": 18653,
+ "Ġlime": 18654,
+ "Ġfractures": 18655,
+ "Ġindul": 18656,
+ "Ġmedi": 18657,
+ "âĢľWhat": 18658,
+ "Ġproceedings": 18659,
+ "Ġdirty": 18660,
+ "God": 18661,
+ "School": 18662,
+ "Ġmotivate": 18663,
+ "Ġbor": 18664,
+ "Ġmu": 18665,
+ "Ġexports": 18666,
+ ".read": 18667,
+ "Ġhappier": 18668,
+ "ĠClinic": 18669,
+ "Ġviolation": 18670,
+ "ĠBlu": 18671,
+ "ahoma": 18672,
+ "Ġpsychologist": 18673,
+ "Ġreinforced": 18674,
+ "urrection": 18675,
+ "uci": 18676,
+ "resented": 18677,
+ "Ġsupreme": 18678,
+ "Ġ..Ċ": 18679,
+ "plies": 18680,
+ "ĠZhang": 18681,
+ "Ġsap": 18682,
+ "Ġgrapes": 18683,
+ "206": 18684,
+ "Ġpunctuation": 18685,
+ "ĠPeninsula": 18686,
+ "Ġsusceptibility": 18687,
+ "ĠBE": 18688,
+ "Ġbenefic": 18689,
+ "verbs": 18690,
+ "Ġfolklore": 18691,
+ "(Ċ": 18692,
+ "Bi": 18693,
+ "heet": 18694,
+ "Ġcubes": 18695,
+ "ĠBalance": 18696,
+ "Ġpursuits": 18697,
+ "Exploring": 18698,
+ "Ġvolt": 18699,
+ "Ġspiral": 18700,
+ "opia": 18701,
+ "-speaking": 18702,
+ "ĠMoore": 18703,
+ "Share": 18704,
+ "Ġcrafted": 18705,
+ "ĠCass": 18706,
+ "Ġshades": 18707,
+ "ĠYang": 18708,
+ "iquity": 18709,
+ "Ġglory": 18710,
+ "Ġswing": 18711,
+ "ĠReality": 18712,
+ "åĽ": 18713,
+ "Ġterrestrial": 18714,
+ "Ġguarantees": 18715,
+ "ÙĬ": 18716,
+ "Ġpeppers": 18717,
+ "ĠOak": 18718,
+ "Impro": 18719,
+ "Ġhay": 18720,
+ "law": 18721,
+ "ĠAnderson": 18722,
+ "Ġflame": 18723,
+ "ĠWhit": 18724,
+ "Ġµ": 18725,
+ "ĠGenetic": 18726,
+ "ceived": 18727,
+ "inctions": 18728,
+ "ĠAcid": 18729,
+ "ensation": 18730,
+ "Ġcompromising": 18731,
+ "arring": 18732,
+ "011": 18733,
+ "ĠTransfer": 18734,
+ "Ġproliferation": 18735,
+ "Ġparking": 18736,
+ ":-": 18737,
+ "ĠInside": 18738,
+ "ESCO": 18739,
+ "ĠRoom": 18740,
+ "ĠKil": 18741,
+ "Ġblooms": 18742,
+ "dict": 18743,
+ "Only": 18744,
+ "ĠPoints": 18745,
+ "Ġdownward": 18746,
+ "Ġproposals": 18747,
+ "ĠAffect": 18748,
+ "Ġseventh": 18749,
+ "(z": 18750,
+ "Ġanterior": 18751,
+ "iscovery": 18752,
+ "ĠGraphic": 18753,
+ "odium": 18754,
+ "Ġvic": 18755,
+ "Ġcooperative": 18756,
+ "oic": 18757,
+ "Ġnonprofit": 18758,
+ "Ġreflections": 18759,
+ "Ġrouter": 18760,
+ "Ġbent": 18761,
+ "Ġcautious": 18762,
+ "ĠIndependent": 18763,
+ "Ġvaccinated": 18764,
+ "Ġnotions": 18765,
+ "ĠApart": 18766,
+ "Ġscans": 18767,
+ "ĠProjects": 18768,
+ "rama": 18769,
+ "Adv": 18770,
+ "ĠMust": 18771,
+ "Ġprefix": 18772,
+ "Delta": 18773,
+ "ĠHell": 18774,
+ "оÑĢ": 18775,
+ "ĠProgress": 18776,
+ "è®": 18777,
+ "BSE": 18778,
+ "emen": 18779,
+ "ĠNames": 18780,
+ "Ġadjective": 18781,
+ "entry": 18782,
+ "Ġanticipate": 18783,
+ "Ġmicroscopic": 18784,
+ "Ġdetector": 18785,
+ "ĠStarting": 18786,
+ "Ġunions": 18787,
+ "Ġremoves": 18788,
+ "ĠDIY": 18789,
+ "idering": 18790,
+ "Ġstrengthens": 18791,
+ "Ġcomedy": 18792,
+ "Ġsupporters": 18793,
+ "Join": 18794,
+ "Ġsits": 18795,
+ "Ġdemanded": 18796,
+ "Ġdozen": 18797,
+ "Ġlovers": 18798,
+ "Ġhosted": 18799,
+ "Review": 18800,
+ "Ġdeliber": 18801,
+ "Ġstatistic": 18802,
+ "Ġhumble": 18803,
+ "umping": 18804,
+ "aughters": 18805,
+ "ĠTes": 18806,
+ "Ġbackward": 18807,
+ "Ġdealt": 18808,
+ "ä¸Ń": 18809,
+ "Ġsculptures": 18810,
+ "Ġanomal": 18811,
+ "Ġgrape": 18812,
+ "Ġsanct": 18813,
+ "Due": 18814,
+ "ĠTransportation": 18815,
+ "ĠAbuse": 18816,
+ "Ġavenues": 18817,
+ "teenth": 18818,
+ "Ġrhythms": 18819,
+ "Ġexpenditure": 18820,
+ "opot": 18821,
+ "Ġlucky": 18822,
+ "Inc": 18823,
+ "ierre": 18824,
+ "Ġsomebody": 18825,
+ "-minute": 18826,
+ "ĠAddition": 18827,
+ "(np": 18828,
+ "Ġfermentation": 18829,
+ "ĠAgainst": 18830,
+ "ĠCountries": 18831,
+ "ĠEve": 18832,
+ "ĠKnowing": 18833,
+ "ulence": 18834,
+ "-lasting": 18835,
+ "Ġimpart": 18836,
+ "Ġforensic": 18837,
+ "ĠWritten": 18838,
+ "Ġsubstitution": 18839,
+ "Ġarche": 18840,
+ "Ġá": 18841,
+ "ĠRoc": 18842,
+ "Ġstrand": 18843,
+ "ĠCrow": 18844,
+ "Ġattractions": 18845,
+ "Ġbend": 18846,
+ "ottom": 18847,
+ "Ġlag": 18848,
+ "Ġboot": 18849,
+ "Dist": 18850,
+ "\"\"\"": 18851,
+ "ometers": 18852,
+ "IND": 18853,
+ "Ġwit": 18854,
+ "emet": 18855,
+ "historic": 18856,
+ "oise": 18857,
+ "ĠTro": 18858,
+ "ĠRequire": 18859,
+ "uf": 18860,
+ "Ġmethyl": 18861,
+ "Ġtutorials": 18862,
+ "ét": 18863,
+ "Ġnobody": 18864,
+ "ĠHallow": 18865,
+ "uba": 18866,
+ "Ġconsequently": 18867,
+ "ĠDynamics": 18868,
+ "ĠISO": 18869,
+ "umption": 18870,
+ "|C": 18871,
+ "black": 18872,
+ "ĠTests": 18873,
+ "Ġsurgeon": 18874,
+ "wear": 18875,
+ "child": 18876,
+ "ĠCommunities": 18877,
+ "static": 18878,
+ "Ġstance": 18879,
+ "ĠValues": 18880,
+ "-month": 18881,
+ "ĠOrigin": 18882,
+ "Ġrecreation": 18883,
+ "Ġveterans": 18884,
+ "ayan": 18885,
+ "Ġcounted": 18886,
+ "estyles": 18887,
+ "ĠCycle": 18888,
+ "Ġ```": 18889,
+ "Ġmph": 18890,
+ "212": 18891,
+ "र": 18892,
+ "Opt": 18893,
+ "Ġunfor": 18894,
+ "Ġbuil": 18895,
+ "Ġwolf": 18896,
+ "ĠThor": 18897,
+ "^n": 18898,
+ "Ġmarble": 18899,
+ "Ġharmonious": 18900,
+ "Ġscared": 18901,
+ "Ġmaneu": 18902,
+ "ĠMagic": 18903,
+ "ĠNAT": 18904,
+ "prime": 18905,
+ "Ġattent": 18906,
+ "June": 18907,
+ "Ġsty": 18908,
+ "ĠMRI": 18909,
+ "liance": 18910,
+ "Ġhen": 18911,
+ "Ġfairy": 18912,
+ "Ġaccompanying": 18913,
+ "Ġautomobile": 18914,
+ "Ġveterinary": 18915,
+ "Ġvein": 18916,
+ "ĠBBC": 18917,
+ "ĠEngage": 18918,
+ "ĠFL": 18919,
+ "Ġpixel": 18920,
+ "Ġslot": 18921,
+ "Ġtranslates": 18922,
+ "Ġbarely": 18923,
+ "ĠDiam": 18924,
+ "klahoma": 18925,
+ "ĠStatistical": 18926,
+ "................................": 18927,
+ "Ġsystematically": 18928,
+ "oske": 18929,
+ "Ġobsess": 18930,
+ "Ġrecognised": 18931,
+ "Ġlush": 18932,
+ "Sw": 18933,
+ "Ġenroll": 18934,
+ "Ġstyl": 18935,
+ "pection": 18936,
+ "ĠNav": 18937,
+ "ĠCCSS": 18938,
+ "Ġdescendants": 18939,
+ "ĠFinland": 18940,
+ "Ġsentiment": 18941,
+ "Ġathletic": 18942,
+ "reach": 18943,
+ "pired": 18944,
+ "itat": 18945,
+ "Ġsubtracting": 18946,
+ "ĠSenior": 18947,
+ "ĠComparison": 18948,
+ "Ġreconstruct": 18949,
+ "{(": 18950,
+ "Ġrobotic": 18951,
+ "ITH": 18952,
+ "Ġtouches": 18953,
+ "Ġhomeschool": 18954,
+ "Ġwoven": 18955,
+ "Ġretreat": 18956,
+ "ediate": 18957,
+ "XX": 18958,
+ "Ġdorm": 18959,
+ "Ġnewer": 18960,
+ "ĠWu": 18961,
+ "Ġvolcano": 18962,
+ "ĠPatterns": 18963,
+ "ĠEncouraging": 18964,
+ "Ġaccelerated": 18965,
+ "ĠFederation": 18966,
+ "ipt": 18967,
+ "azed": 18968,
+ "Ġnails": 18969,
+ "Ġantigen": 18970,
+ "Ġfathers": 18971,
+ "ĠHumans": 18972,
+ "Ġadvise": 18973,
+ "aryn": 18974,
+ "ĠTower": 18975,
+ "worthy": 18976,
+ "Ġunauthorized": 18977,
+ "olean": 18978,
+ "Ġfierce": 18979,
+ "Ġsinus": 18980,
+ "ĠCNC": 18981,
+ "amorph": 18982,
+ "ĠPerm": 18983,
+ "ĠSurv": 18984,
+ "Ġamend": 18985,
+ "Ġidi": 18986,
+ "³³³³³³³³³³³³³³³³": 18987,
+ "held": 18988,
+ "=True": 18989,
+ "ĠNiche": 18990,
+ "Ġbeautifully": 18991,
+ "Ġresort": 18992,
+ "Ġtransm": 18993,
+ ".is": 18994,
+ "Ġdepicting": 18995,
+ "erers": 18996,
+ "Ġeducating": 18997,
+ "ãĢģ": 18998,
+ "ĠLang": 18999,
+ "ĠLaTeX": 19000,
+ "Ġprayers": 19001,
+ "Ġathlete": 19002,
+ "Ġfiltering": 19003,
+ "ĠEconomy": 19004,
+ "Ġroman": 19005,
+ "ENTS": 19006,
+ "ĠManufacturing": 19007,
+ "leq": 19008,
+ "white": 19009,
+ "ĠDR": 19010,
+ "Ġaver": 19011,
+ "urnal": 19012,
+ "Unfortunately": 19013,
+ "Ġconferences": 19014,
+ "Ġencouragement": 19015,
+ "Ġgrammat": 19016,
+ "Ġaccumulated": 19017,
+ "Ġdisproportion": 19018,
+ "ĠInstruction": 19019,
+ "Ġcrude": 19020,
+ "Ġhered": 19021,
+ "Ġconfigure": 19022,
+ "Ġseasoned": 19023,
+ "ĠPosition": 19024,
+ "Ġdrones": 19025,
+ "ĠVenus": 19026,
+ "Ġverification": 19027,
+ ".âĢĻĊ": 19028,
+ "ĠTrees": 19029,
+ "-----ĊĊ": 19030,
+ "μ": 19031,
+ "ĠClassification": 19032,
+ "Ġdad": 19033,
+ "Ġfitted": 19034,
+ "Ġsuspicious": 19035,
+ "Ġprince": 19036,
+ "Ġanyway": 19037,
+ "Ġapt": 19038,
+ "Ġutter": 19039,
+ "Ġcategorized": 19040,
+ "ivari": 19041,
+ "ighed": 19042,
+ "ĠSignificance": 19043,
+ "Ġticket": 19044,
+ "ĠMetal": 19045,
+ "Ġblast": 19046,
+ "ĠConsiderations": 19047,
+ "Ġworries": 19048,
+ "dt": 19049,
+ "ÂĢ": 19050,
+ "ĠMaine": 19051,
+ "Ġafrican": 19052,
+ "-Z": 19053,
+ "304": 19054,
+ "controll": 19055,
+ "_value": 19056,
+ "Ġcarriers": 19057,
+ "Ġgenital": 19058,
+ "Ġblades": 19059,
+ "Ġrush": 19060,
+ "Project": 19061,
+ "arcity": 19062,
+ "nas": 19063,
+ "|P": 19064,
+ "Ġâĸ": 19065,
+ "vector": 19066,
+ "ĠCup": 19067,
+ "Ġfreeze": 19068,
+ "Ġwilderness": 19069,
+ "Ġarsen": 19070,
+ "Ġbapt": 19071,
+ "/M": 19072,
+ "Ġpd": 19073,
+ "Ġreuse": 19074,
+ "EDICAL": 19075,
+ "Ġadren": 19076,
+ "ĠLith": 19077,
+ "ĠEthical": 19078,
+ "gone": 19079,
+ "ĠThesis": 19080,
+ "Ġgroom": 19081,
+ "Ġspreads": 19082,
+ "atsby": 19083,
+ "ÏĤ": 19084,
+ "uda": 19085,
+ "Ġmitigating": 19086,
+ "ĠGeneration": 19087,
+ "ĠMyth": 19088,
+ "Ġvibration": 19089,
+ "ĠColumbus": 19090,
+ "DNA": 19091,
+ "ĠDynasty": 19092,
+ "Ġoutlets": 19093,
+ "ĠVeh": 19094,
+ "worms": 19095,
+ "bola": 19096,
+ "ĠBapt": 19097,
+ "ĠAccounting": 19098,
+ "ructured": 19099,
+ "Ġresponsibly": 19100,
+ "Ġclaiming": 19101,
+ "Incre": 19102,
+ "Ġapnea": 19103,
+ "Ġexpectancy": 19104,
+ "ĠAverage": 19105,
+ "Ġcomputation": 19106,
+ "icut": 19107,
+ "Ġyesterday": 19108,
+ "ĠKy": 19109,
+ "ĠâĪł": 19110,
+ "Case": 19111,
+ "img": 19112,
+ "ĠPD": 19113,
+ "Ġmargins": 19114,
+ "ĠLibert": 19115,
+ "Ġcryptocurrencies": 19116,
+ "Ġrevolutionized": 19117,
+ "erion": 19118,
+ "Benefits": 19119,
+ "ĠQual": 19120,
+ "Ġpatron": 19121,
+ "Ġharvested": 19122,
+ "izard": 19123,
+ "ĠWalter": 19124,
+ "apel": 19125,
+ "Ġwetlands": 19126,
+ "{Ċ": 19127,
+ "arre": 19128,
+ "ĠIl": 19129,
+ "ĠFill": 19130,
+ "Ġcontag": 19131,
+ "Ġtransfers": 19132,
+ "vings": 19133,
+ "ĠHart": 19134,
+ "Ġtextile": 19135,
+ "Big": 19136,
+ "ĠAlliance": 19137,
+ "Study": 19138,
+ "ĠSelection": 19139,
+ "Ġdetox": 19140,
+ "Ġmirrors": 19141,
+ "Ġsigning": 19142,
+ "leans": 19143,
+ "riors": 19144,
+ "-changing": 19145,
+ "Ġavoc": 19146,
+ "ĠDivide": 19147,
+ "phy": 19148,
+ "Ġlubric": 19149,
+ "Ġtours": 19150,
+ "ĠRomeo": 19151,
+ "Input": 19152,
+ "utrients": 19153,
+ "ĠBL": 19154,
+ "Ġseedlings": 19155,
+ "Ġunderscores": 19156,
+ "Ġlone": 19157,
+ "ĠAth": 19158,
+ "ĠWright": 19159,
+ "Ġsake": 19160,
+ "ĠBerg": 19161,
+ "ĠNick": 19162,
+ "Ġarguing": 19163,
+ "ĠDesert": 19164,
+ "Ġhypotheses": 19165,
+ "aspor": 19166,
+ "ĠNapoleon": 19167,
+ "ĠGhana": 19168,
+ "Ġsubmission": 19169,
+ "OKING": 19170,
+ "ĠClose": 19171,
+ "roe": 19172,
+ "Ġstitch": 19173,
+ "Ġacademics": 19174,
+ "Ġprospect": 19175,
+ "ĠVietnamese": 19176,
+ "Four": 19177,
+ "Ġrealities": 19178,
+ "Ġawa": 19179,
+ "Ġmultimedia": 19180,
+ "ARD": 19181,
+ "ĠMR": 19182,
+ "Ġmanifestations": 19183,
+ "Ġtoss": 19184,
+ "Looking": 19185,
+ "ĠAlb": 19186,
+ "Proper": 19187,
+ "ancers": 19188,
+ "rase": 19189,
+ "Ġclinics": 19190,
+ "Ġactivist": 19191,
+ "isy": 19192,
+ "ĠRegister": 19193,
+ "Ġcompetitions": 19194,
+ "-order": 19195,
+ "ĠExc": 19196,
+ "elif": 19197,
+ "ĠFamilies": 19198,
+ "Gs": 19199,
+ "ĠAF": 19200,
+ "ĠJuliet": 19201,
+ "Ġsemiconductor": 19202,
+ "---": 19203,
+ "ĠCells": 19204,
+ "opolitical": 19205,
+ "Ġcapacities": 19206,
+ "rah": 19207,
+ "ĠChatGPT": 19208,
+ "Ġplayground": 19209,
+ "Ġsickness": 19210,
+ "Ġshrubs": 19211,
+ "ographer": 19212,
+ "wick": 19213,
+ "Ġglimpse": 19214,
+ "Ġantenna": 19215,
+ "Ġcollectors": 19216,
+ "Ġsupervis": 19217,
+ "Ġcapacitor": 19218,
+ "ĠNode": 19219,
+ "Ġspite": 19220,
+ "Ġbuildup": 19221,
+ "ococc": 19222,
+ "cology": 19223,
+ "Ġhurd": 19224,
+ "Ġfright": 19225,
+ "Fin": 19226,
+ "ĠOtherwise": 19227,
+ "Ġconstipation": 19228,
+ "-bit": 19229,
+ "Ġwarned": 19230,
+ "Ġrestriction": 19231,
+ "ĠPale": 19232,
+ "ccoli": 19233,
+ "Ġexperimenting": 19234,
+ "Ġgates": 19235,
+ "Ġplanetary": 19236,
+ "Ġideologies": 19237,
+ "ĠâĤ": 19238,
+ "ĠDent": 19239,
+ "Ġdistractions": 19240,
+ "kt": 19241,
+ "Ġmanageable": 19242,
+ "ĠOutput": 19243,
+ "ĠRepeat": 19244,
+ "Ġ[?": 19245,
+ "Ġelephants": 19246,
+ "ĠExplanation": 19247,
+ "ĠTa": 19248,
+ "Ġaltering": 19249,
+ "Ġstatistically": 19250,
+ "Ġmeg": 19251,
+ "Ġbored": 19252,
+ "Ġexplor": 19253,
+ "coal": 19254,
+ "ĠShop": 19255,
+ "nutrition": 19256,
+ "ĠMir": 19257,
+ "ĠBart": 19258,
+ "Ġcharm": 19259,
+ "Ġalterations": 19260,
+ "Ġimbalance": 19261,
+ "Ġdeserves": 19262,
+ "redients": 19263,
+ "ĠAmb": 19264,
+ "coma": 19265,
+ "Ġpir": 19266,
+ "Ġpaints": 19267,
+ "Ġreset": 19268,
+ "Ġgadgets": 19269,
+ "ĠConc": 19270,
+ "Ġneedles": 19271,
+ "ACK": 19272,
+ "Ġbeads": 19273,
+ "Ġvi": 19274,
+ "Ġprohibited": 19275,
+ "udge": 19276,
+ "аÑĤ": 19277,
+ "Ġentertaining": 19278,
+ "ĠLuke": 19279,
+ "Ġordering": 19280,
+ "oup": 19281,
+ "mn": 19282,
+ "Ġconson": 19283,
+ "Unlike": 19284,
+ "\"I": 19285,
+ "Ġelucid": 19286,
+ "ĠMicrob": 19287,
+ "Ġfiltration": 19288,
+ "Ġpalace": 19289,
+ "ciously": 19290,
+ "ĠFrederick": 19291,
+ "Ġhesitate": 19292,
+ "Ġcuc": 19293,
+ "ĠME": 19294,
+ "-che": 19295,
+ "ĠEngineers": 19296,
+ "Ġposters": 19297,
+ "heets": 19298,
+ "Ġpossesses": 19299,
+ "ĠSah": 19300,
+ "ĠSN": 19301,
+ "ouble": 19302,
+ "rimination": 19303,
+ "(str": 19304,
+ "ĠChannel": 19305,
+ "Ġcaptures": 19306,
+ "Ġbackup": 19307,
+ "ĠIncorporate": 19308,
+ "Ġboring": 19309,
+ "Ġelic": 19310,
+ "Ġprofitable": 19311,
+ "\"]": 19312,
+ "aura": 19313,
+ "Ġ»Ċ": 19314,
+ "Ġoh": 19315,
+ "Ġcompressed": 19316,
+ "-five": 19317,
+ "otor": 19318,
+ "Ġdisadvantage": 19319,
+ "Ġparallels": 19320,
+ "ĠMaintain": 19321,
+ "Brit": 19322,
+ "Ġbaked": 19323,
+ "Es": 19324,
+ "Ġmilestones": 19325,
+ "Ġbehaviours": 19326,
+ "area": 19327,
+ "India": 19328,
+ "Ġnecessitates": 19329,
+ "Ġlacks": 19330,
+ "ĠTow": 19331,
+ "ĠCaesar": 19332,
+ "xia": 19333,
+ "Ġactivate": 19334,
+ "Ġstationary": 19335,
+ "ĠMatrix": 19336,
+ "Ġbanana": 19337,
+ "Ġtrafficking": 19338,
+ "-fat": 19339,
+ "Index": 19340,
+ "Ġfetal": 19341,
+ "iesel": 19342,
+ "ĠHalloween": 19343,
+ "Ġrespiration": 19344,
+ "Ġcleaned": 19345,
+ "Ġcarbohydrate": 19346,
+ "Ġanimated": 19347,
+ "Ġbamboo": 19348,
+ "Ġenhancement": 19349,
+ "Below": 19350,
+ "-wh": 19351,
+ "Draw": 19352,
+ "Ġclinicians": 19353,
+ "owulf": 19354,
+ "Ġambient": 19355,
+ "-gener": 19356,
+ "Ġbronch": 19357,
+ "ĠTang": 19358,
+ "Ġcorrespondence": 19359,
+ "ĠIceland": 19360,
+ "ĠFamiliar": 19361,
+ "Ġnumerator": 19362,
+ "Ġdrawbacks": 19363,
+ "ĠNA": 19364,
+ "William": 19365,
+ "Ġimmigrant": 19366,
+ "Ġenergies": 19367,
+ "Value": 19368,
+ "ĠPreparation": 19369,
+ "Problem": 19370,
+ "ĠGlass": 19371,
+ "ĠEstablish": 19372,
+ "opotam": 19373,
+ "Ġviolations": 19374,
+ "ĠMike": 19375,
+ "ichael": 19376,
+ "ĠBengal": 19377,
+ "ĠSteve": 19378,
+ "Ġminers": 19379,
+ "Ġloses": 19380,
+ "Ġiod": 19381,
+ "ĠLeft": 19382,
+ "Ġconfigurations": 19383,
+ "ĠBrazilian": 19384,
+ "Ġreluct": 19385,
+ "Ġpetroleum": 19386,
+ "cursor": 19387,
+ "Ġling": 19388,
+ "Ġbubble": 19389,
+ "oj": 19390,
+ "ĠDemocr": 19391,
+ "odynamics": 19392,
+ "Ġcoaches": 19393,
+ "Ġdeclining": 19394,
+ "ĠAllen": 19395,
+ "ĠCareer": 19396,
+ "posing": 19397,
+ "ophys": 19398,
+ "################################": 19399,
+ "Watch": 19400,
+ "Ġwells": 19401,
+ "ĠUntil": 19402,
+ ".Read": 19403,
+ "éĩ": 19404,
+ "ĠVersion": 19405,
+ "Ġapproximation": 19406,
+ "romb": 19407,
+ "Ġrisky": 19408,
+ "idency": 19409,
+ "ĠComment": 19410,
+ "Ġculmin": 19411,
+ "Ġthir": 19412,
+ "ĠGandhi": 19413,
+ "axon": 19414,
+ "ĠListen": 19415,
+ "Ġlegendary": 19416,
+ "height": 19417,
+ "iration": 19418,
+ "ĠRES": 19419,
+ "Ġcoup": 19420,
+ "Ġdozens": 19421,
+ ")/(": 19422,
+ "Off": 19423,
+ "Ġenvision": 19424,
+ "Arch": 19425,
+ "Ġflights": 19426,
+ "Ġconvergence": 19427,
+ "Ġconductivity": 19428,
+ "Ġfiled": 19429,
+ "Ġprompted": 19430,
+ "mith": 19431,
+ "Ġcontraction": 19432,
+ "Ġparadox": 19433,
+ "inus": 19434,
+ "ĠProvince": 19435,
+ "ĠNCERT": 19436,
+ "Ġspacing": 19437,
+ "ĠBasin": 19438,
+ "Ġpunish": 19439,
+ "Ġneon": 19440,
+ "uri": 19441,
+ "222": 19442,
+ "Ġassisted": 19443,
+ "Ġbeginner": 19444,
+ "Digital": 19445,
+ "ĠHindi": 19446,
+ "BO": 19447,
+ "Ġuna": 19448,
+ "ĠCir": 19449,
+ "Ġirrational": 19450,
+ "Ġmistaken": 19451,
+ "ĠLikewise": 19452,
+ "ĠSingh": 19453,
+ "Ġpurity": 19454,
+ "Ġsanitation": 19455,
+ "ĠPythag": 19456,
+ "ĠSharing": 19457,
+ "Ġmarketplace": 19458,
+ "Ġseparating": 19459,
+ "Ġfurnace": 19460,
+ "ĠInitial": 19461,
+ "Ġtoes": 19462,
+ "Ġfavourite": 19463,
+ "cycling": 19464,
+ "Building": 19465,
+ "Ġforemost": 19466,
+ "Ġmerge": 19467,
+ "ĠBeat": 19468,
+ "Ġcumulative": 19469,
+ "aders": 19470,
+ "Ġhomemade": 19471,
+ "Ġvalidate": 19472,
+ "Ġathe": 19473,
+ "Ġhash": 19474,
+ "ĠRecords": 19475,
+ "Å«": 19476,
+ "items": 19477,
+ "ĠEmail": 19478,
+ "Ġclosure": 19479,
+ "Ġstepping": 19480,
+ "Ġspotted": 19481,
+ "Ġhiking": 19482,
+ "ĠBMI": 19483,
+ "ĠNavigating": 19484,
+ "cessor": 19485,
+ "Ġranked": 19486,
+ "aba": 19487,
+ "uddenly": 19488,
+ "FOR": 19489,
+ "bons": 19490,
+ "elect": 19491,
+ "Ġslee": 19492,
+ "Ġhumanitarian": 19493,
+ "Ġspecimen": 19494,
+ "attery": 19495,
+ "Ġsemester": 19496,
+ "Ġformerly": 19497,
+ "Ġmosquitoes": 19498,
+ "ĠAlber": 19499,
+ "Ġacted": 19500,
+ "Ġemitted": 19501,
+ ".plot": 19502,
+ "ĠiP": 19503,
+ "ĠVPN": 19504,
+ "ĠTB": 19505,
+ "Ġlandmark": 19506,
+ "fold": 19507,
+ "æ": 19508,
+ "Ġï¬ģ": 19509,
+ "ĠProgramme": 19510,
+ "Ġimaginative": 19511,
+ "Ġbuds": 19512,
+ "uto": 19513,
+ "Ġuneven": 19514,
+ "Ġ\")Ċ": 19515,
+ "Ġpedest": 19516,
+ "transmit": 19517,
+ "Ġdeficiencies": 19518,
+ "ĠTokyo": 19519,
+ "lder": 19520,
+ "emetery": 19521,
+ "Tips": 19522,
+ "Ġsys": 19523,
+ "Ġcommander": 19524,
+ "Ġcolonialism": 19525,
+ "Ġlocked": 19526,
+ "Ġslopes": 19527,
+ "Ġmentions": 19528,
+ "ĠChick": 19529,
+ "Print": 19530,
+ "Ġintimid": 19531,
+ "ĠQU": 19532,
+ "Ġmarry": 19533,
+ "ĠWebsite": 19534,
+ "Ġreactive": 19535,
+ "ĠWriters": 19536,
+ "ĠDra": 19537,
+ "issors": 19538,
+ "Ġfortune": 19539,
+ "åĨ": 19540,
+ "ĠInitiative": 19541,
+ "Ġshine": 19542,
+ "-learning": 19543,
+ ".h": 19544,
+ "Ġebook": 19545,
+ "Ġcoli": 19546,
+ "Det": 19547,
+ "Ġcerebral": 19548,
+ "ĠFourth": 19549,
+ "-paced": 19550,
+ "Ġremembering": 19551,
+ "Ġphosphate": 19552,
+ "_j": 19553,
+ "ĠStorage": 19554,
+ "ĠHerm": 19555,
+ "ĠMathematical": 19556,
+ "Ġlistened": 19557,
+ "Ġhydrop": 19558,
+ "[n": 19559,
+ "Ġ[?]:": 19560,
+ "si": 19561,
+ "Ġfigur": 19562,
+ "alph": 19563,
+ "ycle": 19564,
+ "ĠJuvenile": 19565,
+ "ĠNorthwest": 19566,
+ "------ĊĊ": 19567,
+ "Ġfloss": 19568,
+ "Ġïģ": 19569,
+ "\\pi": 19570,
+ "_num": 19571,
+ "(),": 19572,
+ "ĠGradu": 19573,
+ "Ġtransgender": 19574,
+ "Ult": 19575,
+ "ĠParkinson": 19576,
+ "ĠProof": 19577,
+ "ĠIowa": 19578,
+ "Ġcompetent": 19579,
+ "Ġchina": 19580,
+ "-vol": 19581,
+ "Ġoccupy": 19582,
+ "Ġsuggestion": 19583,
+ "Ġbrowse": 19584,
+ "Ġconditional": 19585,
+ "Ġunravel": 19586,
+ "error": 19587,
+ "Ġsuccession": 19588,
+ "Ġpeaks": 19589,
+ "ĠUnits": 19590,
+ "Ġdepressive": 19591,
+ "deg": 19592,
+ "Ġcurric": 19593,
+ "ĠBear": 19594,
+ "Ġreminds": 19595,
+ "Ġenamel": 19596,
+ "Ġconsolid": 19597,
+ "ĠChamp": 19598,
+ "Ġsurprisingly": 19599,
+ "otions": 19600,
+ "....Ċ": 19601,
+ "Meanwhile": 19602,
+ "-art": 19603,
+ "Har": 19604,
+ "Ġadditive": 19605,
+ "ĠGenesis": 19606,
+ "ĠNev": 19607,
+ "ĠAssistant": 19608,
+ "Ġcredential": 19609,
+ "Ġpaired": 19610,
+ "ANT": 19611,
+ "ĠKnown": 19612,
+ "Location": 19613,
+ "Ġrevenues": 19614,
+ "HISTORY": 19615,
+ "MO": 19616,
+ "Num": 19617,
+ "Ġunified": 19618,
+ "Ġbunch": 19619,
+ "Ġrestoring": 19620,
+ "Ġpoetic": 19621,
+ "Ġretired": 19622,
+ "Ġpilgrim": 19623,
+ "Ġadvisable": 19624,
+ "Ġhandful": 19625,
+ "ĠSusan": 19626,
+ "ĠSecondly": 19627,
+ "Ñİ": 19628,
+ "(\"\\": 19629,
+ "ĠOptim": 19630,
+ "adic": 19631,
+ "Ġassembled": 19632,
+ "Ġairport": 19633,
+ "ĠConcer": 19634,
+ "Ġdisparate": 19635,
+ "Ġbilingual": 19636,
+ "Ġonions": 19637,
+ "ĊĊĊĊ": 19638,
+ "ĠInstru": 19639,
+ "modern": 19640,
+ "Ġpixels": 19641,
+ "Ġstewardship": 19642,
+ "ĠButter": 19643,
+ "Ġcherished": 19644,
+ "-commerce": 19645,
+ "Ġboasts": 19646,
+ "Ġcommitments": 19647,
+ "ĠDirections": 19648,
+ "pez": 19649,
+ "Ġelectrode": 19650,
+ "show": 19651,
+ "ienna": 19652,
+ "aurus": 19653,
+ "Ġdownstream": 19654,
+ "Ġsynonyms": 19655,
+ "ĠBrother": 19656,
+ ".ph": 19657,
+ "Ġfacilitated": 19658,
+ "Ġcavities": 19659,
+ "oro": 19660,
+ "ovolta": 19661,
+ "ĠOpportunities": 19662,
+ "ĠGrowing": 19663,
+ "ĠAngel": 19664,
+ "Ġclassify": 19665,
+ "Ġaerial": 19666,
+ "Div": 19667,
+ "base": 19668,
+ "White": 19669,
+ "Ġincoming": 19670,
+ "Ġanchor": 19671,
+ "ĠDetails": 19672,
+ "ĠMarkdown": 19673,
+ "Ġemerges": 19674,
+ "Should": 19675,
+ "ĠRice": 19676,
+ "ĉself": 19677,
+ "ĠUkrain": 19678,
+ "Ġfled": 19679,
+ "anical": 19680,
+ "ĠLam": 19681,
+ "Ġbitcoin": 19682,
+ "Ġfloors": 19683,
+ "Ġrecruitment": 19684,
+ "otyping": 19685,
+ "Method": 19686,
+ "aceae": 19687,
+ "April": 19688,
+ "birth": 19689,
+ "ĠHPV": 19690,
+ "ailure": 19691,
+ "Ġsooner": 19692,
+ "ĠConstant": 19693,
+ "ducive": 19694,
+ "Ġnickel": 19695,
+ "Ġciting": 19696,
+ "Ġtestosterone": 19697,
+ "Ġinstallations": 19698,
+ "DM": 19699,
+ "Ġlisteners": 19700,
+ "Ġdiary": 19701,
+ "vari": 19702,
+ "Ġdressing": 19703,
+ "Ġknees": 19704,
+ "Ġevap": 19705,
+ "Ġspectral": 19706,
+ "Ġsearches": 19707,
+ "iothe": 19708,
+ ".de": 19709,
+ "Ġalliance": 19710,
+ "Ġthunder": 19711,
+ "-Fi": 19712,
+ "Ġharnessing": 19713,
+ "lotte": 19714,
+ "ĠLocation": 19715,
+ "ĠWoman": 19716,
+ "Ġdisturbance": 19717,
+ "Ġuptake": 19718,
+ "Ġcarbs": 19719,
+ "Ġreactor": 19720,
+ "-centered": 19721,
+ "Ġquotation": 19722,
+ "Ver": 19723,
+ "ĠMinor": 19724,
+ "ĠFormation": 19725,
+ "Ġtonnes": 19726,
+ "Ġunrest": 19727,
+ "Ġcurrencies": 19728,
+ "Ġsoluble": 19729,
+ "Ġbronze": 19730,
+ "ĠStew": 19731,
+ "ĠHapp": 19732,
+ "Education": 19733,
+ "din": 19734,
+ "Ġhockey": 19735,
+ "Ġsecurities": 19736,
+ "ĠManaging": 19737,
+ "ĠPCR": 19738,
+ "ĠBI": 19739,
+ "003": 19740,
+ "Beyond": 19741,
+ "Ġcivilian": 19742,
+ "ĠHi": 19743,
+ "ĠMedieval": 19744,
+ "rof": 19745,
+ "Ġburial": 19746,
+ "Ġrandomized": 19747,
+ "ĠLem": 19748,
+ "âī": 19749,
+ "ĠPractical": 19750,
+ "October": 19751,
+ "Ġsignifies": 19752,
+ "Ġpredis": 19753,
+ "Ġkills": 19754,
+ "Ġbending": 19755,
+ "Ġsturdy": 19756,
+ "од": 19757,
+ "Ġbacks": 19758,
+ "ĠSad": 19759,
+ "ĠNH": 19760,
+ "Ġjournalism": 19761,
+ "Ġorche": 19762,
+ "expensive": 19763,
+ "å¼": 19764,
+ "Ġunderest": 19765,
+ "ĠCOMP": 19766,
+ "Ġanalysts": 19767,
+ "ĠLack": 19768,
+ "walk": 19769,
+ "China": 19770,
+ "Ġgatherings": 19771,
+ "Ġtomb": 19772,
+ "Ġoutlook": 19773,
+ "Ġdisplaced": 19774,
+ "Ġformulated": 19775,
+ "Ġcompares": 19776,
+ "Ġbios": 19777,
+ "ĠAntarctica": 19778,
+ "Ġtok": 19779,
+ "ophyll": 19780,
+ "ACE": 19781,
+ "Ġingen": 19782,
+ "ĠCrusher": 19783,
+ "Ġjournalist": 19784,
+ "ĠWy": 19785,
+ "Ġuterus": 19786,
+ "Ġveggies": 19787,
+ "Ġattracting": 19788,
+ "wal": 19789,
+ "Ġlem": 19790,
+ "ĠAreas": 19791,
+ "Ġdetective": 19792,
+ "ĠAchie": 19793,
+ "Ġvertically": 19794,
+ "Ġanthropology": 19795,
+ "Ġdub": 19796,
+ "ĠCommunist": 19797,
+ "ASS": 19798,
+ "Ġadorn": 19799,
+ "Ġpathogen": 19800,
+ "Ġenrolled": 19801,
+ "Ġliberation": 19802,
+ "ĠQueens": 19803,
+ "Ġum": 19804,
+ "ĠChoosing": 19805,
+ "Ġbloss": 19806,
+ "Ġforgiveness": 19807,
+ "Imp": 19808,
+ "ĠPresentation": 19809,
+ "render": 19810,
+ "ĠCollins": 19811,
+ "ateur": 19812,
+ "ushed": 19813,
+ "Ġhighway": 19814,
+ "Ġepist": 19815,
+ "cht": 19816,
+ "cop": 19817,
+ "Ġthirst": 19818,
+ "Ġgi": 19819,
+ "Ġtune": 19820,
+ "Ġmosa": 19821,
+ "ĠCrisis": 19822,
+ "\"),": 19823,
+ "Ġlifestyles": 19824,
+ "Ġappreciating": 19825,
+ "Ġcyan": 19826,
+ "Ġrecordings": 19827,
+ "prising": 19828,
+ "Ġeducator": 19829,
+ "embr": 19830,
+ "Ġmartial": 19831,
+ "Ġfascinated": 19832,
+ "ĠSales": 19833,
+ "outube": 19834,
+ "ĠGate": 19835,
+ "ĠBR": 19836,
+ "ĠDiss": 19837,
+ "Ġeg": 19838,
+ "ĠBrun": 19839,
+ "-act": 19840,
+ "/en": 19841,
+ "Ġoxidative": 19842,
+ "resses": 19843,
+ "Ġethanol": 19844,
+ "ĠLE": 19845,
+ "ĠLaure": 19846,
+ "Ġcompromised": 19847,
+ "ĠAnthrop": 19848,
+ "Ġembarr": 19849,
+ "ĠHey": 19850,
+ "UST": 19851,
+ "Ġshear": 19852,
+ "Their": 19853,
+ "Ġcrushers": 19854,
+ "Ġbrowsing": 19855,
+ "Ġramp": 19856,
+ "Ġsolvent": 19857,
+ "Ġhypothetical": 19858,
+ "Micro": 19859,
+ "INT": 19860,
+ "oned": 19861,
+ "Ġformulation": 19862,
+ "ĠClaud": 19863,
+ "ĠBeijing": 19864,
+ "Exercise": 19865,
+ "ĠHistoric": 19866,
+ "æī": 19867,
+ "Log": 19868,
+ "ĠAbd": 19869,
+ "Ġperfection": 19870,
+ "ĠProtein": 19871,
+ "Ġhydrated": 19872,
+ "ĠInterpret": 19873,
+ "break": 19874,
+ "Ġrubric": 19875,
+ "Ġthrust": 19876,
+ "ĠInterview": 19877,
+ "Jul": 19878,
+ "ovenant": 19879,
+ "Ġbathroom": 19880,
+ "ĠPrevious": 19881,
+ "Ġgrouped": 19882,
+ "Ġlogging": 19883,
+ "ĠBehavioral": 19884,
+ ",n": 19885,
+ "wegian": 19886,
+ "Ġapartment": 19887,
+ "Ġundes": 19888,
+ "ĠEco": 19889,
+ "Ġunfortunately": 19890,
+ "iquit": 19891,
+ "ĠGuinea": 19892,
+ "ĠParticipants": 19893,
+ "Regular": 19894,
+ "usc": 19895,
+ "``//": 19896,
+ "ricket": 19897,
+ "Ġmate": 19898,
+ "-inf": 19899,
+ "Ġinterleaved": 19900,
+ "ĠConsumer": 19901,
+ "ée": 19902,
+ "ĠLanc": 19903,
+ "-face": 19904,
+ "ococcus": 19905,
+ "(arr": 19906,
+ "erer": 19907,
+ "Ġnegotiation": 19908,
+ "ï¸": 19909,
+ "ertility": 19910,
+ "Ġnost": 19911,
+ "pectives": 19912,
+ "Sch": 19913,
+ "Ġglad": 19914,
+ "Ġbid": 19915,
+ "Ġmorphology": 19916,
+ "Ġamphib": 19917,
+ "Ġuniquely": 19918,
+ "Ġresistor": 19919,
+ "Ġyoungsters": 19920,
+ "lad": 19921,
+ "Ġgallery": 19922,
+ "ĠCu": 19923,
+ "ften": 19924,
+ "around": 19925,
+ "Ġ§": 19926,
+ "Ġlearnt": 19927,
+ "ĠContrib": 19928,
+ "Ġdialogues": 19929,
+ "ĠĠĠĠĠĠĠĠĠĠ": 19930,
+ "Effective": 19931,
+ "ĠLanguages": 19932,
+ "ĠDance": 19933,
+ "ĠBelgium": 19934,
+ "itably": 19935,
+ "Ġastronomers": 19936,
+ "ĠPanel": 19937,
+ "ĠRegulation": 19938,
+ "Ġfifteen": 19939,
+ "ĠWhole": 19940,
+ "Ġcarbonate": 19941,
+ "Ġhanded": 19942,
+ "Ġbucket": 19943,
+ "Ġdiscontin": 19944,
+ "-op": 19945,
+ "Ġsisters": 19946,
+ "edip": 19947,
+ "resentation": 19948,
+ "ĠCats": 19949,
+ "Interest": 19950,
+ "Ġnowadays": 19951,
+ "Ġafterwards": 19952,
+ "ĠFlore": 19953,
+ "ĠRS": 19954,
+ "Ġmisunderstand": 19955,
+ "engine": 19956,
+ "Ġunlimited": 19957,
+ "ĠDouglas": 19958,
+ "ported": 19959,
+ "imag": 19960,
+ "Ġbandwidth": 19961,
+ "Ġowing": 19962,
+ "_a": 19963,
+ "ĠArchives": 19964,
+ "raviolet": 19965,
+ "ĠAra": 19966,
+ "Ġgreek": 19967,
+ "Business": 19968,
+ "Ġhonesty": 19969,
+ "Ġcabin": 19970,
+ "Ġdirectors": 19971,
+ "look": 19972,
+ "igraphy": 19973,
+ "ĠChildhood": 19974,
+ "Ġsaliva": 19975,
+ "Ġlongitudinal": 19976,
+ "elsh": 19977,
+ "ĠBiblical": 19978,
+ "Ġvolatile": 19979,
+ "Ġapost": 19980,
+ "alid": 19981,
+ "ugging": 19982,
+ "ĠInteraction": 19983,
+ "Ġlid": 19984,
+ "-,": 19985,
+ "web": 19986,
+ "Ġdiamonds": 19987,
+ "Ġsovereign": 19988,
+ "available": 19989,
+ "blue": 19990,
+ "iece": 19991,
+ "ĠBehind": 19992,
+ "Ġoptimum": 19993,
+ "ĠPel": 19994,
+ "Ġpractitioner": 19995,
+ "Ġhurricane": 19996,
+ "Ġsalad": 19997,
+ "gettable": 19998,
+ "ĠPent": 19999,
+ "ĠDrive": 20000,
+ "è¾": 20001,
+ "ĠBirds": 20002,
+ "CF": 20003,
+ "Ġdye": 20004,
+ "Ġupright": 20005,
+ "Ġinitiate": 20006,
+ "Techn": 20007,
+ "Ġpent": 20008,
+ "Ġconducive": 20009,
+ "ĠAlternative": 20010,
+ "asuring": 20011,
+ "Ġurbanization": 20012,
+ "Ġstaple": 20013,
+ "Ġleap": 20014,
+ "Ġbru": 20015,
+ "Ġtsun": 20016,
+ "Ġcad": 20017,
+ "Ġcollagen": 20018,
+ "Ġfinancially": 20019,
+ "Ġaccent": 20020,
+ "Ġgraduates": 20021,
+ "Ġsuspension": 20022,
+ "ĠZero": 20023,
+ "Ġdeposited": 20024,
+ "Ġinappropriate": 20025,
+ "Ġinsomnia": 20026,
+ "Ġharmless": 20027,
+ "ĠDistance": 20028,
+ "ĠSept": 20029,
+ "Ġhorizons": 20030,
+ "ĠPrem": 20031,
+ "Ġembodiment": 20032,
+ "Ġdonor": 20033,
+ "Ġplum": 20034,
+ "Ġconstell": 20035,
+ "Ġcute": 20036,
+ "ĠMIT": 20037,
+ "Ġprotections": 20038,
+ "Ġaccounted": 20039,
+ "lined": 20040,
+ "into": 20041,
+ "ĠDownloads": 20042,
+ "ĠCourses": 20043,
+ "enz": 20044,
+ "ĠBag": 20045,
+ "еÑĤ": 20046,
+ "embers": 20047,
+ "ĠChron": 20048,
+ "Ġinterchange": 20049,
+ "ĠSigns": 20050,
+ "ĠMeeting": 20051,
+ "ĠTel": 20052,
+ "Ġintend": 20053,
+ "Ġbeats": 20054,
+ "Help": 20055,
+ "ĠExcell": 20056,
+ "Ġsprink": 20057,
+ "Firstly": 20058,
+ "Invest": 20059,
+ "Ġnons": 20060,
+ "Ġrolls": 20061,
+ "WH": 20062,
+ "izziness": 20063,
+ "ĠâĢºĊ": 20064,
+ "330": 20065,
+ "ĠPalace": 20066,
+ "AE": 20067,
+ "Ġdecis": 20068,
+ "æľī": 20069,
+ "ĠInj": 20070,
+ "irl": 20071,
+ "Ġscripts": 20072,
+ "Ġexpans": 20073,
+ "ĠImplementing": 20074,
+ "Que": 20075,
+ "ashi": 20076,
+ "Ġcarved": 20077,
+ "Ġcurv": 20078,
+ "ĠCities": 20079,
+ "*x": 20080,
+ "/T": 20081,
+ "Abstract": 20082,
+ "Ġmatched": 20083,
+ "UK": 20084,
+ "Ġspherical": 20085,
+ "Ġtraction": 20086,
+ "annah": 20087,
+ "ĠParks": 20088,
+ "Ġendeavor": 20089,
+ "Ġinvestor": 20090,
+ "Reading": 20091,
+ "ĠLanka": 20092,
+ "Ġerr": 20093,
+ "roducts": 20094,
+ "imore": 20095,
+ "ĠGothic": 20096,
+ "Ġnests": 20097,
+ "ĠLas": 20098,
+ "ĠLength": 20099,
+ "Ġmasterpiece": 20100,
+ ">.": 20101,
+ "Ġmutually": 20102,
+ "December": 20103,
+ "Ġworkflow": 20104,
+ "Ġslice": 20105,
+ "Ġfulfillment": 20106,
+ "oluble": 20107,
+ "sover": 20108,
+ "Ġtouched": 20109,
+ "ô": 20110,
+ "ĠPCB": 20111,
+ "Gold": 20112,
+ "ĠExercises": 20113,
+ "Ġuncovered": 20114,
+ "Ġpools": 20115,
+ "Ġrhetoric": 20116,
+ "Ġvitro": 20117,
+ "Similarly": 20118,
+ "Ġpigment": 20119,
+ ".rand": 20120,
+ "ĠDest": 20121,
+ "ĠHob": 20122,
+ "mult": 20123,
+ "Photo": 20124,
+ "Ġshortest": 20125,
+ "ĠNeeds": 20126,
+ "Ġinhibitors": 20127,
+ "ĠSpot": 20128,
+ "bound": 20129,
+ "his": 20130,
+ "Ġtutor": 20131,
+ "Kudos": 20132,
+ "Ġanat": 20133,
+ "ĠNegative": 20134,
+ "total": 20135,
+ ".This": 20136,
+ "raits": 20137,
+ "ignific": 20138,
+ "national": 20139,
+ "Ġsubmar": 20140,
+ "icidal": 20141,
+ "dr": 20142,
+ "eric": 20143,
+ "ĠDh": 20144,
+ "ĠCalculus": 20145,
+ "Ġsie": 20146,
+ "Ġconcludes": 20147,
+ "Ġboss": 20148,
+ "arged": 20149,
+ "ĠAutism": 20150,
+ "Ġspiders": 20151,
+ "ĠMargaret": 20152,
+ "ĠSoph": 20153,
+ "ĠSpiritual": 20154,
+ "ĠGallery": 20155,
+ "essment": 20156,
+ "ĠLibr": 20157,
+ "Ġdepressed": 20158,
+ "Ġlimitation": 20159,
+ "acious": 20160,
+ "Ġcommodity": 20161,
+ "Ġcartilage": 20162,
+ "ĠPMID": 20163,
+ "Ġkits": 20164,
+ "Ġcohort": 20165,
+ ".O": 20166,
+ "ĠPle": 20167,
+ "ECHN": 20168,
+ "Ġnewborn": 20169,
+ "Ġadhering": 20170,
+ "Ġposting": 20171,
+ "(root": 20172,
+ "Ġlatitude": 20173,
+ "Ġdevotion": 20174,
+ "Power": 20175,
+ "ĠMov": 20176,
+ "Ġsealed": 20177,
+ "Ġhemorrh": 20178,
+ ".random": 20179,
+ "ĠAdvis": 20180,
+ "Low": 20181,
+ "ĠOliver": 20182,
+ "ride": 20183,
+ "onts": 20184,
+ "Ġrealization": 20185,
+ "Ġdepicts": 20186,
+ "orian": 20187,
+ "Ġlipid": 20188,
+ "_h": 20189,
+ "ivial": 20190,
+ "overty": 20191,
+ "Ġech": 20192,
+ ".It": 20193,
+ "Ġpupil": 20194,
+ "ĠEur": 20195,
+ "âĢĶthat": 20196,
+ "mentioned": 20197,
+ "beck": 20198,
+ "lass": 20199,
+ "typ": 20200,
+ "Ġalgorithmical": 20201,
+ "Ġsticky": 20202,
+ "Ġgarbage": 20203,
+ "year": 20204,
+ "Ġdelivers": 20205,
+ "Ġencaps": 20206,
+ "ommy": 20207,
+ "Ġmoderation": 20208,
+ "Ġevid": 20209,
+ "Ġqueer": 20210,
+ "ĠArc": 20211,
+ "ĠDifferences": 20212,
+ "thello": 20213,
+ "Ġreductions": 20214,
+ "ocrates": 20215,
+ ".ex": 20216,
+ "Ġinvites": 20217,
+ "Ġoriented": 20218,
+ "ĠSY": 20219,
+ "Ġjar": 20220,
+ "ĠÃł": 20221,
+ "ĠViolence": 20222,
+ "ĠDefining": 20223,
+ "Ġshadows": 20224,
+ "Sep": 20225,
+ "ĠExperts": 20226,
+ "ĠGospel": 20227,
+ "Sl": 20228,
+ "ĠOfficer": 20229,
+ "Ġpork": 20230,
+ "ĠALL": 20231,
+ "ĠPrinciple": 20232,
+ "ĠLay": 20233,
+ "omp": 20234,
+ "egal": 20235,
+ "Self": 20236,
+ "Ġdefence": 20237,
+ "Rad": 20238,
+ "Ġphyt": 20239,
+ "Ġverified": 20240,
+ "Ġevaluations": 20241,
+ "ĠWat": 20242,
+ "headed": 20243,
+ "Ġinherently": 20244,
+ "Environmental": 20245,
+ "Ġjuliet": 20246,
+ "Ġdisl": 20247,
+ "Ġtechnically": 20248,
+ "Ġfibre": 20249,
+ "Ġfirsthand": 20250,
+ "Ġmortgage": 20251,
+ "ĠOrleans": 20252,
+ "whe": 20253,
+ "ت": 20254,
+ "rella": 20255,
+ "Ġdroplets": 20256,
+ "\").": 20257,
+ "Ġskeletal": 20258,
+ "Ġtiger": 20259,
+ "ĠContract": 20260,
+ "Ġmessaging": 20261,
+ "Ġvowel": 20262,
+ "hythm": 20263,
+ "-hah": 20264,
+ "на": 20265,
+ "ĠPic": 20266,
+ "Ġhect": 20267,
+ "edipus": 20268,
+ "oker": 20269,
+ "Ġ${": 20270,
+ "ĠConserv": 20271,
+ "Ġanalyse": 20272,
+ "thereum": 20273,
+ "ĠOklahoma": 20274,
+ "illin": 20275,
+ "Ġremn": 20276,
+ "Ġbachelor": 20277,
+ "Place": 20278,
+ "ĠHouston": 20279,
+ "ĠScand": 20280,
+ "Ġfrontier": 20281,
+ "Ġmating": 20282,
+ "ĠGather": 20283,
+ "ĠASD": 20284,
+ "])ĊĊ": 20285,
+ "Ġcomplaints": 20286,
+ "jection": 20287,
+ "Fore": 20288,
+ "ĠJay": 20289,
+ "ĠAlmost": 20290,
+ "Ġcoordinated": 20291,
+ "astical": 20292,
+ "oxy": 20293,
+ "ortic": 20294,
+ "Ġcredited": 20295,
+ "Ġclimatic": 20296,
+ "Ġbeginnings": 20297,
+ "')čĊ": 20298,
+ "ĠJama": 20299,
+ "-economic": 20300,
+ "Ġdenote": 20301,
+ "CV": 20302,
+ "Ġconverter": 20303,
+ "Ġfutures": 20304,
+ "ĠUsers": 20305,
+ "ĠEff": 20306,
+ "ĠNelson": 20307,
+ "ĠInteractive": 20308,
+ "ĠExpression": 20309,
+ "Ġconvincing": 20310,
+ "_number": 20311,
+ "Ġbis": 20312,
+ "Ġqueue": 20313,
+ "Ġconting": 20314,
+ "ANG": 20315,
+ "Ġcongestion": 20316,
+ "Ġscarcity": 20317,
+ "enez": 20318,
+ "Ġscheduling": 20319,
+ "Ġdiplomatic": 20320,
+ "thy": 20321,
+ "ĠRis": 20322,
+ "ĠOriginally": 20323,
+ "/B": 20324,
+ "olon": 20325,
+ "abolic": 20326,
+ "Ġprojections": 20327,
+ "Ġreversed": 20328,
+ "Psych": 20329,
+ "*Ċ": 20330,
+ "ĠArmed": 20331,
+ "Natural": 20332,
+ "rais": 20333,
+ "Ġcontributors": 20334,
+ "Ġgotten": 20335,
+ "ĠDM": 20336,
+ "Ġequator": 20337,
+ "ĠAfricans": 20338,
+ "Ġsouls": 20339,
+ "Ġqualifications": 20340,
+ "Ġpottery": 20341,
+ "Ġammonia": 20342,
+ "Ġattendance": 20343,
+ "Ġregeneration": 20344,
+ "atar": 20345,
+ "ierra": 20346,
+ "Ġbrake": 20347,
+ "ĠSolid": 20348,
+ "Ġeruption": 20349,
+ "\",Ċ": 20350,
+ "ĠSexual": 20351,
+ "Ġtide": 20352,
+ "ĠMig": 20353,
+ "Ġcomfortably": 20354,
+ "pieces": 20355,
+ "-foot": 20356,
+ "because": 20357,
+ "Ġoverload": 20358,
+ "Ġrunoff": 20359,
+ "Wind": 20360,
+ "Ġhipp": 20361,
+ "Ġhandles": 20362,
+ "ĠSalmon": 20363,
+ "eda": 20364,
+ "your": 20365,
+ "Ġvoted": 20366,
+ "Ġalternating": 20367,
+ "ĠParam": 20368,
+ "Ġpsy": 20369,
+ "RAP": 20370,
+ "âĢĻĊ": 20371,
+ "Ġpolygon": 20372,
+ "Description": 20373,
+ "Ġdisappeared": 20374,
+ "Ġmonuments": 20375,
+ "Sec": 20376,
+ "lia": 20377,
+ "ensional": 20378,
+ "rians": 20379,
+ "Ġprestigious": 20380,
+ "Ġseismic": 20381,
+ "Ġpins": 20382,
+ "Ġaligns": 20383,
+ "Ġwolves": 20384,
+ "209": 20385,
+ "Ġwrapped": 20386,
+ "Ġmounting": 20387,
+ "ĠJenn": 20388,
+ "ĠSAT": 20389,
+ "ĠAdoles": 20390,
+ "sky": 20391,
+ "Ġexposing": 20392,
+ "las": 20393,
+ "Ġnewsletter": 20394,
+ "anthrop": 20395,
+ "ĠDOI": 20396,
+ "Ġbananas": 20397,
+ "Ġbricks": 20398,
+ "Ġpressed": 20399,
+ "-analysis": 20400,
+ "Ġsubscrib": 20401,
+ "Ġquestioned": 20402,
+ "aca": 20403,
+ "Ġmigrants": 20404,
+ "ĠSlow": 20405,
+ "Ġsteadily": 20406,
+ "ĠNile": 20407,
+ "Ġovercoming": 20408,
+ "ĠBehav": 20409,
+ "Ġuk": 20410,
+ "comed": 20411,
+ "calcul": 20412,
+ "Ġм": 20413,
+ "Ġcatching": 20414,
+ "usch": 20415,
+ "Ġscent": 20416,
+ "ĠTrail": 20417,
+ "Ġbreastfeeding": 20418,
+ "Ġcartoon": 20419,
+ "Ġloneliness": 20420,
+ "-winning": 20421,
+ "Ġsuccessive": 20422,
+ "ordon": 20423,
+ "Ġvirgin": 20424,
+ "Ġcylindrical": 20425,
+ ".]": 20426,
+ "Ġdrastically": 20427,
+ "Subject": 20428,
+ "ĠVoice": 20429,
+ "ĠUSD": 20430,
+ "ĠOccup": 20431,
+ "racle": 20432,
+ "ĠRAM": 20433,
+ "ли": 20434,
+ "ĠJohann": 20435,
+ "Ġelong": 20436,
+ "Ġunpredictable": 20437,
+ "Ġkeyword": 20438,
+ "pless": 20439,
+ "Ġambition": 20440,
+ "Ġdominate": 20441,
+ "\"We": 20442,
+ "Ġrecurrent": 20443,
+ "Ġms": 20444,
+ "urers": 20445,
+ "Ġlogo": 20446,
+ "maker": 20447,
+ "ĠCommonwealth": 20448,
+ "ockets": 20449,
+ "ĠActs": 20450,
+ "Ġirony": 20451,
+ "-defined": 20452,
+ "Ġquarters": 20453,
+ "ealous": 20454,
+ "illery": 20455,
+ "ĠChain": 20456,
+ "Ġbackdrop": 20457,
+ "Climate": 20458,
+ "think": 20459,
+ "Ġrevis": 20460,
+ "Ġlupus": 20461,
+ "olph": 20462,
+ "ĠLakes": 20463,
+ "January": 20464,
+ "Ġ()": 20465,
+ "ĠAllied": 20466,
+ "}.": 20467,
+ "Ġworrying": 20468,
+ "esthetic": 20469,
+ "metrical": 20470,
+ "Ġanytime": 20471,
+ "ĠConstruct": 20472,
+ "Ġdrone": 20473,
+ "ĠTamil": 20474,
+ "Ġexpresses": 20475,
+ "Ġbarg": 20476,
+ "oyd": 20477,
+ "Ġsubscription": 20478,
+ "Output": 20479,
+ "ĠImplications": 20480,
+ ".show": 20481,
+ "err": 20482,
+ "Ġbacked": 20483,
+ "ĠRobinson": 20484,
+ "Ġprofessors": 20485,
+ "Books": 20486,
+ "Ġspecification": 20487,
+ "ilk": 20488,
+ "Ġexceeds": 20489,
+ "atson": 20490,
+ "ĠOperation": 20491,
+ "ĠGroups": 20492,
+ "Ġsmiled": 20493,
+ "Ġgrie": 20494,
+ "Ġneglected": 20495,
+ "Ġtolerate": 20496,
+ "ĠCommercial": 20497,
+ "Ġspectacular": 20498,
+ "Ġappointments": 20499,
+ "ÑĨ": 20500,
+ "Ġclearer": 20501,
+ "Ġshowcases": 20502,
+ "Ġasteroid": 20503,
+ "ĠAccept": 20504,
+ "ĠObjectives": 20505,
+ "ĠLiver": 20506,
+ "Ġpenalties": 20507,
+ ".name": 20508,
+ "ĠLoad": 20509,
+ "edical": 20510,
+ "Ġmint": 20511,
+ "Ġpulses": 20512,
+ "ĠFaculty": 20513,
+ "ĠLines": 20514,
+ "Ġillustrating": 20515,
+ "Ġgrandmother": 20516,
+ "Ġmotions": 20517,
+ "ĠDistrib": 20518,
+ "Ġmerit": 20519,
+ "ĠCreation": 20520,
+ "Ġcitrus": 20521,
+ "Ġinexpensive": 20522,
+ "ĠGreater": 20523,
+ "Discover": 20524,
+ "ĠOP": 20525,
+ "irected": 20526,
+ "Ġé": 20527,
+ "ĠSudan": 20528,
+ "oque": 20529,
+ "ĠPred": 20530,
+ "ĠCause": 20531,
+ "initions": 20532,
+ "Ġsimulated": 20533,
+ "Ġsine": 20534,
+ "esting": 20535,
+ "Ġmaker": 20536,
+ "ĠThan": 20537,
+ "Ġminiature": 20538,
+ "ĠVert": 20539,
+ "Period": 20540,
+ "Ġimperfect": 20541,
+ "310": 20542,
+ "Ġnanoparticles": 20543,
+ "Ġshrimp": 20544,
+ "Ġfence": 20545,
+ "Ġsurpass": 20546,
+ "Ġresolving": 20547,
+ "ĠAgg": 20548,
+ "Ġrefuse": 20549,
+ "ĠDin": 20550,
+ "ĠArtists": 20551,
+ "Ġabolition": 20552,
+ "ĠInto": 20553,
+ "ĠACT": 20554,
+ "Ġfeeds": 20555,
+ "ĠRelationship": 20556,
+ "ainted": 20557,
+ "Ġimports": 20558,
+ "Ġdiscern": 20559,
+ "Ġepilepsy": 20560,
+ "otonin": 20561,
+ "Ġpant": 20562,
+ "ĠQuebec": 20563,
+ "orthy": 20564,
+ ">": 20565,
+ "Ġstarch": 20566,
+ "pture": 20567,
+ "ĠLiu": 20568,
+ "Ġgeology": 20569,
+ "ĠDiscovery": 20570,
+ "ĠOdys": 20571,
+ "[x": 20572,
+ "(D": 20573,
+ "ĠBrian": 20574,
+ "Ġplague": 20575,
+ "Ġinstitute": 20576,
+ "Ġpriests": 20577,
+ "Custom": 20578,
+ "ĠTar": 20579,
+ "pur": 20580,
+ "Ġinfinity": 20581,
+ "Ġjustified": 20582,
+ "Ġenclosed": 20583,
+ "foot": 20584,
+ "Ġdull": 20585,
+ "Ġisolate": 20586,
+ "ĠPercent": 20587,
+ "ĠBerkeley": 20588,
+ "-energy": 20589,
+ "Ġfiring": 20590,
+ "ĠDIS": 20591,
+ "Ġmodelling": 20592,
+ "ĠConver": 20593,
+ "****************": 20594,
+ "Ġwore": 20595,
+ ".assert": 20596,
+ "Sk": 20597,
+ "standard": 20598,
+ "Ġmonster": 20599,
+ "inse": 20600,
+ "icion": 20601,
+ "jab": 20602,
+ "ĠLogic": 20603,
+ "Ġweighing": 20604,
+ "Ġunforgettable": 20605,
+ "August": 20606,
+ "ĠBond": 20607,
+ "usable": 20608,
+ "Ġ-*": 20609,
+ "Ġtowers": 20610,
+ "semination": 20611,
+ "Ġyarn": 20612,
+ "ĠWa": 20613,
+ "Ġspecialty": 20614,
+ "ĠEpid": 20615,
+ "ĠColonial": 20616,
+ "Ġwisely": 20617,
+ "Ġqualify": 20618,
+ "Ġmachining": 20619,
+ "Ġ-Ċ": 20620,
+ "rowning": 20621,
+ "ĠRenew": 20622,
+ "eb": 20623,
+ "ustralia": 20624,
+ "apple": 20625,
+ "Ġobserver": 20626,
+ "pathetic": 20627,
+ "aculture": 20628,
+ "ĠKash": 20629,
+ "Ġconquer": 20630,
+ "adata": 20631,
+ "ammy": 20632,
+ "Ġpancreat": 20633,
+ "entine": 20634,
+ "ells": 20635,
+ "ĠDanish": 20636,
+ "Ġtraps": 20637,
+ "ĠObjective": 20638,
+ "Ġscored": 20639,
+ "ĠEight": 20640,
+ "Ġreptiles": 20641,
+ "-new": 20642,
+ "abwe": 20643,
+ "ĠOffer": 20644,
+ "Ġgallon": 20645,
+ "ĠFant": 20646,
+ "Ġspecialize": 20647,
+ "ĠUNESCO": 20648,
+ "Ġmell": 20649,
+ "Ġseniors": 20650,
+ "Ġpopulated": 20651,
+ "ophagus": 20652,
+ "ĠVel": 20653,
+ "ovari": 20654,
+ "Ġpersecution": 20655,
+ "Ġprofitability": 20656,
+ "dec": 20657,
+ "ĠTun": 20658,
+ "Ġaerobic": 20659,
+ "ea": 20660,
+ "ĠAdults": 20661,
+ "Ġlav": 20662,
+ "Computer": 20663,
+ "communications": 20664,
+ "Ġenslaved": 20665,
+ "eltic": 20666,
+ "ountain": 20667,
+ "ĠParts": 20668,
+ "~~~~": 20669,
+ "RT": 20670,
+ "-building": 20671,
+ "ieg": 20672,
+ "ĠKaz": 20673,
+ "Ġassists": 20674,
+ "-trans": 20675,
+ "ĠCycl": 20676,
+ "ĠIncome": 20677,
+ "Ġstriving": 20678,
+ "Ġarmies": 20679,
+ "inav": 20680,
+ "âĨĴ": 20681,
+ "Ġlaboratories": 20682,
+ "ollar": 20683,
+ "Article": 20684,
+ "Eth": 20685,
+ "Ñĸ": 20686,
+ "essage": 20687,
+ "Ġtailor": 20688,
+ "ockingbird": 20689,
+ "Ġunderpin": 20690,
+ "Ġastronauts": 20691,
+ "nu": 20692,
+ "åĬ": 20693,
+ "Alex": 20694,
+ "-size": 20695,
+ "criptive": 20696,
+ "Ġhydration": 20697,
+ "ĠLag": 20698,
+ "Ġ-=": 20699,
+ "ĠEL": 20700,
+ "\"\"\"ĊĊ": 20701,
+ "Ġasbestos": 20702,
+ "ĠMol": 20703,
+ "Ġvoid": 20704,
+ "Ġbelonged": 20705,
+ "utations": 20706,
+ "ĠDa": 20707,
+ "Ġmonaster": 20708,
+ "ĠWorkers": 20709,
+ "ĠBrid": 20710,
+ "Ġrif": 20711,
+ "stery": 20712,
+ "ername": 20713,
+ "Ġannoy": 20714,
+ "Ġpoisonous": 20715,
+ "Ġremotely": 20716,
+ "ĠJoy": 20717,
+ "Ġoverlapping": 20718,
+ "({": 20719,
+ "235": 20720,
+ "æĹ": 20721,
+ "Ġaden": 20722,
+ "agic": 20723,
+ "ĠAV": 20724,
+ "panish": 20725,
+ "Ġhint": 20726,
+ "ĠMaj": 20727,
+ "\\text": 20728,
+ "Ġbetray": 20729,
+ "Ġhotels": 20730,
+ "}_": 20731,
+ "ÑĪ": 20732,
+ "Ġupwards": 20733,
+ "ĠâĪļ": 20734,
+ "Ġans": 20735,
+ "ĠDur": 20736,
+ "Ġcriminals": 20737,
+ "itol": 20738,
+ "Ġwre": 20739,
+ "Ġkiller": 20740,
+ "Ġnurture": 20741,
+ "+y": 20742,
+ "Ġlogs": 20743,
+ "Ġski": 20744,
+ "Rs": 20745,
+ "illation": 20746,
+ "Ġblur": 20747,
+ "Ġideological": 20748,
+ "Ġcommercially": 20749,
+ "Ġlex": 20750,
+ "Within": 20751,
+ "ĠConfederate": 20752,
+ "orative": 20753,
+ "Ġwounded": 20754,
+ "Tim": 20755,
+ "Hey": 20756,
+ "Ġvegetarian": 20757,
+ "Ġward": 20758,
+ "semin": 20759,
+ "adow": 20760,
+ "building": 20761,
+ "Ġblended": 20762,
+ "Ġneurotransmit": 20763,
+ "ĠVent": 20764,
+ "Ġstiffness": 20765,
+ "Ġdaughters": 20766,
+ "ĠSed": 20767,
+ "Ġmarrow": 20768,
+ "ĠLot": 20769,
+ "ĠBabylon": 20770,
+ "Ġorbital": 20771,
+ "Ġexpectation": 20772,
+ "radesh": 20773,
+ "Ġaccred": 20774,
+ "Ġunrelated": 20775,
+ "Sur": 20776,
+ "valid": 20777,
+ "Ġsalvation": 20778,
+ "Dem": 20779,
+ "ĠBring": 20780,
+ "Ġresponds": 20781,
+ "elia": 20782,
+ "umar": 20783,
+ "SL": 20784,
+ "Ġdisciples": 20785,
+ "Ġregimen": 20786,
+ "ĠMoz": 20787,
+ "inators": 20788,
+ "Ġeuro": 20789,
+ "Ġproposition": 20790,
+ "small": 20791,
+ "innamon": 20792,
+ "ĠSL": 20793,
+ "Ġrelay": 20794,
+ "Å¡": 20795,
+ "ĠWOR": 20796,
+ "Practice": 20797,
+ "ĠArduino": 20798,
+ "cot": 20799,
+ "Ġexponent": 20800,
+ "Ġscroll": 20801,
+ "ographers": 20802,
+ "Ġnaming": 20803,
+ "ï¸ı": 20804,
+ "Ġpend": 20805,
+ "Chall": 20806,
+ "Ġhaunt": 20807,
+ "Ġretaining": 20808,
+ "July": 20809,
+ "immer": 20810,
+ "issa": 20811,
+ "Hy": 20812,
+ "conf": 20813,
+ "ocating": 20814,
+ "brush": 20815,
+ "Ġregimes": 20816,
+ "Ġimbalances": 20817,
+ "Ġimpose": 20818,
+ "doms": 20819,
+ "-control": 20820,
+ "ĠMeet": 20821,
+ "Ġanonymous": 20822,
+ "Ġranking": 20823,
+ "Ġliabilities": 20824,
+ "Ġoccurrences": 20825,
+ "September": 20826,
+ "Ġcommissioned": 20827,
+ "ĠPurpose": 20828,
+ "Ġaboard": 20829,
+ "Ġchambers": 20830,
+ "ĠHarris": 20831,
+ "Ġbeams": 20832,
+ "Ġpolitically": 20833,
+ "Ġmobil": 20834,
+ "Ġentrepreneurship": 20835,
+ "Ġgrind": 20836,
+ "ĠStream": 20837,
+ "Ġunderscore": 20838,
+ "Ġstub": 20839,
+ "ĠCoron": 20840,
+ "Ġchlorine": 20841,
+ "Ġaz": 20842,
+ "Ġassistants": 20843,
+ "ĠJuan": 20844,
+ "ĠQuran": 20845,
+ "IGHT": 20846,
+ "Ġdrift": 20847,
+ "Ġutilities": 20848,
+ "Ġconflicting": 20849,
+ "ĠByzantine": 20850,
+ "Ġaeros": 20851,
+ "went": 20852,
+ "ĠmL": 20853,
+ "Ġtoddlers": 20854,
+ "ĠKan": 20855,
+ "Ġfixt": 20856,
+ "Ġdigging": 20857,
+ "ĠRoy": 20858,
+ "Ġjournalists": 20859,
+ "bourne": 20860,
+ "ĠTutorial": 20861,
+ "550": 20862,
+ "Ġenj": 20863,
+ "ĠIntegrate": 20864,
+ "ĠImproved": 20865,
+ "Ġnonetheless": 20866,
+ "\\,": 20867,
+ "Ġweird": 20868,
+ "pliance": 20869,
+ "Ġtenth": 20870,
+ "ĠOrganizations": 20871,
+ "Ġprompting": 20872,
+ "ĠBuff": 20873,
+ "racies": 20874,
+ "ĠâĨij": 20875,
+ "ĠRecognizing": 20876,
+ "Graph": 20877,
+ "-inch": 20878,
+ "Ġuranium": 20879,
+ "content": 20880,
+ "éĢ": 20881,
+ "Ġurge": 20882,
+ "Ġfrogs": 20883,
+ "ivalent": 20884,
+ "ĠSustainability": 20885,
+ "Ġ[[": 20886,
+ "Ġmisconceptions": 20887,
+ "Ġwelcomed": 20888,
+ "split": 20889,
+ "itality": 20890,
+ "rik": 20891,
+ "Ġbeverage": 20892,
+ "Ġfog": 20893,
+ "Ġaudit": 20894,
+ "ĠOutline": 20895,
+ "cession": 20896,
+ "onian": 20897,
+ "Ġlined": 20898,
+ "oba": 20899,
+ "ĠAnthony": 20900,
+ "Ùĩ": 20901,
+ "Ġgeneralized": 20902,
+ "Ġconvict": 20903,
+ "ĠMaintenance": 20904,
+ "ĠDevices": 20905,
+ "onacci": 20906,
+ "ĠBudget": 20907,
+ "ĠJes": 20908,
+ "Ġginger": 20909,
+ "Ġseals": 20910,
+ "NE": 20911,
+ "Ġdeny": 20912,
+ "ĠKarl": 20913,
+ "urities": 20914,
+ "ukary": 20915,
+ "Ġinclined": 20916,
+ "ĠMatt": 20917,
+ "ĠNord": 20918,
+ "Ġsalts": 20919,
+ "Ġgrapple": 20920,
+ "malink": 20921,
+ "Ġdenoted": 20922,
+ "Ġfinest": 20923,
+ "Ġflaws": 20924,
+ "Ġforecasting": 20925,
+ "Ġquoted": 20926,
+ "Ġheader": 20927,
+ "Ġstreamline": 20928,
+ "ĠGuides": 20929,
+ "ĉĉĉĉ": 20930,
+ "history": 20931,
+ "Ġintuition": 20932,
+ "-side": 20933,
+ "rocal": 20934,
+ "Ġhostile": 20935,
+ "roit": 20936,
+ "TIVE": 20937,
+ "Ġpleased": 20938,
+ "\\;": 20939,
+ "urved": 20940,
+ "ĠLLC": 20941,
+ "aphyl": 20942,
+ "ĠKin": 20943,
+ "ĠGot": 20944,
+ "cemia": 20945,
+ "ĠLevels": 20946,
+ "Ġrevenge": 20947,
+ "Ġinhabited": 20948,
+ "Ġimpulse": 20949,
+ "Ġsprings": 20950,
+ "ĠHait": 20951,
+ "Ġdeduct": 20952,
+ "phthal": 20953,
+ "}$,": 20954,
+ "Ġtextiles": 20955,
+ "Ġcv": 20956,
+ "ĠOre": 20957,
+ "ĠDeal": 20958,
+ "ĠIEEE": 20959,
+ "quer": 20960,
+ "ĠShah": 20961,
+ "Ġsulph": 20962,
+ "ĠFine": 20963,
+ "Ġestablishes": 20964,
+ "Ġ[âĢ¦]Ċ": 20965,
+ "Ġwavelengths": 20966,
+ "-sex": 20967,
+ "Ġhypoth": 20968,
+ "214": 20969,
+ "ĠMeasurement": 20970,
+ "ĠInvestment": 20971,
+ ")}{": 20972,
+ "ectar": 20973,
+ "Ġmatt": 20974,
+ "ategories": 20975,
+ "ĠApprox": 20976,
+ "ла": 20977,
+ "ĠFROM": 20978,
+ "Ġoptimized": 20979,
+ "ustainable": 20980,
+ "650": 20981,
+ "Ġdeliberate": 20982,
+ "FIG": 20983,
+ "Ġleaks": 20984,
+ "ĠCollaborative": 20985,
+ "etermination": 20986,
+ "Ġairplane": 20987,
+ "Frame": 20988,
+ "ĠTheatre": 20989,
+ "Ġliters": 20990,
+ "Ġfarther": 20991,
+ "为": 20992,
+ "Ġboosting": 20993,
+ "Ġsorry": 20994,
+ "raining": 20995,
+ "ĠMechanical": 20996,
+ "ĠNiger": 20997,
+ "Ġresembles": 20998,
+ "ĠHoward": 20999,
+ "Ġdenom": 21000,
+ "ĠMira": 21001,
+ "Ġburd": 21002,
+ "Ġtatto": 21003,
+ "ĠRigorous": 21004,
+ "à¥Ģ": 21005,
+ "Ġdestroying": 21006,
+ "ĠMi": 21007,
+ "Compar": 21008,
+ "ĠHalf": 21009,
+ "Connect": 21010,
+ "ĠApollo": 21011,
+ "×Ļ": 21012,
+ "ĠJosh": 21013,
+ ".pop": 21014,
+ "Ġwrist": 21015,
+ "Ġincon": 21016,
+ "-third": 21017,
+ "Ġstretches": 21018,
+ "ĠCopper": 21019,
+ "CAD": 21020,
+ "Ġdimensional": 21021,
+ "Ġdiminished": 21022,
+ "ĠPredict": 21023,
+ "ĠProphet": 21024,
+ "ĠMcK": 21025,
+ "South": 21026,
+ "Ġcapita": 21027,
+ "Ġrecognise": 21028,
+ "Ġ'-": 21029,
+ "Ġinnoc": 21030,
+ "Ġladies": 21031,
+ "witz": 21032,
+ "ertiary": 21033,
+ "illo": 21034,
+ "ĠHollywood": 21035,
+ "aha": 21036,
+ "Ġconquest": 21037,
+ "Ġsyllabus": 21038,
+ "Ġdressed": 21039,
+ "Ġexpands": 21040,
+ "ĠPrivacy": 21041,
+ "Ġmetaph": 21042,
+ "endix": 21043,
+ "Ġthematic": 21044,
+ "Ġsurplus": 21045,
+ "Ġstrangers": 21046,
+ "Ġreconciliation": 21047,
+ "Ġunve": 21048,
+ "Ġendemic": 21049,
+ "Ġtrop": 21050,
+ "ĠUg": 21051,
+ "Ġhardness": 21052,
+ "Ġdors": 21053,
+ "Ġtwins": 21054,
+ "Ġliteral": 21055,
+ "Ġlandmarks": 21056,
+ "-cost": 21057,
+ "ĠFemale": 21058,
+ "idad": 21059,
+ "ĠOrange": 21060,
+ "Ġtuberculosis": 21061,
+ "YCH": 21062,
+ "ctive": 21063,
+ "Ġperennial": 21064,
+ "hum": 21065,
+ "Ġlightly": 21066,
+ "Ġrefrigerator": 21067,
+ "ERING": 21068,
+ "ĠPolar": 21069,
+ "ĠVector": 21070,
+ "Ġbelievers": 21071,
+ "ĠEgyptians": 21072,
+ "ĠStatus": 21073,
+ "Ġerupt": 21074,
+ "Ġblogs": 21075,
+ "211": 21076,
+ "owned": 21077,
+ "Ġreside": 21078,
+ "ĠReduce": 21079,
+ "Air": 21080,
+ "ĠGran": 21081,
+ "ceptive": 21082,
+ "Ġtriangular": 21083,
+ "Ġavoidance": 21084,
+ "ĠATP": 21085,
+ "ĠConnecticut": 21086,
+ "Ġantagon": 21087,
+ "Ġsolo": 21088,
+ "Ġnoises": 21089,
+ "reciation": 21090,
+ "ĠIntegrated": 21091,
+ "Ġsized": 21092,
+ "Getting": 21093,
+ "ĠTourism": 21094,
+ "olics": 21095,
+ "ĠDA": 21096,
+ "Ġlemonade": 21097,
+ "Ġkiss": 21098,
+ "Ġbritish": 21099,
+ "Ġslices": 21100,
+ "Ġpublishers": 21101,
+ "Ġsteal": 21102,
+ "quet": 21103,
+ "Applic": 21104,
+ "iri": 21105,
+ "ographs": 21106,
+ "Ġeditorial": 21107,
+ "Ġdefending": 21108,
+ "Ġsuppression": 21109,
+ "Ġestrogen": 21110,
+ "ĠPatient": 21111,
+ "bad": 21112,
+ "Ġcommodities": 21113,
+ "ituted": 21114,
+ "ĠScre": 21115,
+ "rators": 21116,
+ "Ġladder": 21117,
+ "ĠHost": 21118,
+ "riel": 21119,
+ "Ġdeadline": 21120,
+ "ĠTriangle": 21121,
+ "Parent": 21122,
+ "anch": 21123,
+ "lected": 21124,
+ "ĠSolomon": 21125,
+ "ĠPerspectives": 21126,
+ "Ġcivilians": 21127,
+ "Ġarrives": 21128,
+ "fin": 21129,
+ "Ġupdating": 21130,
+ "Ġsecretion": 21131,
+ "Its": 21132,
+ "ĠAssociate": 21133,
+ "ом": 21134,
+ "ILL": 21135,
+ "Ġsymmetric": 21136,
+ "Ġsewage": 21137,
+ "Ġallocate": 21138,
+ "Ġjury": 21139,
+ "Ġdilemmas": 21140,
+ "Ġinformational": 21141,
+ "ĠAlan": 21142,
+ ")**ĊĊ": 21143,
+ "-four": 21144,
+ "ĠCategory": 21145,
+ "Ġelectoral": 21146,
+ "+x": 21147,
+ "imming": 21148,
+ "Ġdisinfect": 21149,
+ "ĠEmb": 21150,
+ "{a": 21151,
+ "Ġcolonists": 21152,
+ "ĠInequ": 21153,
+ "tically": 21154,
+ "Ġfollic": 21155,
+ "Instead": 21156,
+ "ĠPalestine": 21157,
+ "News": 21158,
+ "Ġpercentages": 21159,
+ "Ġcustomize": 21160,
+ "bey": 21161,
+ "нÑĭ": 21162,
+ "step": 21163,
+ "tees": 21164,
+ "Ġcongen": 21165,
+ "mail": 21166,
+ "Ġbean": 21167,
+ "Ġpackets": 21168,
+ "Ġviewpoint": 21169,
+ "но": 21170,
+ "abad": 21171,
+ "208": 21172,
+ "Ġcrazy": 21173,
+ ")=\\": 21174,
+ "ĠThanksgiving": 21175,
+ "Ġcreatively": 21176,
+ "Ġdropping": 21177,
+ "-St": 21178,
+ "Ġexagger": 21179,
+ "ĠET": 21180,
+ "Ġpads": 21181,
+ "oplas": 21182,
+ "Ġshy": 21183,
+ "Ġgenius": 21184,
+ "ĠMoroc": 21185,
+ "jar": 21186,
+ "Ġadditives": 21187,
+ "Ġ>>>": 21188,
+ "Ġlogin": 21189,
+ "Ġhackers": 21190,
+ "ĠAA": 21191,
+ "agonal": 21192,
+ "ĠNit": 21193,
+ "overnmental": 21194,
+ "Ġcurricula": 21195,
+ "Day": 21196,
+ "IX": 21197,
+ "araoh": 21198,
+ "Ġshake": 21199,
+ "Ġreception": 21200,
+ "ICE": 21201,
+ "\"A": 21202,
+ "GH": 21203,
+ "asury": 21204,
+ "Ġcriterion": 21205,
+ "Additional": 21206,
+ "ĠBuck": 21207,
+ "ĠNik": 21208,
+ "ruits": 21209,
+ "ĠImmune": 21210,
+ "åŃĹ": 21211,
+ "-growing": 21212,
+ "ĠUpdated": 21213,
+ "Ġencompassing": 21214,
+ "prise": 21215,
+ "ostics": 21216,
+ "Ġtails": 21217,
+ "rines": 21218,
+ "Ġruins": 21219,
+ "ĠAw": 21220,
+ "Ġdwarf": 21221,
+ "ĠHoriz": 21222,
+ "_e": 21223,
+ "Ġnesting": 21224,
+ "Ġresidue": 21225,
+ "-water": 21226,
+ "Ïħ": 21227,
+ "________________________________": 21228,
+ "Ġalph": 21229,
+ "Ġreasonably": 21230,
+ "ĠInitially": 21231,
+ "occup": 21232,
+ "Ġvisitor": 21233,
+ "_title": 21234,
+ "Ġrendered": 21235,
+ "ĠiPhone": 21236,
+ "Ġperiodically": 21237,
+ "ĠAlfred": 21238,
+ "Ġfame": 21239,
+ "Ġkilometres": 21240,
+ "ĠDakota": 21241,
+ "ublished": 21242,
+ "Ġdecorated": 21243,
+ "ĠMarshall": 21244,
+ "Ġspontaneous": 21245,
+ "Ġprincip": 21246,
+ "Ġquartz": 21247,
+ "Ġallocated": 21248,
+ "Ġgrading": 21249,
+ "ĠPregn": 21250,
+ "ä¸į": 21251,
+ "ĠEfficiency": 21252,
+ "ĠFlex": 21253,
+ "ND": 21254,
+ "etch": 21255,
+ "Ġarose": 21256,
+ "Ġmonarchy": 21257,
+ "Ġantig": 21258,
+ "Ġtaxation": 21259,
+ "Ġweaker": 21260,
+ "ĠArgument": 21261,
+ "ibling": 21262,
+ "Ġmoss": 21263,
+ "Ġdecipher": 21264,
+ "ĠPhoen": 21265,
+ "Ġtil": 21266,
+ "Ġmatplotlib": 21267,
+ "еÑĢ": 21268,
+ "Ġspans": 21269,
+ "|B": 21270,
+ "Ġbypass": 21271,
+ "Ġformations": 21272,
+ "Ġsmarter": 21273,
+ "Ġtendencies": 21274,
+ "ĠSaturn": 21275,
+ "Ġconcurrent": 21276,
+ "ĠProdu": 21277,
+ "ĠProviding": 21278,
+ "Ġthreaten": 21279,
+ "ĠJos": 21280,
+ "ĠTea": 21281,
+ "Ġforefront": 21282,
+ "AMP": 21283,
+ "Ġaugmented": 21284,
+ "Ġproxy": 21285,
+ "Ġoutward": 21286,
+ "Ġarchive": 21287,
+ "odic": 21288,
+ "iza": 21289,
+ "ĠModeling": 21290,
+ "Ġclauses": 21291,
+ "Keywords": 21292,
+ "ĠAntonio": 21293,
+ "aky": 21294,
+ "Ġproficient": 21295,
+ "Multiple": 21296,
+ "Ġjelly": 21297,
+ "ĠRecently": 21298,
+ "-source": 21299,
+ "Ġdinosaur": 21300,
+ "ophage": 21301,
+ "ĠAnalyze": 21302,
+ "ĠAntarctic": 21303,
+ "elles": 21304,
+ "Ġvintage": 21305,
+ "cephal": 21306,
+ "-car": 21307,
+ "Ġtreaties": 21308,
+ "ĠFilip": 21309,
+ "uber": 21310,
+ "ĠPlastic": 21311,
+ "Ġcardboard": 21312,
+ "Ġparasite": 21313,
+ "Ġmanages": 21314,
+ "enguin": 21315,
+ "MAT": 21316,
+ "iped": 21317,
+ "Ġmultitude": 21318,
+ "asonic": 21319,
+ "otation": 21320,
+ "ĠErn": 21321,
+ "ĠMarie": 21322,
+ "represented": 21323,
+ "Ġdeterioration": 21324,
+ "Ġzeros": 21325,
+ "isciplinary": 21326,
+ "216": 21327,
+ "Energy": 21328,
+ "enic": 21329,
+ "Ġnodded": 21330,
+ "hine": 21331,
+ "urchase": 21332,
+ "د": 21333,
+ "Ġconfess": 21334,
+ "Ġpolynomials": 21335,
+ "Ġredund": 21336,
+ "ĠLatino": 21337,
+ "Ġfixing": 21338,
+ "Ġpreparations": 21339,
+ "Ġcommunist": 21340,
+ "Ġdependency": 21341,
+ "Ġgrammatical": 21342,
+ "ulu": 21343,
+ "ĠBalancing": 21344,
+ "Ġrefugee": 21345,
+ "mass": 21346,
+ "Ġcents": 21347,
+ "iqueness": 21348,
+ "Ġunto": 21349,
+ "Ġvo": 21350,
+ "-war": 21351,
+ "Ġsoften": 21352,
+ "bas": 21353,
+ "Ġbadly": 21354,
+ "idi": 21355,
+ "Ġbalances": 21356,
+ "Medical": 21357,
+ "atra": 21358,
+ "Ġsins": 21359,
+ "Ġsyrup": 21360,
+ "isexual": 21361,
+ "ĠRegist": 21362,
+ "Ġrelaxing": 21363,
+ "Ġleafy": 21364,
+ "Ġtackling": 21365,
+ "Views": 21366,
+ "Ġsuperconduct": 21367,
+ "Ġresolutions": 21368,
+ "Ġoffshore": 21369,
+ "Ġgraphical": 21370,
+ "Ġadjectives": 21371,
+ "Ġobscure": 21372,
+ "ĠHun": 21373,
+ "Ġcorrelations": 21374,
+ "rightarrow": 21375,
+ "Ġunequal": 21376,
+ "iential": 21377,
+ "Ġlent": 21378,
+ "Ġunh": 21379,
+ "Ġcontagious": 21380,
+ "Ġevaporation": 21381,
+ "å¯": 21382,
+ "Ġspill": 21383,
+ "Ġspheres": 21384,
+ "Ġulcers": 21385,
+ "Ġbrightness": 21386,
+ "----ĊĊ": 21387,
+ "ĠAustin": 21388,
+ "Ġwr": 21389,
+ "Ġmisunderstandings": 21390,
+ "Ġinhibit": 21391,
+ "etter": 21392,
+ "Ġgenocide": 21393,
+ "Ġdams": 21394,
+ "urgy": 21395,
+ "ĠOlympics": 21396,
+ "UI": 21397,
+ "ĠBO": 21398,
+ "Ġsores": 21399,
+ "Ġchewing": 21400,
+ "Ġstretched": 21401,
+ "odus": 21402,
+ "anking": 21403,
+ "Ġosteoporosis": 21404,
+ "(row": 21405,
+ "called": 21406,
+ "Ġassured": 21407,
+ "ĠQuadr": 21408,
+ "Ġtravelling": 21409,
+ "Ġcalculates": 21410,
+ "ĠOk": 21411,
+ "Ġcongruent": 21412,
+ "Without": 21413,
+ "ĠEvaluate": 21414,
+ "SQL": 21415,
+ "eva": 21416,
+ "ø": 21417,
+ "ĠExcess": 21418,
+ "ĠTitan": 21419,
+ "Ġvaginal": 21420,
+ "{bmatrix": 21421,
+ "Ġitching": 21422,
+ "ĠPradesh": 21423,
+ "zzy": 21424,
+ "Ġangel": 21425,
+ "Ġfauna": 21426,
+ "Ġhomeowners": 21427,
+ "Ġaph": 21428,
+ "Ġturkey": 21429,
+ "Making": 21430,
+ "Ġworm": 21431,
+ "Ġcoarse": 21432,
+ "Ġsourced": 21433,
+ "ĠRomantic": 21434,
+ "Ġscalp": 21435,
+ "ĠCustomer": 21436,
+ "Ġconstructs": 21437,
+ "Ġcentralized": 21438,
+ "Ġsediments": 21439,
+ "Ġinjustice": 21440,
+ "Ġdistinctions": 21441,
+ "inist": 21442,
+ "Ġamen": 21443,
+ "ĠArchived": 21444,
+ "-led": 21445,
+ "Altern": 21446,
+ "Ġpills": 21447,
+ "Ġrounds": 21448,
+ "Ġacet": 21449,
+ "ĠONE": 21450,
+ "ipple": 21451,
+ "ĠInterestingly": 21452,
+ "Ġok": 21453,
+ "Ġpathology": 21454,
+ "Ġsupplementation": 21455,
+ "}$Ċ": 21456,
+ ".More": 21457,
+ "Ġlabeling": 21458,
+ "full": 21459,
+ "ĠUrdu": 21460,
+ "Ġcache": 21461,
+ "Ġblues": 21462,
+ "Ġdisruptions": 21463,
+ "Ġgenerous": 21464,
+ "Ġcausal": 21465,
+ "market": 21466,
+ "Ġovere": 21467,
+ "anti": 21468,
+ "ĠIsaac": 21469,
+ "ĠVice": 21470,
+ "Ġmerchant": 21471,
+ "Ġcatastrophic": 21472,
+ "Ġfran": 21473,
+ "ĠMeasures": 21474,
+ "ĠIndo": 21475,
+ "ĠMaps": 21476,
+ "Ġsubmer": 21477,
+ "ĠInfluence": 21478,
+ "pox": 21479,
+ "ĠSchedule": 21480,
+ "Ġenlightenment": 21481,
+ "ĠEucl": 21482,
+ "Ġprobable": 21483,
+ "Ġhelic": 21484,
+ "´": 21485,
+ "ckin": 21486,
+ "ĠThai": 21487,
+ "asket": 21488,
+ "Ġshoe": 21489,
+ "Ġpaved": 21490,
+ "Ġtoothp": 21491,
+ "acre": 21492,
+ "Ġtutors": 21493,
+ "Ġabsurd": 21494,
+ "Ġlions": 21495,
+ "Ġyearly": 21496,
+ "215": 21497,
+ "ëĭ": 21498,
+ "ĠVienna": 21499,
+ "Ġstressors": 21500,
+ "Ġestimating": 21501,
+ "ĠVerm": 21502,
+ "Ġresearched": 21503,
+ "public": 21504,
+ "anding": 21505,
+ "ĠčĊ": 21506,
+ "Ġ'__": 21507,
+ "ĠâĦ": 21508,
+ "-Life": 21509,
+ "oft": 21510,
+ "|The": 21511,
+ "ĠRT": 21512,
+ "Ġvibrations": 21513,
+ "Ġlou": 21514,
+ "/kg": 21515,
+ "auer": 21516,
+ "Ġarchives": 21517,
+ "ĠWere": 21518,
+ "Ġsurname": 21519,
+ "Ġjudgments": 21520,
+ "ablished": 21521,
+ "Ġfeminine": 21522,
+ "Ġreminis": 21523,
+ "-mod": 21524,
+ "Ġlocom": 21525,
+ "ellectual": 21526,
+ "Ġvendors": 21527,
+ "Ġassisting": 21528,
+ "permalink": 21529,
+ "Ġprede": 21530,
+ "rak": 21531,
+ "azi": 21532,
+ "Ġconfirmation": 21533,
+ "Ġhired": 21534,
+ "Ġfeud": 21535,
+ "Ġbil": 21536,
+ "ĠParad": 21537,
+ "bots": 21538,
+ "hoe": 21539,
+ "ĠSeg": 21540,
+ "ĠTrain": 21541,
+ "sa": 21542,
+ "Ġnursery": 21543,
+ "ergic": 21544,
+ "Port": 21545,
+ "ĠMorgan": 21546,
+ "Mac": 21547,
+ "Ġhumility": 21548,
+ "Ġdeceased": 21549,
+ "æł": 21550,
+ "creation": 21551,
+ "ovirus": 21552,
+ "-im": 21553,
+ "Ġdawn": 21554,
+ "Ġextracts": 21555,
+ "Ġbreach": 21556,
+ "Ġbedtime": 21557,
+ "ĠLaser": 21558,
+ "Ġprescribe": 21559,
+ "Ġregulates": 21560,
+ "ĠIncrease": 21561,
+ "Ġafrica": 21562,
+ "ĠBry": 21563,
+ "cribing": 21564,
+ "Ġfetus": 21565,
+ "ĠÏĥ": 21566,
+ "Ġbrass": 21567,
+ "Ġmisuse": 21568,
+ "Ġjail": 21569,
+ "Ġeurope": 21570,
+ "Ġhemisphere": 21571,
+ "Ġairway": 21572,
+ "mos": 21573,
+ "Bar": 21574,
+ "Ġphysicists": 21575,
+ "Ġcinema": 21576,
+ "inars": 21577,
+ "ĠEthereum": 21578,
+ "Sam": 21579,
+ "ofer": 21580,
+ "Video": 21581,
+ "ĠCow": 21582,
+ "Ġyang": 21583,
+ "ĠPdf": 21584,
+ "UTERS": 21585,
+ "ĠRio": 21586,
+ "MT": 21587,
+ "ç¬": 21588,
+ "Ur": 21589,
+ "inas": 21590,
+ "Ġ=Ċ": 21591,
+ "Ġelevate": 21592,
+ "Ġenjoys": 21593,
+ "Ġdictionaries": 21594,
+ "Pal": 21595,
+ "Ġsmokers": 21596,
+ "Ġleague": 21597,
+ "ĠFR": 21598,
+ "Ġimmersion": 21599,
+ "ĠNevada": 21600,
+ "ĠNam": 21601,
+ "ĠModule": 21602,
+ "Ġsuperficial": 21603,
+ "Ġromeo": 21604,
+ "geries": 21605,
+ ".data": 21606,
+ "Put": 21607,
+ "-evolving": 21608,
+ "Child": 21609,
+ "/N": 21610,
+ "Ġcollisions": 21611,
+ "BER": 21612,
+ "Ġreplicate": 21613,
+ "ĠRO": 21614,
+ "Emb": 21615,
+ "Ġfrustrated": 21616,
+ "Ġcolder": 21617,
+ "Symptoms": 21618,
+ "ĠDys": 21619,
+ "phony": 21620,
+ "Ġprovincial": 21621,
+ "plain": 21622,
+ "-review": 21623,
+ "ĠInteresting": 21624,
+ "Ġretailers": 21625,
+ "Ġexcerpt": 21626,
+ "osit": 21627,
+ "iang": 21628,
+ "ĠPublisher": 21629,
+ "Ġdifferentiated": 21630,
+ "ussions": 21631,
+ "Ġeighth": 21632,
+ "yroidism": 21633,
+ "ĠFel": 21634,
+ "Ġconstants": 21635,
+ "ĠHz": 21636,
+ "ĠReform": 21637,
+ "ÂĿÂij": 21638,
+ "upper": 21639,
+ "ĠHungary": 21640,
+ "Ġnotebook": 21641,
+ "ĠString": 21642,
+ "conomics": 21643,
+ "Ġvirtues": 21644,
+ "Ġdont": 21645,
+ "prints": 21646,
+ "ĠNazis": 21647,
+ "atas": 21648,
+ "Ġfeast": 21649,
+ "heads": 21650,
+ "ĠRussell": 21651,
+ "Hand": 21652,
+ "size": 21653,
+ "ĠEnlightenment": 21654,
+ "Ġspectroscopy": 21655,
+ "Ġcharacterize": 21656,
+ "Ġpolyg": 21657,
+ "Ġanalogy": 21658,
+ "Rob": 21659,
+ "Ġна": 21660,
+ "ĠAcross": 21661,
+ "ĠRoberts": 21662,
+ ")?": 21663,
+ "ĠCollaboration": 21664,
+ "ervers": 21665,
+ "carbon": 21666,
+ "ĠLucy": 21667,
+ "ĠPF": 21668,
+ "/a": 21669,
+ "merse": 21670,
+ "only": 21671,
+ "enson": 21672,
+ "ĠExpect": 21673,
+ "ĠBishop": 21674,
+ "Treatment": 21675,
+ "ĠCou": 21676,
+ "Ġobstacle": 21677,
+ "Ġbiased": 21678,
+ "Ġgrappling": 21679,
+ "Ġ÷": 21680,
+ "á¸": 21681,
+ "ocused": 21682,
+ "rc": 21683,
+ "Ġshelves": 21684,
+ "lexia": 21685,
+ "Ġdash": 21686,
+ "Ġstolen": 21687,
+ "Ġfel": 21688,
+ "Ġcollector": 21689,
+ "ĠSweet": 21690,
+ "Pol": 21691,
+ "asse": 21692,
+ "Ġmorb": 21693,
+ "ĠPollution": 21694,
+ "ulose": 21695,
+ "ĠHorse": 21696,
+ "Ġmonitors": 21697,
+ "Tree": 21698,
+ "idepress": 21699,
+ "ĠAccessed": 21700,
+ "ĠWalker": 21701,
+ "\\frac": 21702,
+ ".php": 21703,
+ "Ġsurrender": 21704,
+ "Ġfaithful": 21705,
+ "Ġphotographers": 21706,
+ "Ġflourish": 21707,
+ "ĠSky": 21708,
+ "207": 21709,
+ "derived": 21710,
+ "Ġfluency": 21711,
+ "Ġhierarchical": 21712,
+ "Ġvigilant": 21713,
+ "ĠGaussian": 21714,
+ "END": 21715,
+ "Ġabsorbing": 21716,
+ "Ġteenager": 21717,
+ "Ġ_____": 21718,
+ "licted": 21719,
+ "common": 21720,
+ "Ġankle": 21721,
+ "Ġpioneering": 21722,
+ "Ġtensor": 21723,
+ "assed": 21724,
+ "ivariate": 21725,
+ ",x": 21726,
+ "ĠRespect": 21727,
+ "Ġcact": 21728,
+ "Ġvas": 21729,
+ "ĠWelsh": 21730,
+ "uela": 21731,
+ "piratory": 21732,
+ "ĠAcqu": 21733,
+ "Ġantimicrobial": 21734,
+ "âĶĢ": 21735,
+ "Ġnaked": 21736,
+ "Ġgrazing": 21737,
+ "Ġjunior": 21738,
+ "Ġfundamentally": 21739,
+ "erobic": 21740,
+ "ĠTab": 21741,
+ "Ġ": 21742,
+ "Ġshiny": 21743,
+ "ĠChanging": 21744,
+ "dig": 21745,
+ "Ġmites": 21746,
+ "imentary": 21747,
+ "Ġrecession": 21748,
+ "oing": 21749,
+ "outheastern": 21750,
+ "Ġspecializing": 21751,
+ "positions": 21752,
+ "Ġfabrication": 21753,
+ "lov": 21754,
+ "Ġvitality": 21755,
+ "ĠGirl": 21756,
+ "Ġclearing": 21757,
+ "-sided": 21758,
+ "Ġâī¥": 21759,
+ "Color": 21760,
+ "Frequently": 21761,
+ "Ġsqrt": 21762,
+ "ĠWant": 21763,
+ "ABLE": 21764,
+ "Ġdaylight": 21765,
+ "WHO": 21766,
+ "Ġiteration": 21767,
+ "ĠEP": 21768,
+ "Ġcollaborations": 21769,
+ "Ġpronouns": 21770,
+ "ĠThemes": 21771,
+ "Ġbuses": 21772,
+ "Ġenum": 21773,
+ "Ġpenetration": 21774,
+ "Ġtraded": 21775,
+ "November": 21776,
+ "Ġnewest": 21777,
+ "icine": 21778,
+ "ixon": 21779,
+ "ĠMend": 21780,
+ "ĠGA": 21781,
+ "Ġspike": 21782,
+ "Ġgraduated": 21783,
+ "ĠThreat": 21784,
+ "ĠNorwegian": 21785,
+ "Ġprow": 21786,
+ "Ġfeared": 21787,
+ "OUR": 21788,
+ "onge": 21789,
+ "Mind": 21790,
+ "-consuming": 21791,
+ "Ġelusive": 21792,
+ "blems": 21793,
+ "gging": 21794,
+ "Ġpandas": 21795,
+ "æ³": 21796,
+ "Ġtokens": 21797,
+ "Cost": 21798,
+ "Ġcage": 21799,
+ "Ġsimultaneous": 21800,
+ "Jun": 21801,
+ "Ġchess": 21802,
+ "String": 21803,
+ "Ġpilots": 21804,
+ "ĠRailroad": 21805,
+ "Ġcourtesy": 21806,
+ "orf": 21807,
+ "adians": 21808,
+ "Stat": 21809,
+ "Ġtransforms": 21810,
+ "ðĿĴ": 21811,
+ "Publisher": 21812,
+ "ĠPray": 21813,
+ "ricanes": 21814,
+ "ACH": 21815,
+ "ĠVolunt": 21816,
+ "Ġdespair": 21817,
+ "Ġplumbing": 21818,
+ "ungle": 21819,
+ "Ġeditions": 21820,
+ "Ġenlist": 21821,
+ "ELL": 21822,
+ "Ġgrasses": 21823,
+ "ĠFear": 21824,
+ "Ġstrategically": 21825,
+ "ĠRapid": 21826,
+ "sections": 21827,
+ "Ġbasal": 21828,
+ "ĠRevolutionary": 21829,
+ "door": 21830,
+ "iour": 21831,
+ "ĠNEW": 21832,
+ "ж": 21833,
+ "ĠGenetics": 21834,
+ "ĠCounsel": 21835,
+ "Ġyoungest": 21836,
+ "David": 21837,
+ "uer": 21838,
+ "acchar": 21839,
+ "arta": 21840,
+ "Super": 21841,
+ "ĠIQ": 21842,
+ "Ġsymbolize": 21843,
+ "Ġê": 21844,
+ "Ġanalysed": 21845,
+ "ĠTransition": 21846,
+ "Ġwarriors": 21847,
+ "Age": 21848,
+ "Ġtextual": 21849,
+ "ĠINT": 21850,
+ "${\\": 21851,
+ "Ġdeadlines": 21852,
+ "ĠUl": 21853,
+ "221": 21854,
+ "Ġwarnings": 21855,
+ "Ġdonation": 21856,
+ "252": 21857,
+ ".split": 21858,
+ "ĠGy": 21859,
+ "join": 21860,
+ "ĠBeth": 21861,
+ "ĠStev": 21862,
+ "asonry": 21863,
+ "ĠStrategic": 21864,
+ "often": 21865,
+ "Ġubiquit": 21866,
+ ".htm": 21867,
+ "Ġduck": 21868,
+ "Ġbookst": 21869,
+ "Ġgrids": 21870,
+ "icularly": 21871,
+ "Ġembryo": 21872,
+ "-confidence": 21873,
+ "urious": 21874,
+ ")))Ċ": 21875,
+ "Ġdeterminants": 21876,
+ "ĠEmma": 21877,
+ "480": 21878,
+ "Ġsuffix": 21879,
+ "reng": 21880,
+ "utory": 21881,
+ "Ġcomposing": 21882,
+ "Ġcirculating": 21883,
+ "rett": 21884,
+ "ĠExperimental": 21885,
+ "Enc": 21886,
+ "ĠPerspective": 21887,
+ "Ġcrypto": 21888,
+ "Ġgems": 21889,
+ "ĠKle": 21890,
+ "Ġbikes": 21891,
+ "Ġenacted": 21892,
+ "\"This": 21893,
+ "ĠWhatever": 21894,
+ "Ġsummit": 21895,
+ "ĠColombia": 21896,
+ "Ġplacebo": 21897,
+ "Ġbother": 21898,
+ "icating": 21899,
+ "Phot": 21900,
+ "Ġblindness": 21901,
+ "System": 21902,
+ "Ġillusion": 21903,
+ "Ġdiagnoses": 21904,
+ "iruses": 21905,
+ "Ġshrub": 21906,
+ "Ġnegotiate": 21907,
+ "hattan": 21908,
+ "ĠSuggest": 21909,
+ "Ġgraft": 21910,
+ "Ġpsychotherapy": 21911,
+ "ĠLinked": 21912,
+ "ressure": 21913,
+ "King": 21914,
+ "Ġtant": 21915,
+ "004": 21916,
+ "Ġcomposer": 21917,
+ "Lim": 21918,
+ "ĠKam": 21919,
+ "Length": 21920,
+ "Ġrecomb": 21921,
+ "ĠAttribution": 21922,
+ "GL": 21923,
+ "Ġmaximizing": 21924,
+ "ogenetic": 21925,
+ "ĠAch": 21926,
+ "Ġmentor": 21927,
+ "åľ¨": 21928,
+ "ĠRational": 21929,
+ "Young": 21930,
+ "ĠNarrative": 21931,
+ "Ġprocessors": 21932,
+ "Ġobl": 21933,
+ "Ġscaff": 21934,
+ "-site": 21935,
+ "Ġpetition": 21936,
+ "Ġpuppy": 21937,
+ "February": 21938,
+ "Ġassimilation": 21939,
+ "ĠBound": 21940,
+ "Ġcompetencies": 21941,
+ "ĠPearson": 21942,
+ "-age": 21943,
+ "Ġindian": 21944,
+ "Ġarriving": 21945,
+ "Sal": 21946,
+ "Ġconfronted": 21947,
+ "'(": 21948,
+ "tuce": 21949,
+ "Ġricher": 21950,
+ "Ġviewer": 21951,
+ "ĠOperating": 21952,
+ "Yet": 21953,
+ "ĠBiod": 21954,
+ "except": 21955,
+ "Ġcaterpill": 21956,
+ "ĠCAD": 21957,
+ "Ġsilica": 21958,
+ "Ġgarn": 21959,
+ "ĠBir": 21960,
+ "irie": 21961,
+ "Ġhunters": 21962,
+ "Ġhedge": 21963,
+ "ĠUses": 21964,
+ "ĠCatherine": 21965,
+ "abol": 21966,
+ "ecd": 21967,
+ "\";": 21968,
+ "ĠWel": 21969,
+ "Ġgraphe": 21970,
+ "Ġeras": 21971,
+ "ĠHud": 21972,
+ "Ġfluoride": 21973,
+ "$$.": 21974,
+ "relation": 21975,
+ "ĠRequirements": 21976,
+ "ĠUkrainian": 21977,
+ "onomic": 21978,
+ "Ġoul": 21979,
+ "Guid": 21980,
+ "Ġtestimony": 21981,
+ "Taking": 21982,
+ "esh": 21983,
+ "ĠRaw": 21984,
+ "Ġarrows": 21985,
+ "Ġtravers": 21986,
+ "Ġaftermath": 21987,
+ "ĠSuccessful": 21988,
+ "ĠGirls": 21989,
+ "BP": 21990,
+ "Ġprosec": 21991,
+ "ĠAdvance": 21992,
+ ".k": 21993,
+ "Ġdizziness": 21994,
+ "Basic": 21995,
+ "Ġfisheries": 21996,
+ "Ġphysicist": 21997,
+ "ĠCards": 21998,
+ "Ġà¤ķ": 21999,
+ "oscopy": 22000,
+ "233": 22001,
+ "Ġpursued": 22002,
+ "IZ": 22003,
+ "roduced": 22004,
+ "ylene": 22005,
+ "Ġdopamine": 22006,
+ "Ġtel": 22007,
+ "ĠCV": 22008,
+ "Ġworsen": 22009,
+ "Ġupgrade": 22010,
+ "Ġneutr": 22011,
+ "Ġfiltered": 22012,
+ "Del": 22013,
+ "ĠAtmosp": 22014,
+ "imet": 22015,
+ "Ġresidues": 22016,
+ "gate": 22017,
+ "clock": 22018,
+ "Ġpeel": 22019,
+ "ĠComponents": 22020,
+ "utrient": 22021,
+ "early": 22022,
+ "Ġirres": 22023,
+ "Ġmucus": 22024,
+ "Pot": 22025,
+ "Ġreadiness": 22026,
+ "Ġdoubts": 22027,
+ "Ġtrademark": 22028,
+ "tymology": 22029,
+ "Ġimperialism": 22030,
+ "ĠHep": 22031,
+ "ĠLives": 22032,
+ "Information": 22033,
+ "ĠUtilizing": 22034,
+ "Ġaston": 22035,
+ "Ġendure": 22036,
+ "Ġmetast": 22037,
+ "Ġdestiny": 22038,
+ "ĠFrequency": 22039,
+ "seus": 22040,
+ "Ġengineered": 22041,
+ "}[": 22042,
+ "ĠCorrect": 22043,
+ "iem": 22044,
+ "Ġportal": 22045,
+ "respond": 22046,
+ "ä¸Ģ个": 22047,
+ "ĠSEO": 22048,
+ "];": 22049,
+ "ĠGast": 22050,
+ "Ġweighted": 22051,
+ "-aut": 22052,
+ "Ġlegumes": 22053,
+ "ĠSentence": 22054,
+ "inqu": 22055,
+ "create": 22056,
+ "asian": 22057,
+ "Ġrenov": 22058,
+ "Ġassurance": 22059,
+ "Ġnectar": 22060,
+ "igers": 22061,
+ "ĠConvers": 22062,
+ "Ġservants": 22063,
+ "Ġgifted": 22064,
+ "+'": 22065,
+ "uccessful": 22066,
+ "ĠCome": 22067,
+ "Sil": 22068,
+ "Sol": 22069,
+ "Ġnorthwest": 22070,
+ "Ġheadquarters": 22071,
+ "Ġsolitary": 22072,
+ "ĠBeginning": 22073,
+ "Ġailments": 22074,
+ "inked": 22075,
+ "YS": 22076,
+ "/F": 22077,
+ "ĠNI": 22078,
+ "Ġcompuls": 22079,
+ "gi": 22080,
+ "âĢľHow": 22081,
+ "Ġpioneer": 22082,
+ "ancer": 22083,
+ "ĠBus": 22084,
+ "ĠNS": 22085,
+ "-work": 22086,
+ "ĠPad": 22087,
+ "elli": 22088,
+ "Ġfootage": 22089,
+ "Ġwhis": 22090,
+ "Exp": 22091,
+ "Ġlatt": 22092,
+ "veland": 22093,
+ "ĠPolic": 22094,
+ "ansom": 22095,
+ "ĠCongo": 22096,
+ "Ġdemographics": 22097,
+ "Ġaccommodation": 22098,
+ "Ġadvertisements": 22099,
+ "Ġretina": 22100,
+ "Ġcass": 22101,
+ "Small": 22102,
+ "%).": 22103,
+ "Ġhemat": 22104,
+ "ĠTag": 22105,
+ "voc": 22106,
+ "Ġcasc": 22107,
+ "ĠReferences": 22108,
+ "Ġmigrate": 22109,
+ "ĠClay": 22110,
+ "Ġmeticulous": 22111,
+ "Ġbounded": 22112,
+ "Ġilluminate": 22113,
+ "Ġanomalies": 22114,
+ "uart": 22115,
+ "Ġvoyage": 22116,
+ "Lead": 22117,
+ "ĠLyn": 22118,
+ "ÅĤ": 22119,
+ "Ġrecycle": 22120,
+ "Ġexchanged": 22121,
+ "Ġcohesion": 22122,
+ "ĠSally": 22123,
+ "Ġregulators": 22124,
+ "Ġcrowded": 22125,
+ "ĠIBM": 22126,
+ "ĠGeographic": 22127,
+ "hibition": 22128,
+ "Space": 22129,
+ "Ġgraphene": 22130,
+ "sym": 22131,
+ "Ġoriginate": 22132,
+ "ivable": 22133,
+ "Hyd": 22134,
+ "aning": 22135,
+ "Ġprimes": 22136,
+ "Studies": 22137,
+ "bach": 22138,
+ "North": 22139,
+ "Ġnuclei": 22140,
+ "Ġpivot": 22141,
+ "Never": 22142,
+ "NF": 22143,
+ "±": 22144,
+ "301": 22145,
+ "Christian": 22146,
+ "ог": 22147,
+ "rawn": 22148,
+ "Ġrape": 22149,
+ "Ġpredictable": 22150,
+ "Ġtransferring": 22151,
+ "Afric": 22152,
+ "Ġmarsh": 22153,
+ "âĢľThis": 22154,
+ "Ġtransformer": 22155,
+ "Ġspinach": 22156,
+ "Ġtended": 22157,
+ "Ġfeminism": 22158,
+ "ĠReduction": 22159,
+ "acteria": 22160,
+ "Ġintros": 22161,
+ "lecting": 22162,
+ "Ġmainland": 22163,
+ "ĠENGINE": 22164,
+ "ĠBreat": 22165,
+ "Ġintolerance": 22166,
+ "ĠGon": 22167,
+ "Ġwitnesses": 22168,
+ "Ġpolymers": 22169,
+ "á¹ĩ": 22170,
+ "Ġmonkeys": 22171,
+ "\"?": 22172,
+ "-week": 22173,
+ "\\in": 22174,
+ "ĠLit": 22175,
+ "ĠAle": 22176,
+ "*ĊĊ": 22177,
+ "Ġlaz": 22178,
+ "Ġweighs": 22179,
+ "YCHOLOGY": 22180,
+ "osocial": 22181,
+ ".write": 22182,
+ ".val": 22183,
+ "Ġepoch": 22184,
+ "Ġscalar": 22185,
+ "ĠKath": 22186,
+ "iculty": 22187,
+ "-thirds": 22188,
+ "ĠJonathan": 22189,
+ "-app": 22190,
+ "ĠGalile": 22191,
+ "Ġexpressive": 22192,
+ "ĠHills": 22193,
+ "Ġnominal": 22194,
+ "Ġdisagreements": 22195,
+ "Ġcalming": 22196,
+ "Ġmagnets": 22197,
+ "Ġrearr": 22198,
+ "osomes": 22199,
+ "Ġmangan": 22200,
+ "rov": 22201,
+ "uria": 22202,
+ "Ġrods": 22203,
+ "Ġstrands": 22204,
+ "Ġwelcoming": 22205,
+ "ĠSuff": 22206,
+ "Ġ',": 22207,
+ "ĠSeattle": 22208,
+ "Ent": 22209,
+ "ĠBurn": 22210,
+ "eners": 22211,
+ "Ġmodifying": 22212,
+ "420": 22213,
+ "Ġacron": 22214,
+ "Ġattacking": 22215,
+ "ĠCher": 22216,
+ "ĠSimpl": 22217,
+ "IGN": 22218,
+ "ĠSpringer": 22219,
+ "leen": 22220,
+ "Ġeleven": 22221,
+ "uez": 22222,
+ "olin": 22223,
+ "Ġswollen": 22224,
+ "Ġpillars": 22225,
+ "ĠPersonality": 22226,
+ "ĠComments": 22227,
+ "Ġrelational": 22228,
+ "Ġstrawberries": 22229,
+ "/D": 22230,
+ "Ġagility": 22231,
+ "Ġcustomary": 22232,
+ "Ġrighteous": 22233,
+ "Ġpossessed": 22234,
+ "erenced": 22235,
+ "Ġsouthwest": 22236,
+ "Ġeconomical": 22237,
+ "prob": 22238,
+ "iably": 22239,
+ "-page": 22240,
+ "ropic": 22241,
+ "Ġelders": 22242,
+ "Ġther": 22243,
+ "ĠLI": 22244,
+ "Ġtimer": 22245,
+ "esters": 22246,
+ "Ġunsafe": 22247,
+ "smanship": 22248,
+ "-bre": 22249,
+ "Ġcandles": 22250,
+ "Ġmanuscripts": 22251,
+ "ĠInform": 22252,
+ "Ġponds": 22253,
+ "Ġgardeners": 22254,
+ "ĠLen": 22255,
+ "Ġsinger": 22256,
+ "Ġgovernmental": 22257,
+ "Ġgospel": 22258,
+ "oodle": 22259,
+ "Ġglaciers": 22260,
+ "Nov": 22261,
+ "Ġstimulates": 22262,
+ "ĠFourier": 22263,
+ "Ġprogresses": 22264,
+ "Ġauthoritative": 22265,
+ "Ġbrutal": 22266,
+ "Ġpolitician": 22267,
+ "LECT": 22268,
+ "Ġcherry": 22269,
+ "Ġcytok": 22270,
+ "-z": 22271,
+ "Ġlap": 22272,
+ "usp": 22273,
+ "Ġspaced": 22274,
+ "Ġrefere": 22275,
+ "ĠTemplate": 22276,
+ "Ġcabinet": 22277,
+ "Ġmerchants": 22278,
+ "Ġalkaline": 22279,
+ "Ġinjected": 22280,
+ "Ġrecount": 22281,
+ "Ġbroccoli": 22282,
+ "Ġstepped": 22283,
+ "ifts": 22284,
+ "Ġmould": 22285,
+ "-fl": 22286,
+ "åį": 22287,
+ "}}$": 22288,
+ "Ġfertilization": 22289,
+ "Ġbeside": 22290,
+ "ĠIncludes": 22291,
+ "Ġultraviolet": 22292,
+ "Ġignorance": 22293,
+ "Ġcornerstone": 22294,
+ "ĠSTUD": 22295,
+ "Su": 22296,
+ "Ġlocalized": 22297,
+ "Ġresonant": 22298,
+ "Ġchampion": 22299,
+ "Ġprehistoric": 22300,
+ "Ġmathematician": 22301,
+ "Ġspare": 22302,
+ "Ġsetbacks": 22303,
+ "Ġfried": 22304,
+ "Ġinaug": 22305,
+ "-controlled": 22306,
+ "ĠSold": 22307,
+ "Ġgenomic": 22308,
+ "Ġcriticized": 22309,
+ "TICAL": 22310,
+ "Ġlamps": 22311,
+ "ĠSale": 22312,
+ "thernet": 22313,
+ "Ġdisrupted": 22314,
+ "Ġcompass": 22315,
+ "Ġprepares": 22316,
+ "Ġpertinent": 22317,
+ "lycer": 22318,
+ "ĠGene": 22319,
+ "ĠGrow": 22320,
+ "Ġpersuade": 22321,
+ "ĠĠĊ": 22322,
+ "Ġonion": 22323,
+ "unny": 22324,
+ "-expression": 22325,
+ "acking": 22326,
+ "fits": 22327,
+ "ĠmRNA": 22328,
+ "agrams": 22329,
+ "cse": 22330,
+ "Ġcatal": 22331,
+ "316": 22332,
+ "PG": 22333,
+ "Ġchords": 22334,
+ "ĠBiography": 22335,
+ "every": 22336,
+ "ĠDow": 22337,
+ "Ġpaving": 22338,
+ "ĠAdvert": 22339,
+ "ĠUSDA": 22340,
+ "ĠAustrian": 22341,
+ "Ġspy": 22342,
+ "Ġbudgeting": 22343,
+ "Ġchristian": 22344,
+ "-read": 22345,
+ "illus": 22346,
+ "Ġsubm": 22347,
+ "Ġreminding": 22348,
+ "Ast": 22349,
+ "Ġoverly": 22350,
+ "heme": 22351,
+ "ĠUpdate": 22352,
+ "ĠAccordingly": 22353,
+ "ĠAlexand": 22354,
+ "ailability": 22355,
+ "Ġoffline": 22356,
+ "Ġnonlinear": 22357,
+ "ĠMercury": 22358,
+ "ĠLeban": 22359,
+ "berty": 22360,
+ "ĠPhill": 22361,
+ "ĠExtension": 22362,
+ "hered": 22363,
+ "rule": 22364,
+ "ĠRein": 22365,
+ "related": 22366,
+ "ĠStri": 22367,
+ "Ġassay": 22368,
+ "Ġspreadsheet": 22369,
+ "ĠTelesc": 22370,
+ "Ġopenness": 22371,
+ "based": 22372,
+ "Ġ[\"": 22373,
+ "ĠNorman": 22374,
+ "ĠResolution": 22375,
+ "Ġslu": 22376,
+ "Ġulcer": 22377,
+ "Ġmour": 22378,
+ "ECHNOLOGY": 22379,
+ "Fi": 22380,
+ "flu": 22381,
+ "âĩĴ": 22382,
+ "ĠComics": 22383,
+ "ĠIdentification": 22384,
+ "sche": 22385,
+ "Ġwoodworking": 22386,
+ "ĠMini": 22387,
+ "ĠCounter": 22388,
+ "achine": 22389,
+ "åĢ": 22390,
+ "ĠSlide": 22391,
+ "Ġmanipulating": 22392,
+ "Ġdeliberately": 22393,
+ "Ġvague": 22394,
+ "anners": 22395,
+ "cf": 22396,
+ "âģ": 22397,
+ "ĠKel": 22398,
+ "ulators": 22399,
+ "ĠYOUR": 22400,
+ "Ġgaze": 22401,
+ "Ġpremises": 22402,
+ "Ġskeleton": 22403,
+ "Ġbeetles": 22404,
+ "Ġpores": 22405,
+ "Ġsheer": 22406,
+ "Ġperformers": 22407,
+ "Ġsor": 22408,
+ "Ġhards": 22409,
+ "ĠExamination": 22410,
+ "ĠCampaign": 22411,
+ "Ġdissemin": 22412,
+ "ĠMcD": 22413,
+ "ĠComparative": 22414,
+ "Ġmarc": 22415,
+ "Mal": 22416,
+ "ĠConvert": 22417,
+ "ĠCash": 22418,
+ "ĠReaders": 22419,
+ "Ġhereditary": 22420,
+ "idable": 22421,
+ "cessing": 22422,
+ "Ġobservational": 22423,
+ "Ġincomp": 22424,
+ "Ġphotovolta": 22425,
+ "Ġharbor": 22426,
+ "ĠTru": 22427,
+ "Suppose": 22428,
+ "Ġbonus": 22429,
+ "340": 22430,
+ "enium": 22431,
+ "IDE": 22432,
+ "-all": 22433,
+ "Ġdownloaded": 22434,
+ "Ġmicrobiome": 22435,
+ "ĠAdvantages": 22436,
+ "Po": 22437,
+ "yst": 22438,
+ "ĠAuthors": 22439,
+ "Ġdebts": 22440,
+ "Ġcurvature": 22441,
+ "Ġeyel": 22442,
+ "ĠLabel": 22443,
+ "ĠSEC": 22444,
+ "Ġprophet": 22445,
+ "232": 22446,
+ "ĠMilk": 22447,
+ "nie": 22448,
+ "Ġbackbone": 22449,
+ "iculture": 22450,
+ "itism": 22451,
+ "ĠExposure": 22452,
+ "ĠWide": 22453,
+ "Ġstool": 22454,
+ "opus": 22455,
+ "ĠStudio": 22456,
+ "Ġracist": 22457,
+ "ĠHair": 22458,
+ "Ġmusician": 22459,
+ "erential": 22460,
+ "âĹı": 22461,
+ "angan": 22462,
+ "Ġdialects": 22463,
+ "Ġuniqueness": 22464,
+ "Ġtemperate": 22465,
+ "Ġimplied": 22466,
+ "Ġinfilt": 22467,
+ "gia": 22468,
+ "ĠCeltic": 22469,
+ "idean": 22470,
+ "Ġtranqu": 22471,
+ "ĠRatio": 22472,
+ "IO": 22473,
+ "than": 22474,
+ "Ġlabs": 22475,
+ "watering": 22476,
+ "ĠCrown": 22477,
+ "ĠEdit": 22478,
+ "Cap": 22479,
+ "Ġbenign": 22480,
+ "Ġpumpkin": 22481,
+ "Ġconquered": 22482,
+ "ALTH": 22483,
+ "ĠFalls": 22484,
+ "Ġlowered": 22485,
+ "cked": 22486,
+ "center": 22487,
+ "Ġplayful": 22488,
+ "ĠHarper": 22489,
+ "ĠRequired": 22490,
+ ")$ĊĊ": 22491,
+ "Special": 22492,
+ "ĠConcrete": 22493,
+ "IES": 22494,
+ "Ġlamin": 22495,
+ "stick": 22496,
+ "Ġcharter": 22497,
+ "NASA": 22498,
+ "Ġrevolutionize": 22499,
+ "ĠFruit": 22500,
+ "Ġsandy": 22501,
+ "Ġscattering": 22502,
+ "ĠMale": 22503,
+ "ĠIranian": 22504,
+ "ĠSport": 22505,
+ "ĠFreud": 22506,
+ "Ġrecharge": 22507,
+ "Ġfortun": 22508,
+ "Ġfores": 22509,
+ "Ġdecent": 22510,
+ "ircle": 22511,
+ "Care": 22512,
+ "ĠFern": 22513,
+ "Ġvest": 22514,
+ "Ġserotonin": 22515,
+ "Ġgrandfather": 22516,
+ "Bo": 22517,
+ "ĠCriminal": 22518,
+ "enh": 22519,
+ "Ġshortages": 22520,
+ "Ġtopical": 22521,
+ "Ġinconsistent": 22522,
+ "-discovery": 22523,
+ "Ġinterd": 22524,
+ "Ġtoddler": 22525,
+ "ĠBarbara": 22526,
+ "ĠElse": 22527,
+ "aan": 22528,
+ "respons": 22529,
+ "Ġsuperst": 22530,
+ "arcer": 22531,
+ "ĠNeural": 22532,
+ "-stage": 22533,
+ "Ġshoots": 22534,
+ "[/": 22535,
+ "Ġoverd": 22536,
+ "Ġadaptable": 22537,
+ "Ġcaf": 22538,
+ "Ġenchanting": 22539,
+ "ĠMunich": 22540,
+ "Ġstrengthened": 22541,
+ "ĠGI": 22542,
+ "Ġindef": 22543,
+ "ĠWorkshop": 22544,
+ "Ġknock": 22545,
+ "Effect": 22546,
+ "ĠRise": 22547,
+ "ĠClar": 22548,
+ "ĠExactly": 22549,
+ "275": 22550,
+ "Ġshout": 22551,
+ "STR": 22552,
+ "ĠForms": 22553,
+ "-white": 22554,
+ "Ġorganised": 22555,
+ "Ġgoodness": 22556,
+ "Ġspokes": 22557,
+ "ĠIM": 22558,
+ "Ġowl": 22559,
+ "ĠTorah": 22560,
+ "=None": 22561,
+ "ĊĠĠĠĠĊ": 22562,
+ "dev": 22563,
+ "ĠTranslation": 22564,
+ "Ġrhyme": 22565,
+ "Ġindicative": 22566,
+ "ril": 22567,
+ "issue": 22568,
+ "ĠImag": 22569,
+ "Ġ(\\": 22570,
+ "Ġprotons": 22571,
+ "Ġdetectors": 22572,
+ "Ġoutdated": 22573,
+ "cott": 22574,
+ "ĠCanal": 22575,
+ "Ġdeparture": 22576,
+ "Ġmellitus": 22577,
+ "Ġcanine": 22578,
+ "Ġcoined": 22579,
+ "ĠEngagement": 22580,
+ "Ġaccommodations": 22581,
+ "ĠSuddenly": 22582,
+ "Ġnortheast": 22583,
+ "Ġinsecurity": 22584,
+ "iami": 22585,
+ "Ġrocky": 22586,
+ "Ġappeals": 22587,
+ "ĠQuarter": 22588,
+ "Ġexecuting": 22589,
+ "Ġpossessions": 22590,
+ "Ġacupuncture": 22591,
+ "ĉdef": 22592,
+ "OGRAP": 22593,
+ "Ġgrandparents": 22594,
+ "Ġowns": 22595,
+ "meal": 22596,
+ "Ġumbrella": 22597,
+ "ĠAlberta": 22598,
+ "Ġcancel": 22599,
+ "Ġmang": 22600,
+ "ĠBA": 22601,
+ "Ġinvestigators": 22602,
+ "owski": 22603,
+ "ĠApproaches": 22604,
+ "Ġencyclopedia": 22605,
+ "Ġmodular": 22606,
+ "(h": 22607,
+ "Ġstringent": 22608,
+ "vier": 22609,
+ "ĉfor": 22610,
+ "arl": 22611,
+ "Ġinitiation": 22612,
+ "Ġcrosses": 22613,
+ "Ġç": 22614,
+ "ĠHimal": 22615,
+ "ĠCant": 22616,
+ "Ġwrest": 22617,
+ "uristic": 22618,
+ "Ġtid": 22619,
+ "ourt": 22620,
+ "Ġcorrected": 22621,
+ "ĠVA": 22622,
+ "Ġcran": 22623,
+ "Ġfreedoms": 22624,
+ "Ġbankrupt": 22625,
+ "ilitating": 22626,
+ "ĠConnections": 22627,
+ "ĠSeeing": 22628,
+ "Ġinhibition": 22629,
+ "ĠGray": 22630,
+ "Ġinterns": 22631,
+ "Ġhonour": 22632,
+ "tained": 22633,
+ "Ġcaste": 22634,
+ "Ġspoon": 22635,
+ "Ġdeformation": 22636,
+ "Ġconfidentiality": 22637,
+ "Ġeventual": 22638,
+ "Ġconsultant": 22639,
+ "ĠDemocracy": 22640,
+ "rell": 22641,
+ "ĠPeters": 22642,
+ "Ġvap": 22643,
+ "Ġesteem": 22644,
+ "Ġdragons": 22645,
+ "Ġsearched": 22646,
+ "ĠRemote": 22647,
+ "Ġcabbage": 22648,
+ "Ġvisions": 22649,
+ "005": 22650,
+ "Ġguards": 22651,
+ "Ġexacerbate": 22652,
+ "Ġreun": 22653,
+ "arus": 22654,
+ "Ġeats": 22655,
+ "ĠRico": 22656,
+ "Ġhomeland": 22657,
+ "ignificant": 22658,
+ "213": 22659,
+ "Ġancestor": 22660,
+ "Fs": 22661,
+ "Ġfeckin": 22662,
+ "apses": 22663,
+ "ARE": 22664,
+ "ĠDNS": 22665,
+ "Ġborrowed": 22666,
+ "ontally": 22667,
+ "epsilon": 22668,
+ "{p": 22669,
+ "Ġmanganese": 22670,
+ "ĠHV": 22671,
+ "Ġreck": 22672,
+ "Ġseller": 22673,
+ "_col": 22674,
+ "anism": 22675,
+ "ĠLever": 22676,
+ "^(": 22677,
+ "Ġba": 22678,
+ "Ġinqu": 22679,
+ "ĠBP": 22680,
+ "Ġterrorist": 22681,
+ "ĠClearly": 22682,
+ "posite": 22683,
+ "ĠLegacy": 22684,
+ "ĠAdop": 22685,
+ "Ġfamilial": 22686,
+ "Ġcoalition": 22687,
+ "ɪ": 22688,
+ "ezing": 22689,
+ "yll": 22690,
+ "Ġripe": 22691,
+ "Ġgraduation": 22692,
+ "Ġancestry": 22693,
+ "ĠLegisl": 22694,
+ "ĠIgn": 22695,
+ "Ġscra": 22696,
+ "Ġmathematicians": 22697,
+ ",c": 22698,
+ "Ġbleedin": 22699,
+ "Ġservant": 22700,
+ "eking": 22701,
+ "ĠCompared": 22702,
+ "Ġsoutheast": 22703,
+ "Area": 22704,
+ "Ġups": 22705,
+ "Grade": 22706,
+ "ĠAid": 22707,
+ ")]Ċ": 22708,
+ "Mass": 22709,
+ "_time": 22710,
+ "Journal": 22711,
+ "Ġquad": 22712,
+ "Ġindustrialization": 22713,
+ "Ġores": 22714,
+ "imacy": 22715,
+ "ĠEmphas": 22716,
+ "Ġfines": 22717,
+ "ĠAnalyzing": 22718,
+ "iosis": 22719,
+ "ĠBM": 22720,
+ "TT": 22721,
+ ")^{": 22722,
+ "ĠADULT": 22723,
+ "254": 22724,
+ "Ġlac": 22725,
+ "Ġphotons": 22726,
+ "heid": 22727,
+ "ĠCosta": 22728,
+ "Ġpurification": 22729,
+ "Ġchefs": 22730,
+ "ĠOriginal": 22731,
+ "ĠSwitch": 22732,
+ "Ġeighteenth": 22733,
+ "Ġundergone": 22734,
+ "ĠClinton": 22735,
+ "alking": 22736,
+ "ĠEmbrace": 22737,
+ "Ġundertake": 22738,
+ "Ġtile": 22739,
+ "Ġsensit": 22740,
+ "orr": 22741,
+ "Ġcamping": 22742,
+ "ĠHA": 22743,
+ "pload": 22744,
+ "Ġlaunching": 22745,
+ "Such": 22746,
+ "Ġvolcanoes": 22747,
+ "ĠRou": 22748,
+ "ĠGovernments": 22749,
+ "ĠEdge": 22750,
+ "oodles": 22751,
+ "Ġiodine": 22752,
+ "Ġbundle": 22753,
+ "Ġcredentials": 22754,
+ "Ġdrove": 22755,
+ "nuts": 22756,
+ "ĠMonte": 22757,
+ "ĠKashmir": 22758,
+ "Ġrigor": 22759,
+ "aten": 22760,
+ "iquette": 22761,
+ "Ġgeomet": 22762,
+ "Ġprobiotics": 22763,
+ "three": 22764,
+ "Ġwaist": 22765,
+ "-saving": 22766,
+ "ĠShan": 22767,
+ "ĠBaltimore": 22768,
+ "ĠRegulations": 22769,
+ "venth": 22770,
+ "Ġcompensate": 22771,
+ "find": 22772,
+ "Ġ\\,": 22773,
+ "Ġrainbow": 22774,
+ "Ġdeform": 22775,
+ "ĠBiol": 22776,
+ "vement": 22777,
+ "ĠScandinav": 22778,
+ "',Ċ": 22779,
+ "unit": 22780,
+ "isha": 22781,
+ "Ġsignatures": 22782,
+ "Ġcertificates": 22783,
+ "ĠLore": 22784,
+ "ophobia": 22785,
+ "Ġelasticity": 22786,
+ "Ġcongenital": 22787,
+ "Ġted": 22788,
+ "orable": 22789,
+ "APTER": 22790,
+ "Ġ(+": 22791,
+ "soon": 22792,
+ "curricular": 22793,
+ "Ġmicroscopy": 22794,
+ "Ġlasers": 22795,
+ "Ġpencils": 22796,
+ "Ġmenopause": 22797,
+ "ĠRural": 22798,
+ "Ġcooled": 22799,
+ "Ġmighty": 22800,
+ "Ġmisleading": 22801,
+ "ĠInventory": 22802,
+ "Ġinorganic": 22803,
+ "ĠSR": 22804,
+ "Ġweaving": 22805,
+ "kets": 22806,
+ "atitis": 22807,
+ "Ġbiographies": 22808,
+ "Ġelectrodes": 22809,
+ "ĠVillage": 22810,
+ "ocular": 22811,
+ "/re": 22812,
+ "Ġneuron": 22813,
+ "CATION": 22814,
+ "Ġpier": 22815,
+ "ĠWik": 22816,
+ "chanical": 22817,
+ "Perhaps": 22818,
+ "ĠJere": 22819,
+ "Ġboom": 22820,
+ "Ġhadn": 22821,
+ "-resolution": 22822,
+ "ĠBaker": 22823,
+ "umbling": 22824,
+ "Ġprofessions": 22825,
+ "Teaching": 22826,
+ "Ġstamps": 22827,
+ "anne": 22828,
+ "(S": 22829,
+ "ĠIdea": 22830,
+ "-generation": 22831,
+ "James": 22832,
+ "Ġbic": 22833,
+ "entric": 22834,
+ "GI": 22835,
+ "Ġpockets": 22836,
+ "Ġwastes": 22837,
+ "Ġbravery": 22838,
+ "Ġskies": 22839,
+ "aho": 22840,
+ "Ġdisturbed": 22841,
+ "Ġcelebrates": 22842,
+ "ĠAlphabet": 22843,
+ "ahl": 22844,
+ "ĠAnatomy": 22845,
+ "ĠHopkins": 22846,
+ "ĠAU": 22847,
+ "Ġoverc": 22848,
+ "VA": 22849,
+ "Ġrap": 22850,
+ "Ġengages": 22851,
+ "users": 22852,
+ "Ġamendments": 22853,
+ "Ġrheumat": 22854,
+ "sea": 22855,
+ "Ġrains": 22856,
+ "ingo": 22857,
+ "ĠLex": 22858,
+ "ĠRu": 22859,
+ "Analy": 22860,
+ "mun": 22861,
+ "Ġcoated": 22862,
+ "ettes": 22863,
+ "Ġprivileges": 22864,
+ "Ġheater": 22865,
+ "ivided": 22866,
+ "Ġcommitting": 22867,
+ "ĠJobs": 22868,
+ "egradable": 22869,
+ "ĠVi": 22870,
+ "Ġlineage": 22871,
+ "Ġchopped": 22872,
+ "Init": 22873,
+ "Ġnationality": 22874,
+ "Ġjurisdictions": 22875,
+ "Ġproc": 22876,
+ "ecome": 22877,
+ "ĠPhotography": 22878,
+ "Avoid": 22879,
+ "Ġstark": 22880,
+ "Ġdonors": 22881,
+ "Ġjunction": 22882,
+ "Ġspat": 22883,
+ "Ġarchaeology": 22884,
+ "Ġconceived": 22885,
+ "Ïī": 22886,
+ "Ġatten": 22887,
+ "Ġmarriages": 22888,
+ "ocyte": 22889,
+ "Ġmulch": 22890,
+ "-sectional": 22891,
+ "Ġsailing": 22892,
+ "ĠCitizens": 22893,
+ "kar": 22894,
+ "ĠMent": 22895,
+ "Ġï£": 22896,
+ "Technology": 22897,
+ "ĠCSS": 22898,
+ "ivating": 22899,
+ "ĠDragon": 22900,
+ "reet": 22901,
+ "Ġbarrel": 22902,
+ "020": 22903,
+ "Ġbenz": 22904,
+ "Ġmeasurable": 22905,
+ "Ġfascination": 22906,
+ "Ġdeficits": 22907,
+ "Ġroofs": 22908,
+ "æŀ": 22909,
+ "ĠPublication": 22910,
+ "ĠWet": 22911,
+ "ĠCertific": 22912,
+ "Master": 22913,
+ "oplasm": 22914,
+ "zema": 22915,
+ "Ġcray": 22916,
+ "Ġlam": 22917,
+ "ĠGent": 22918,
+ "Ġregain": 22919,
+ "Ġaccomplishment": 22920,
+ "Ġnumbered": 22921,
+ "inatory": 22922,
+ "Student": 22923,
+ "âĢĶit": 22924,
+ "Ġaddictive": 22925,
+ "Ġmalnutrition": 22926,
+ "Ġsewing": 22927,
+ "Ġgreener": 22928,
+ "andy": 22929,
+ "Ġdepletion": 22930,
+ "angled": 22931,
+ "ocarbon": 22932,
+ "ïģ": 22933,
+ "Ġtuned": 22934,
+ "¦": 22935,
+ "&D": 22936,
+ "Ġlend": 22937,
+ "Ġjunk": 22938,
+ "Ġspends": 22939,
+ "mate": 22940,
+ "idian": 22941,
+ "Ġpinpoint": 22942,
+ "accur": 22943,
+ "ĠGIS": 22944,
+ "Ġquantify": 22945,
+ "Ġhell": 22946,
+ "ĠFlight": 22947,
+ "ĠProcesses": 22948,
+ "Equal": 22949,
+ "Ġparaph": 22950,
+ "Ġnucleot": 22951,
+ "ĠAwards": 22952,
+ "ĠRegression": 22953,
+ "amentals": 22954,
+ "ĠFigures": 22955,
+ "ĠNicholas": 22956,
+ "ĠENGINEERING": 22957,
+ "Prim": 22958,
+ "Ġmaize": 22959,
+ "ĠFashion": 22960,
+ "Ġapprent": 22961,
+ "Ġbroaden": 22962,
+ "ĠHawaiian": 22963,
+ "Ġprag": 22964,
+ "Ġglut": 22965,
+ "ĠCel": 22966,
+ "essay": 22967,
+ "Ġopera": 22968,
+ "\">": 22969,
+ "Ġhats": 22970,
+ "ĠAvenue": 22971,
+ "ellite": 22972,
+ "Ġtrustworthy": 22973,
+ "nan": 22974,
+ "Ġdeprivation": 22975,
+ "uckle": 22976,
+ "Ep": 22977,
+ "sten": 22978,
+ "Ġcertainty": 22979,
+ "Ġery": 22980,
+ "umped": 22981,
+ "ĠUtilize": 22982,
+ "Ġinvaded": 22983,
+ "Ġmidst": 22984,
+ "ĠGay": 22985,
+ "Ġrainforest": 22986,
+ "Ġscrutiny": 22987,
+ "Ġamericans": 22988,
+ "rifug": 22989,
+ "ĠResil": 22990,
+ "Ġroutinely": 22991,
+ "Ġgenuinely": 22992,
+ "Ġembodied": 22993,
+ "ĠMob": 22994,
+ "ĠKB": 22995,
+ "ĠLearners": 22996,
+ "ĠElectronics": 22997,
+ "Working": 22998,
+ "ivist": 22999,
+ "imbabwe": 23000,
+ "Ġfiref": 23001,
+ "cipline": 23002,
+ "Ġmentors": 23003,
+ "Ġforecasts": 23004,
+ "Determ": 23005,
+ "ĠKant": 23006,
+ "lantic": 23007,
+ "ĠLingu": 23008,
+ "Ġmetamorph": 23009,
+ "ĠYeah": 23010,
+ "ĠRoger": 23011,
+ "Ġescaped": 23012,
+ "Ġcousin": 23013,
+ "dale": 23014,
+ "Ġosm": 23015,
+ "ĠListening": 23016,
+ "Ġboiled": 23017,
+ "utral": 23018,
+ "Ġspeculative": 23019,
+ "Ġbiochemical": 23020,
+ "Ġpreschoolers": 23021,
+ "arah": 23022,
+ "Ġretrieval": 23023,
+ "exper": 23024,
+ "chell": 23025,
+ "block": 23026,
+ "ĠWave": 23027,
+ "Ġpumping": 23028,
+ "Ġdwelling": 23029,
+ "ĠBinary": 23030,
+ "Ġphotographer": 23031,
+ "Ġsponsored": 23032,
+ "Ġtect": 23033,
+ "ĠHSV": 23034,
+ "assing": 23035,
+ "nis": 23036,
+ "ĠSort": 23037,
+ "Ġbombs": 23038,
+ "Ġbluep": 23039,
+ "Ġnap": 23040,
+ "Ġstove": 23041,
+ "abe": 23042,
+ "Ġimpairments": 23043,
+ "Flow": 23044,
+ "ĠCole": 23045,
+ "ĠHealing": 23046,
+ "Ġmars": 23047,
+ "ĠCBSE": 23048,
+ "Ġbrackets": 23049,
+ "owship": 23050,
+ "pool": 23051,
+ "ĠRud": 23052,
+ "Ġindications": 23053,
+ "graph": 23054,
+ "Ġexponents": 23055,
+ "234": 23056,
+ "lest": 23057,
+ "Ġluc": 23058,
+ "termediate": 23059,
+ "Ġdoubled": 23060,
+ "Ġconstraint": 23061,
+ "Ġargu": 23062,
+ "ĠSit": 23063,
+ "Ġannotated": 23064,
+ "teries": 23065,
+ "Ġsemantic": 23066,
+ "ĠThem": 23067,
+ "ĠLiberty": 23068,
+ "Ġseizure": 23069,
+ "Ġadministrator": 23070,
+ "Ġcaptain": 23071,
+ "Ġundertaking": 23072,
+ "-body": 23073,
+ "Ġretrieve": 23074,
+ "ĠScripture": 23075,
+ "ĠAirport": 23076,
+ "DO": 23077,
+ "Ġapplicants": 23078,
+ "Ġappearances": 23079,
+ "Ġpall": 23080,
+ "ĠCoc": 23081,
+ "ituting": 23082,
+ "Ġproposes": 23083,
+ "Ġ________________________": 23084,
+ "roots": 23085,
+ "Contact": 23086,
+ "Summary": 23087,
+ "ĠNFT": 23088,
+ "ĠPlaces": 23089,
+ "Ġwinding": 23090,
+ "Ġintertwined": 23091,
+ "seed": 23092,
+ "ĠPod": 23093,
+ "Ġsocket": 23094,
+ "ĠCreated": 23095,
+ "Ġchiropract": 23096,
+ "Ġcarniv": 23097,
+ "addy": 23098,
+ "Ġ....": 23099,
+ "accept": 23100,
+ "ĠCooper": 23101,
+ ".âĢĶ": 23102,
+ "Ġbedroom": 23103,
+ "ĠMesopotam": 23104,
+ "ĠAssociated": 23105,
+ "Ġreminders": 23106,
+ "Ġchairs": 23107,
+ "ĠGro": 23108,
+ "Ġangels": 23109,
+ "aderie": 23110,
+ "ĠTam": 23111,
+ "araderie": 23112,
+ "ĠStructures": 23113,
+ "Personal": 23114,
+ "Ġfiguring": 23115,
+ "writer": 23116,
+ "ĠRivers": 23117,
+ "Ġliberties": 23118,
+ "Ġsuffers": 23119,
+ "ĠContinuous": 23120,
+ "âĢĶto": 23121,
+ "Ġsecretary": 23122,
+ "ĠIngredients": 23123,
+ "ipper": 23124,
+ "Ġfigured": 23125,
+ "ĠYourself": 23126,
+ "lon": 23127,
+ "Ġker": 23128,
+ "Ġwallet": 23129,
+ ".What": 23130,
+ "Ġproceeds": 23131,
+ "Ġcoop": 23132,
+ "utenant": 23133,
+ "ĠPrinceton": 23134,
+ "die": 23135,
+ "friend": 23136,
+ "pshire": 23137,
+ "Ġbuyer": 23138,
+ "Ġaccidental": 23139,
+ "ĠTE": 23140,
+ "Ġindividuality": 23141,
+ "Ġtransmitting": 23142,
+ "wig": 23143,
+ "Ġprocure": 23144,
+ "cro": 23145,
+ "Ġprominence": 23146,
+ "aco": 23147,
+ "ocations": 23148,
+ "Individual": 23149,
+ "-test": 23150,
+ "-frequency": 23151,
+ "ör": 23152,
+ "Ġamateur": 23153,
+ "TICS": 23154,
+ "ĠParallel": 23155,
+ "Ġcandle": 23156,
+ "Ġgarments": 23157,
+ "ilia": 23158,
+ "aspora": 23159,
+ "ĠLud": 23160,
+ "Ġgoats": 23161,
+ "ĠCuban": 23162,
+ "Ġfavored": 23163,
+ "lining": 23164,
+ "sterdam": 23165,
+ "ĠWITH": 23166,
+ "ahn": 23167,
+ "ĠNumer": 23168,
+ "delta": 23169,
+ "Ġseptic": 23170,
+ "ĠYale": 23171,
+ "ĠArn": 23172,
+ "Cam": 23173,
+ "Ġcured": 23174,
+ "Head": 23175,
+ "ete": 23176,
+ "ANS": 23177,
+ "Professor": 23178,
+ "Ġtoe": 23179,
+ "}+\\": 23180,
+ "protect": 23181,
+ "Ġnicely": 23182,
+ "ĠMia": 23183,
+ "ĠGO": 23184,
+ "Ġfueled": 23185,
+ "ivan": 23186,
+ "Ġconveying": 23187,
+ "Ġteaspoon": 23188,
+ "ogeneity": 23189,
+ "Ġdonations": 23190,
+ "Ġharmonic": 23191,
+ "Originally": 23192,
+ "ĠLion": 23193,
+ "Ġtrades": 23194,
+ "Ġmetropolitan": 23195,
+ "natal": 23196,
+ "Ġairborne": 23197,
+ "Ġthicker": 23198,
+ "Ġmetaphors": 23199,
+ "Ġiterations": 23200,
+ "}$.": 23201,
+ "ĠPant": 23202,
+ "ĠWear": 23203,
+ "ĠBlockchain": 23204,
+ "ĠFol": 23205,
+ "ĠAttention": 23206,
+ "ĠIncreasing": 23207,
+ "Historical": 23208,
+ "Ġdiscol": 23209,
+ "French": 23210,
+ "231": 23211,
+ "Ġalloys": 23212,
+ "ĠBreast": 23213,
+ "Ġ_{": 23214,
+ "Ġscand": 23215,
+ "Ġagrees": 23216,
+ "Ġproudly": 23217,
+ "/v": 23218,
+ "War": 23219,
+ "Prom": 23220,
+ "Ġinference": 23221,
+ "Ġbree": 23222,
+ "Ġinvari": 23223,
+ "Ġrodents": 23224,
+ "ĠFew": 23225,
+ "Ġmanure": 23226,
+ "ĠDemonstr": 23227,
+ ".čĊ": 23228,
+ "Ġdeclines": 23229,
+ "rains": 23230,
+ "Ġrepay": 23231,
+ "Ġrecovering": 23232,
+ "Ġprotagonists": 23233,
+ "Ġclocks": 23234,
+ "Ġdiagnosing": 23235,
+ "Ġanesthesia": 23236,
+ "ĠStalin": 23237,
+ "Ġjuices": 23238,
+ "ĠPret": 23239,
+ "Ġfoil": 23240,
+ "Ġ:ĊĊ": 23241,
+ "Ġsporting": 23242,
+ "Ġdistinguishing": 23243,
+ "ĠNHS": 23244,
+ "afety": 23245,
+ "Ġpredator": 23246,
+ "ĠTrauma": 23247,
+ "Ġhopefully": 23248,
+ "Ġpause": 23249,
+ "Ġfeasibility": 23250,
+ "dist": 23251,
+ "Ġprinters": 23252,
+ "Ġsulfate": 23253,
+ "Ġinhal": 23254,
+ "ĠPublishers": 23255,
+ "ĠVenez": 23256,
+ "Ġunexpl": 23257,
+ "Ġprowess": 23258,
+ "NP": 23259,
+ "Ġmelody": 23260,
+ "ĠTanz": 23261,
+ "Ġsurgeons": 23262,
+ "º": 23263,
+ "sted": 23264,
+ "Ġshareholders": 23265,
+ "Ġinventor": 23266,
+ "ĠLabour": 23267,
+ "ĠSeed": 23268,
+ "Ġsalaries": 23269,
+ "ĠEcosystem": 23270,
+ "Ġdissolve": 23271,
+ "Lat": 23272,
+ "iota": 23273,
+ "Ġcamaraderie": 23274,
+ "izards": 23275,
+ "Ġhorizontally": 23276,
+ "|M": 23277,
+ "Ġanecd": 23278,
+ "Ġjealous": 23279,
+ "Ġcortisol": 23280,
+ "ĠSense": 23281,
+ "Ġnanos": 23282,
+ "325": 23283,
+ "以": 23284,
+ "ĠPHP": 23285,
+ "Ġgermination": 23286,
+ "Ġadhesive": 23287,
+ "Ġ'''Ċ": 23288,
+ "Ġtopology": 23289,
+ "Ġtorch": 23290,
+ "Ġzoo": 23291,
+ "Ġexplosive": 23292,
+ "etting": 23293,
+ "Ġapolog": 23294,
+ "Ġpreferably": 23295,
+ "Ġsten": 23296,
+ "Ġchooses": 23297,
+ "chat": 23298,
+ "ĠFailure": 23299,
+ "']Ċ": 23300,
+ "Ġrotor": 23301,
+ "-looking": 23302,
+ "cemic": 23303,
+ "Ġdisreg": 23304,
+ "ĠStructural": 23305,
+ "erated": 23306,
+ "anic": 23307,
+ "luent": 23308,
+ "Ġpenetrate": 23309,
+ "290": 23310,
+ "pherd": 23311,
+ "Ġproceeding": 23312,
+ "Ġsi": 23313,
+ "Ġmanifestation": 23314,
+ "Ġcharcoal": 23315,
+ "Ġlinguistics": 23316,
+ "ĠMechanics": 23317,
+ "Ġannouncement": 23318,
+ "Ġclue": 23319,
+ "ĠHarbor": 23320,
+ "itures": 23321,
+ "Character": 23322,
+ "ĠTheod": 23323,
+ "Ġblurred": 23324,
+ "Blue": 23325,
+ "³": 23326,
+ "Ġsymbolizes": 23327,
+ "Ġlegislature": 23328,
+ "Ġtsunami": 23329,
+ "Oper": 23330,
+ "bee": 23331,
+ "Ġrouting": 23332,
+ "ĠCOL": 23333,
+ "{R": 23334,
+ "Ġmerchand": 23335,
+ "bt": 23336,
+ "-sm": 23337,
+ "Central": 23338,
+ "Ġdeeds": 23339,
+ "ĠFoster": 23340,
+ "unctional": 23341,
+ "Ġcocoa": 23342,
+ "-cal": 23343,
+ "Ġalbeit": 23344,
+ "Ġuploaded": 23345,
+ "hole": 23346,
+ "ĠBrah": 23347,
+ "Ġbudgets": 23348,
+ "Ġunconventional": 23349,
+ "Ġpremise": 23350,
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 23351,
+ "Ġeliminates": 23352,
+ "Ġenriched": 23353,
+ "WA": 23354,
+ "gering": 23355,
+ "Ġng": 23356,
+ ".in": 23357,
+ "entary": 23358,
+ "rylic": 23359,
+ "ISH": 23360,
+ "Ġsurgeries": 23361,
+ "Ġeagerly": 23362,
+ "Ġcalibration": 23363,
+ "nik": 23364,
+ "Ġimmerse": 23365,
+ "Ġinevitably": 23366,
+ "Ġ'/": 23367,
+ "anyon": 23368,
+ "ĠDiagnosis": 23369,
+ "ĠDES": 23370,
+ "त": 23371,
+ "Ġdiplomacy": 23372,
+ "^\\": 23373,
+ "ĠRidge": 23374,
+ ")`": 23375,
+ "Ġsteering": 23376,
+ "Ġneutron": 23377,
+ "Ġ]Ċ": 23378,
+ "essori": 23379,
+ "Ġinvalid": 23380,
+ "Ġworldview": 23381,
+ "Comb": 23382,
+ "olo": 23383,
+ "Ġunderwent": 23384,
+ "Ġmultiples": 23385,
+ "Ġelectrolyte": 23386,
+ "Ġunaware": 23387,
+ "Ġoversight": 23388,
+ "German": 23389,
+ "Ġtechnicians": 23390,
+ "moil": 23391,
+ "ĠHotel": 23392,
+ "rophe": 23393,
+ "ĠBrig": 23394,
+ "ouncing": 23395,
+ "Ġswap": 23396,
+ "ĠNovel": 23397,
+ "ĠFunctional": 23398,
+ "Ġmixtures": 23399,
+ "generational": 23400,
+ "Ġresembling": 23401,
+ "-derived": 23402,
+ "Ġspecifies": 23403,
+ "ĠJS": 23404,
+ "Ġdemonstrations": 23405,
+ "Ġcharming": 23406,
+ "Ġzip": 23407,
+ "Ġhumanities": 23408,
+ "Light": 23409,
+ "ÅĽ": 23410,
+ "aths": 23411,
+ "rights": 23412,
+ "ĠTed": 23413,
+ "ĠREC": 23414,
+ "ĠStein": 23415,
+ "Ġpigments": 23416,
+ "223": 23417,
+ "-supp": 23418,
+ "Ġlava": 23419,
+ "ĠGrass": 23420,
+ "ĠPearl": 23421,
+ "ĠDegree": 23422,
+ "ĠLimit": 23423,
+ "wd": 23424,
+ "Ġdissemination": 23425,
+ "ĠShape": 23426,
+ "ĠTropical": 23427,
+ "levance": 23428,
+ "Ġenriching": 23429,
+ "Department": 23430,
+ "Ġreusable": 23431,
+ "raz": 23432,
+ "ĠUnique": 23433,
+ "Ġhardships": 23434,
+ "ĠGH": 23435,
+ "ĠLisa": 23436,
+ "del": 23437,
+ "rise": 23438,
+ "vet": 23439,
+ "Ġfamiliarity": 23440,
+ "Ġgastric": 23441,
+ "Ġproton": 23442,
+ "Ġure": 23443,
+ "+(": 23444,
+ "Ġpens": 23445,
+ "ĠVII": 23446,
+ "Ġmediums": 23447,
+ "ĠExtra": 23448,
+ "omi": 23449,
+ "ideos": 23450,
+ "Ġbounds": 23451,
+ "ĠLost": 23452,
+ "ĠInsert": 23453,
+ "Ġgrouping": 23454,
+ "Ġadsor": 23455,
+ "Ġhints": 23456,
+ "organized": 23457,
+ "Language": 23458,
+ "ertil": 23459,
+ "Âłdf": 23460,
+ "ructures": 23461,
+ "Ġsocialization": 23462,
+ ",,": 23463,
+ "Ġclergy": 23464,
+ "Ġreacts": 23465,
+ "Ġconstituents": 23466,
+ "ĠHomes": 23467,
+ "Ġtutoring": 23468,
+ "-colored": 23469,
+ "224": 23470,
+ "Ġfranch": 23471,
+ "Ġcoughing": 23472,
+ "Ġurgency": 23473,
+ "idelity": 23474,
+ "Ġsung": 23475,
+ "Ġthereof": 23476,
+ "Ġcraftsmanship": 23477,
+ "Ġsupplying": 23478,
+ "Ġquotient": 23479,
+ "Ġallergens": 23480,
+ "Ġbinomial": 23481,
+ "hored": 23482,
+ "Ġreciprocal": 23483,
+ "Ġbreakthroughs": 23484,
+ "ÑĢи": 23485,
+ "pdf": 23486,
+ "Ġdread": 23487,
+ "ĠRehab": 23488,
+ "ĠAdobe": 23489,
+ "COMP": 23490,
+ "Ġobey": 23491,
+ "Ġstartup": 23492,
+ "Ġresiding": 23493,
+ "Ġexcessively": 23494,
+ "wic": 23495,
+ "ĠEnsuring": 23496,
+ "ĠMontana": 23497,
+ "Ġcleared": 23498,
+ "Ġmultidisciplinary": 23499,
+ "Ġsurveyed": 23500,
+ "Ġprogrammers": 23501,
+ "Ġmercy": 23502,
+ "Ġdebated": 23503,
+ "Ġadmissions": 23504,
+ "Ġacre": 23505,
+ "Ġspecificity": 23506,
+ "Ġadmire": 23507,
+ "Ġenvelope": 23508,
+ "ĠFlorence": 23509,
+ "Ġsliding": 23510,
+ ".!": 23511,
+ "ĠInsp": 23512,
+ "Ġabr": 23513,
+ "ĠJen": 23514,
+ "ĠJUVENILE": 23515,
+ "ĠLeaf": 23516,
+ "à¤Ĥ": 23517,
+ "Ġempowered": 23518,
+ "Ġworkbook": 23519,
+ "ĠOz": 23520,
+ "æĿ": 23521,
+ "Ġdolphins": 23522,
+ "å¾": 23523,
+ "Ġthou": 23524,
+ "Ġterminals": 23525,
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠ": 23526,
+ "ĠSubjects": 23527,
+ ".\")Ċ": 23528,
+ "ĠGreenland": 23529,
+ "Solar": 23530,
+ "ĠComposition": 23531,
+ "ĠEthnic": 23532,
+ "{n": 23533,
+ "atable": 23534,
+ "Ġstup": 23535,
+ "Prob": 23536,
+ "oar": 23537,
+ "Ġtwists": 23538,
+ "ĠThought": 23539,
+ "itarianism": 23540,
+ "Ġcoatings": 23541,
+ "Ġdemol": 23542,
+ "Ġlegacies": 23543,
+ "_sum": 23544,
+ "Ġcancell": 23545,
+ "ultan": 23546,
+ "न": 23547,
+ "ĠBeg": 23548,
+ "ĠPublications": 23549,
+ "itating": 23550,
+ "Ġredd": 23551,
+ "rals": 23552,
+ "Ġprogrammed": 23553,
+ "ĠVit": 23554,
+ "Ġcapsule": 23555,
+ "ĠFuel": 23556,
+ "Ġintermitt": 23557,
+ "Congratulations": 23558,
+ "ĠICT": 23559,
+ "ĠDoing": 23560,
+ "Ġpesticide": 23561,
+ "Tw": 23562,
+ "Ġbreaches": 23563,
+ "Ġswitched": 23564,
+ "aden": 23565,
+ "ĠStorm": 23566,
+ "Ġprognosis": 23567,
+ "-reaching": 23568,
+ "ophageal": 23569,
+ "ĠPunjab": 23570,
+ "ĠTelescope": 23571,
+ "Ġcaves": 23572,
+ "Ġbible": 23573,
+ "Ġflush": 23574,
+ "ĠFitz": 23575,
+ "Ġevidenced": 23576,
+ "ĠSlav": 23577,
+ "Ġsticking": 23578,
+ "isse": 23579,
+ "ĠRing": 23580,
+ "arius": 23581,
+ "ĠDomestic": 23582,
+ "ĠGordon": 23583,
+ ".head": 23584,
+ "ogonal": 23585,
+ "ĠConversion": 23586,
+ "ĠHurricane": 23587,
+ "Ġinfestation": 23588,
+ "Ġabrupt": 23589,
+ "Ġrevise": 23590,
+ "usr": 23591,
+ "ĠTesla": 23592,
+ "Ġcruise": 23593,
+ "Ġchampions": 23594,
+ "xuality": 23595,
+ "Ġendorse": 23596,
+ "ĠCatholics": 23597,
+ "Ġdecorations": 23598,
+ "Ġaromatic": 23599,
+ "Ġours": 23600,
+ "Ġsquash": 23601,
+ "Ġwinners": 23602,
+ "Ġmaneuver": 23603,
+ "DUC": 23604,
+ "bits": 23605,
+ "Ġimpurities": 23606,
+ "Ġanalyzes": 23607,
+ "Ġoriginating": 23608,
+ "Ġportraits": 23609,
+ "Ġfactual": 23610,
+ "Ġcereal": 23611,
+ "Third": 23612,
+ "Rich": 23613,
+ "Ġexempt": 23614,
+ "VER": 23615,
+ "Ġstip": 23616,
+ "Ġplains": 23617,
+ "ĠDetect": 23618,
+ "Ġsells": 23619,
+ "ĠRomance": 23620,
+ "ĠTi": 23621,
+ "Ġconcentrating": 23622,
+ "VR": 23623,
+ "ilated": 23624,
+ "ĠToy": 23625,
+ "Ġmandate": 23626,
+ "ukemia": 23627,
+ "atum": 23628,
+ "Ġimmort": 23629,
+ "Ġexceeding": 23630,
+ "_re": 23631,
+ "ĠTrial": 23632,
+ "Ġpathogenic": 23633,
+ "ĠCort": 23634,
+ "soriasis": 23635,
+ "Ġherd": 23636,
+ "stack": 23637,
+ "Ġswings": 23638,
+ "Ġacidity": 23639,
+ "Ġdefenses": 23640,
+ "Ġconsole": 23641,
+ "ĠBin": 23642,
+ "Ġfork": 23643,
+ "Ġtransient": 23644,
+ "Ġ>>": 23645,
+ "Ġslowing": 23646,
+ "Ġadvocated": 23647,
+ "Ġpuberty": 23648,
+ "Ġholder": 23649,
+ "Ġfragment": 23650,
+ "Ġbackwards": 23651,
+ "Ġcopied": 23652,
+ "alis": 23653,
+ "ĠCorporate": 23654,
+ "-conscious": 23655,
+ "Ġcovari": 23656,
+ "ĠEither": 23657,
+ "Ġsubc": 23658,
+ "Ġmalf": 23659,
+ "imates": 23660,
+ "Ġsparse": 23661,
+ "ouver": 23662,
+ "ĠCars": 23663,
+ "ĠHil": 23664,
+ "Ġhurdles": 23665,
+ "Ġimpress": 23666,
+ "station": 23667,
+ "Ġcanals": 23668,
+ "007": 23669,
+ "ĠAdm": 23670,
+ "ĠCanadians": 23671,
+ "ediated": 23672,
+ "Ġdistortion": 23673,
+ "Ġcredible": 23674,
+ "ĠComputers": 23675,
+ "Ġtroublesh": 23676,
+ "usk": 23677,
+ "Ġengra": 23678,
+ "Ġideally": 23679,
+ "ĠLeave": 23680,
+ "ĠHighway": 23681,
+ "Ox": 23682,
+ "ĠSierra": 23683,
+ "Ġcursor": 23684,
+ "}^{\\": 23685,
+ "Ġtf": 23686,
+ "ĴĮ": 23687,
+ "ĠMut": 23688,
+ "Ġmurdered": 23689,
+ "Ġoy": 23690,
+ "Ġcans": 23691,
+ "Ġln": 23692,
+ "Ġempires": 23693,
+ "ĠPattern": 23694,
+ "Ġcatering": 23695,
+ "Ġineffective": 23696,
+ "ooks": 23697,
+ "Ġhardest": 23698,
+ "Ġexploited": 23699,
+ "Ġrecipients": 23700,
+ "OVA": 23701,
+ "wart": 23702,
+ "ĠKill": 23703,
+ "Ġsmoother": 23704,
+ "orp": 23705,
+ "iae": 23706,
+ "Ġbiopsy": 23707,
+ "âĶĢâĶĢ": 23708,
+ "irtual": 23709,
+ "Ġplaus": 23710,
+ "ĠCNN": 23711,
+ "Ġcollaborating": 23712,
+ "012": 23713,
+ "302": 23714,
+ "ĠKer": 23715,
+ "-counter": 23716,
+ "âĤ¬âĦ¢": 23717,
+ "ĠLaura": 23718,
+ "without": 23719,
+ "ĠCampbell": 23720,
+ "ĠLandscape": 23721,
+ "ĠGCSE": 23722,
+ "ĠAthen": 23723,
+ "-vis": 23724,
+ "Ġcorrid": 23725,
+ "Ġoptic": 23726,
+ "STEM": 23727,
+ "volution": 23728,
+ "ĠMeg": 23729,
+ "Ġbrainstorming": 23730,
+ "Ġolig": 23731,
+ "Ġdecoration": 23732,
+ "COOKING": 23733,
+ "intend": 23734,
+ "Ġirrad": 23735,
+ "Ġworkouts": 23736,
+ "Explain": 23737,
+ "ĠHypot": 23738,
+ "Ġcookie": 23739,
+ "Ġconveyor": 23740,
+ "Ġhemp": 23741,
+ "Fil": 23742,
+ "Ġwrink": 23743,
+ "Generally": 23744,
+ "ĠBruce": 23745,
+ "åı¯": 23746,
+ "ĠHudson": 23747,
+ "price": 23748,
+ "ĠReddit": 23749,
+ "alan": 23750,
+ "=Ċ": 23751,
+ "-filled": 23752,
+ "tex": 23753,
+ "Ġascertain": 23754,
+ "chemical": 23755,
+ "Ġconvex": 23756,
+ "urom": 23757,
+ "Ġlamb": 23758,
+ "ĠCamer": 23759,
+ "-ion": 23760,
+ "Ġopenings": 23761,
+ "Ġenlarged": 23762,
+ "Want": 23763,
+ "nels": 23764,
+ "ĠKelly": 23765,
+ "Ġgiants": 23766,
+ "remes": 23767,
+ "oras": 23768,
+ "Ġmock": 23769,
+ "ĠCharlotte": 23770,
+ "ĠLayer": 23771,
+ "Ġseaw": 23772,
+ "Ġformidable": 23773,
+ "ripp": 23774,
+ "allas": 23775,
+ "Ġopioid": 23776,
+ "Typ": 23777,
+ "ĠEarl": 23778,
+ "ĠRecognition": 23779,
+ "Ġcores": 23780,
+ "ĠREL": 23781,
+ "phan": 23782,
+ "лÑĮ": 23783,
+ "Ġcontributor": 23784,
+ "+=": 23785,
+ "Ġgeopolitical": 23786,
+ "Ġinverte": 23787,
+ "naments": 23788,
+ "Ġrepository": 23789,
+ "itian": 23790,
+ "ortunate": 23791,
+ "ĠDomain": 23792,
+ "Ġoutreach": 23793,
+ "ĠKS": 23794,
+ "Ġcoastline": 23795,
+ "ylum": 23796,
+ "Quant": 23797,
+ "Ġneuroscience": 23798,
+ "Ġredist": 23799,
+ "ĠExperiences": 23800,
+ "Ġdecisive": 23801,
+ "RY": 23802,
+ "iper": 23803,
+ "Finding": 23804,
+ "Ġscissors": 23805,
+ "Ġpioneers": 23806,
+ "ï¬": 23807,
+ "ASH": 23808,
+ "PubMed": 23809,
+ "bank": 23810,
+ "Ġentropy": 23811,
+ "Ġviability": 23812,
+ "BE": 23813,
+ "ANCE": 23814,
+ "Ġcosmetic": 23815,
+ "Ġfond": 23816,
+ "ĠGE": 23817,
+ "akening": 23818,
+ "ĠVik": 23819,
+ "Ġgoat": 23820,
+ "ĠLev": 23821,
+ "Ġenlarge": 23822,
+ "'.Ċ": 23823,
+ "-taking": 23824,
+ "Ġaerospace": 23825,
+ "ĠHungarian": 23826,
+ "Ġinterrog": 23827,
+ "Ġmissile": 23828,
+ "-as": 23829,
+ "ĠRepresentation": 23830,
+ "Ġlending": 23831,
+ "Ġhumming": 23832,
+ "Ġpreventative": 23833,
+ "ĠGL": 23834,
+ "Ġont": 23835,
+ "Ġmajestic": 23836,
+ "ĠBaptist": 23837,
+ "Ġcomplexes": 23838,
+ "ĠMedium": 23839,
+ "ĠImplementation": 23840,
+ "375": 23841,
+ "Ġdownloading": 23842,
+ "ção": 23843,
+ "inburgh": 23844,
+ "ени": 23845,
+ "ĠWatson": 23846,
+ "urate": 23847,
+ "ĠStrength": 23848,
+ "ĠVas": 23849,
+ "ĠDesigned": 23850,
+ "ĠPlanck": 23851,
+ "ELF": 23852,
+ "pecies": 23853,
+ "Ġreservoirs": 23854,
+ "techn": 23855,
+ "Ġpelvic": 23856,
+ "Ġmodalities": 23857,
+ "Ġlettuce": 23858,
+ "FO": 23859,
+ "/O": 23860,
+ "ĠDVD": 23861,
+ "ĠInfant": 23862,
+ "Ġsunset": 23863,
+ "Ġtidal": 23864,
+ "osomal": 23865,
+ "ĠAudio": 23866,
+ "-first": 23867,
+ "Ġexclude": 23868,
+ "queous": 23869,
+ "(ii": 23870,
+ "Tr": 23871,
+ "Ġmalignant": 23872,
+ "British": 23873,
+ "ĠAdventure": 23874,
+ "ĠNothing": 23875,
+ "Ġencoded": 23876,
+ "Ġvisuals": 23877,
+ "gerald": 23878,
+ "airo": 23879,
+ "ĠïĢ½": 23880,
+ "Ġfal": 23881,
+ "Ġspanish": 23882,
+ "ĠEspecially": 23883,
+ "380": 23884,
+ "ĠMadison": 23885,
+ "ĠCroat": 23886,
+ "Ġcohesive": 23887,
+ "onies": 23888,
+ "ĠIntegrating": 23889,
+ "communication": 23890,
+ "Ġjan": 23891,
+ "Ġdisturbing": 23892,
+ "ĠSame": 23893,
+ "ĠBeck": 23894,
+ "Ce": 23895,
+ "question": 23896,
+ "ĠThous": 23897,
+ "Ġvalleys": 23898,
+ "-born": 23899,
+ "Ġquietly": 23900,
+ ":<": 23901,
+ "ĠNar": 23902,
+ "ployed": 23903,
+ "Ġoptimistic": 23904,
+ "ĠLibraries": 23905,
+ "Ġfres": 23906,
+ "Ġceramics": 23907,
+ "Ġerg": 23908,
+ "Ġoccupations": 23909,
+ "ĠEngineer": 23910,
+ "Python": 23911,
+ "ordered": 23912,
+ "Ġexperiential": 23913,
+ "Ġeagle": 23914,
+ "coins": 23915,
+ "ĠArkansas": 23916,
+ "Size": 23917,
+ "Ġenrichment": 23918,
+ "_str": 23919,
+ "Ġsaint": 23920,
+ "Need": 23921,
+ "__':Ċ": 23922,
+ "-develop": 23923,
+ "isers": 23924,
+ "Ġbile": 23925,
+ "atered": 23926,
+ "Ġexposures": 23927,
+ "Ġsettling": 23928,
+ "Ġdances": 23929,
+ "Ġdisclosure": 23930,
+ "Ġalcoholic": 23931,
+ "lee": 23932,
+ "Ġlays": 23933,
+ "Ġrental": 23934,
+ "Ġfonts": 23935,
+ "quin": 23936,
+ "Ġadditions": 23937,
+ "-associated": 23938,
+ "Ġmeticulously": 23939,
+ "Ġtheta": 23940,
+ "ĠInstitutes": 23941,
+ "ĠDivine": 23942,
+ "ikihow": 23943,
+ "Ġprerequ": 23944,
+ "Plan": 23945,
+ "å¹": 23946,
+ "Ġspouse": 23947,
+ "Ġincarcer": 23948,
+ "-ind": 23949,
+ "gr": 23950,
+ "ĠKon": 23951,
+ "_string": 23952,
+ "Ġpoured": 23953,
+ "Ġherein": 23954,
+ "advantages": 23955,
+ "iotherapy": 23956,
+ "downs": 23957,
+ "ĠGraduate": 23958,
+ "ĠTables": 23959,
+ "Ġaccelerating": 23960,
+ "Rober": 23961,
+ "_score": 23962,
+ "Ġscientifically": 23963,
+ "Ġmelodies": 23964,
+ "Ġsellers": 23965,
+ "IE": 23966,
+ "Ġwildfires": 23967,
+ "ĠYah": 23968,
+ "Ġelbow": 23969,
+ "Ġз": 23970,
+ "Ġmening": 23971,
+ "Ġgesture": 23972,
+ "á¹£": 23973,
+ "qual": 23974,
+ "ankton": 23975,
+ "Rightarrow": 23976,
+ "ĠVul": 23977,
+ "RNAs": 23978,
+ "Ġdegeneration": 23979,
+ "ostasis": 23980,
+ "apa": 23981,
+ "Ġpreparedness": 23982,
+ "versible": 23983,
+ "Ġtam": 23984,
+ "ĠSomething": 23985,
+ "Ġoverhe": 23986,
+ "Ġdiscarded": 23987,
+ "Ġguideline": 23988,
+ "表": 23989,
+ "ĠAlgorithm": 23990,
+ "Family": 23991,
+ "mont": 23992,
+ "Ġcoupling": 23993,
+ "ĠSettings": 23994,
+ "/st": 23995,
+ "ĠBattery": 23996,
+ "VII": 23997,
+ "Ġhatred": 23998,
+ "Ġwarehouse": 23999,
+ "vents": 24000,
+ "{}": 24001,
+ "ordinates": 24002,
+ "Ġ'*": 24003,
+ "Ġpsychiat": 24004,
+ "oscope": 24005,
+ "ĠLux": 24006,
+ "posium": 24007,
+ "Ġvowels": 24008,
+ "Ġfulfilled": 24009,
+ "keeper": 24010,
+ "Ġhatch": 24011,
+ "ки": 24012,
+ "Ġwithd": 24013,
+ "accurate": 24014,
+ "Ġprofessionally": 24015,
+ "Ġurged": 24016,
+ "Ġdeviations": 24017,
+ "Ġmodeled": 24018,
+ "Ġvalidated": 24019,
+ "ĠRailway": 24020,
+ "ĠEmerging": 24021,
+ "ratory": 24022,
+ "ĠGraham": 24023,
+ "Ġminimizes": 24024,
+ "Ġblends": 24025,
+ "Ġintestines": 24026,
+ "Ġallied": 24027,
+ "ĠSurve": 24028,
+ "zeros": 24029,
+ "great": 24030,
+ "osting": 24031,
+ "Ġspores": 24032,
+ "ïĢ": 24033,
+ "Ġalarming": 24034,
+ "ĠReef": 24035,
+ "Ġcinnamon": 24036,
+ "Ġlethal": 24037,
+ "level": 24038,
+ "Ġgears": 24039,
+ "Ġbehavioural": 24040,
+ "Ġcapitalist": 24041,
+ "Ġtuple": 24042,
+ "osphate": 24043,
+ "Ġcease": 24044,
+ "Ġsupplementary": 24045,
+ "ĠEnhanced": 24046,
+ "?)": 24047,
+ "atha": 24048,
+ "Ġsubscribe": 24049,
+ "Ġheap": 24050,
+ "ĠHat": 24051,
+ "Ġbald": 24052,
+ "ĠGuy": 24053,
+ "ĠEquity": 24054,
+ "racial": 24055,
+ "Ġclips": 24056,
+ "Ġoverth": 24057,
+ "Visual": 24058,
+ "Ġbacterium": 24059,
+ "Ġchin": 24060,
+ "Ġbarley": 24061,
+ "303": 24062,
+ "ĠUganda": 24063,
+ "Ġvin": 24064,
+ "oust": 24065,
+ "Eval": 24066,
+ "Ġeuropean": 24067,
+ "ĠBiden": 24068,
+ "Ġicons": 24069,
+ "uasive": 24070,
+ "ricted": 24071,
+ "Ġpointer": 24072,
+ "Ġburge": 24073,
+ "Ġpains": 24074,
+ "rys": 24075,
+ "Ġnowhere": 24076,
+ "Ġsuperb": 24077,
+ "Was": 24078,
+ "ĠTales": 24079,
+ "Ġuniversally": 24080,
+ "Ġinconsist": 24081,
+ "BUSINESS": 24082,
+ "ĠCryst": 24083,
+ "Ġenlight": 24084,
+ "Ġarchaeologists": 24085,
+ "ARCH": 24086,
+ "Ġeukary": 24087,
+ "Ġrecurrence": 24088,
+ "Äĩ": 24089,
+ "ĠWonder": 24090,
+ "Ġtirelessly": 24091,
+ "Standard": 24092,
+ "ĠRisks": 24093,
+ "Ġspp": 24094,
+ "Ġcarpet": 24095,
+ "Ġsummaries": 24096,
+ ":\\": 24097,
+ "Ġawait": 24098,
+ "Ġpedagogical": 24099,
+ "inine": 24100,
+ "Ġsup": 24101,
+ "UCATION": 24102,
+ "ĠPharmac": 24103,
+ "ĠTowns": 24104,
+ "empty": 24105,
+ "Ġsunshine": 24106,
+ "Ġsibling": 24107,
+ "blog": 24108,
+ "Hum": 24109,
+ "ĠGrades": 24110,
+ "Ġrisen": 24111,
+ "Ġstatues": 24112,
+ "Ġpeanut": 24113,
+ "ĠNATO": 24114,
+ "Ġdiscoura": 24115,
+ "Ġwarrior": 24116,
+ "Ġrationale": 24117,
+ "Ġbiomedical": 24118,
+ "dep": 24119,
+ "Ġblanket": 24120,
+ "ĠâĢĵĊ": 24121,
+ "engue": 24122,
+ "Ġheroic": 24123,
+ "grass": 24124,
+ "ĠHorn": 24125,
+ "ldots": 24126,
+ "Volume": 24127,
+ "pex": 24128,
+ "273": 24129,
+ "ĠCathedral": 24130,
+ "ĠVenice": 24131,
+ "Ġranged": 24132,
+ "Ġfuneral": 24133,
+ "Ġjustification": 24134,
+ "ĠTap": 24135,
+ "hematics": 24136,
+ "Fast": 24137,
+ "ĠRyan": 24138,
+ "Ġlesbian": 24139,
+ "Ġcu": 24140,
+ "Ġgerman": 24141,
+ "ortment": 24142,
+ "ĠScore": 24143,
+ "ĠPortland": 24144,
+ "Liter": 24145,
+ "Ġbiting": 24146,
+ "arger": 24147,
+ "-determination": 24148,
+ "‰": 24149,
+ "Ġobedience": 24150,
+ "Ġembodies": 24151,
+ "Ġoutlining": 24152,
+ "ĠReader": 24153,
+ "Bra": 24154,
+ "Ġvivo": 24155,
+ "ĠWard": 24156,
+ "ĠBibli": 24157,
+ "Ġlover": 24158,
+ "Ġclustering": 24159,
+ "earth": 24160,
+ "aspberry": 24161,
+ "ĠGross": 24162,
+ "ĠVIII": 24163,
+ "Ġpresidency": 24164,
+ "PRO": 24165,
+ "Ġfür": 24166,
+ "ĠExamining": 24167,
+ "YOU": 24168,
+ "Solve": 24169,
+ "avan": 24170,
+ "Thomas": 24171,
+ "/she": 24172,
+ "havioral": 24173,
+ "DB": 24174,
+ "su": 24175,
+ "Ġsolace": 24176,
+ "Ġ<<": 24177,
+ "Ġego": 24178,
+ "-(": 24179,
+ "Ġsocialist": 24180,
+ "Ġshelters": 24181,
+ "Ġmilestone": 24182,
+ "Ġundermine": 24183,
+ "ĠHousing": 24184,
+ "Ġquotations": 24185,
+ "Ġdensities": 24186,
+ "Ġturmoil": 24187,
+ "Ġreminiscent": 24188,
+ "cup": 24189,
+ "Ġsynonymous": 24190,
+ "aic": 24191,
+ "Ġeconomists": 24192,
+ "Ġforbidden": 24193,
+ "Ġsuite": 24194,
+ "Ġlaptops": 24195,
+ "Ġantidepress": 24196,
+ "Ġmitochondrial": 24197,
+ "ĠSocrates": 24198,
+ "ĠTHIS": 24199,
+ "Ġdrills": 24200,
+ "Ġembryos": 24201,
+ "'S": 24202,
+ "Ġapr": 24203,
+ "ĠYu": 24204,
+ "ĠSociology": 24205,
+ "\\cdot": 24206,
+ "essential": 24207,
+ "Ġfolding": 24208,
+ "OGRAPHY": 24209,
+ "=x": 24210,
+ "ĠMT": 24211,
+ "ibular": 24212,
+ "obiles": 24213,
+ "Ġfare": 24214,
+ "Ġexceptionally": 24215,
+ "asked": 24216,
+ "Ġticks": 24217,
+ "Ġexhibitions": 24218,
+ "racting": 24219,
+ "ب": 24220,
+ "Ġimpressions": 24221,
+ "...,": 24222,
+ "Ġdetailing": 24223,
+ "Ġadorned": 24224,
+ "ĠParagraph": 24225,
+ "Ġà¹": 24226,
+ "ropolis": 24227,
+ "Ġborrowing": 24228,
+ "nda": 24229,
+ "ĠKos": 24230,
+ "uded": 24231,
+ "Ġgeothermal": 24232,
+ "Ġformative": 24233,
+ "ĠAngle": 24234,
+ "Ġconviction": 24235,
+ "Ġisotope": 24236,
+ "-makers": 24237,
+ "ĠMindfulness": 24238,
+ "Ġsixty": 24239,
+ "Ġunchanged": 24240,
+ "217": 24241,
+ "Ġconspiracy": 24242,
+ "Ġacademia": 24243,
+ "Ġamplify": 24244,
+ "Ġpervasive": 24245,
+ "Buy": 24246,
+ "psis": 24247,
+ "Lab": 24248,
+ "scar": 24249,
+ "/R": 24250,
+ "ĠAddiction": 24251,
+ "amas": 24252,
+ "Ġrefreshing": 24253,
+ "Ġtriggering": 24254,
+ "Ġcomplaint": 24255,
+ "Ġeclipse": 24256,
+ ">>>": 24257,
+ "ĠCanyon": 24258,
+ "Ġsheds": 24259,
+ "brate": 24260,
+ "ĠMorris": 24261,
+ "Ġmoons": 24262,
+ "Ġrounding": 24263,
+ "hspace": 24264,
+ "ación": 24265,
+ "-degree": 24266,
+ "Ġhomogeneous": 24267,
+ "Ġmelted": 24268,
+ "ĠWhenever": 24269,
+ ")),": 24270,
+ "Ġmerc": 24271,
+ "ĠCauc": 24272,
+ "ĠDemocrats": 24273,
+ "nell": 24274,
+ "Ġgraphing": 24275,
+ "Ġachievable": 24276,
+ "Ġnitrate": 24277,
+ "STM": 24278,
+ "Ġsacrifices": 24279,
+ "Calculate": 24280,
+ "\"In": 24281,
+ "ĠPenn": 24282,
+ "Ġderives": 24283,
+ "Ġestablishments": 24284,
+ "ĠLeaders": 24285,
+ "locking": 24286,
+ "tainment": 24287,
+ "Ġsuccessor": 24288,
+ "-tech": 24289,
+ "Ġencrypted": 24290,
+ "ĠاÙĦ": 24291,
+ "Cultural": 24292,
+ "Ġradial": 24293,
+ "-cigare": 24294,
+ "ĠVirus": 24295,
+ "ĠUns": 24296,
+ "etta": 24297,
+ "Ġsummarized": 24298,
+ "Ġproductions": 24299,
+ "Ġunderstandings": 24300,
+ "Ġdeserts": 24301,
+ "Ġcush": 24302,
+ "Ġdt": 24303,
+ "estive": 24304,
+ "ĠRoll": 24305,
+ "ĠRoots": 24306,
+ "Ġsubsidies": 24307,
+ "-negative": 24308,
+ "Written": 24309,
+ "ĠMedicare": 24310,
+ "Ġvolts": 24311,
+ "hetically": 24312,
+ "Ġdrough": 24313,
+ "Original": 24314,
+ "ĠPAR": 24315,
+ "chair": 24316,
+ "Ġtransporting": 24317,
+ "Ġultr": 24318,
+ "Ġobservers": 24319,
+ "Ġdisgu": 24320,
+ "ĠGRE": 24321,
+ "ĠIndustries": 24322,
+ "Ġinternally": 24323,
+ "Ġparentheses": 24324,
+ "monds": 24325,
+ "isans": 24326,
+ "ggle": 24327,
+ "Ġtransplantation": 24328,
+ "kers": 24329,
+ "Ġimpressed": 24330,
+ "-lived": 24331,
+ "ĠMelbourne": 24332,
+ ":\",": 24333,
+ "ĠCoffee": 24334,
+ "nor": 24335,
+ "Chinese": 24336,
+ "Ġsatire": 24337,
+ "Ġporous": 24338,
+ "Ġdemocr": 24339,
+ "CrossRef": 24340,
+ "η": 24341,
+ "Results": 24342,
+ "Ġally": 24343,
+ "ĠSecure": 24344,
+ "aneously": 24345,
+ "agles": 24346,
+ "ĠApost": 24347,
+ "Ġsedimentary": 24348,
+ "Ġchinese": 24349,
+ "?\"Ċ": 24350,
+ "fficacy": 24351,
+ "Ġmultic": 24352,
+ "Ġlatent": 24353,
+ "ĠDetroit": 24354,
+ ".)ĊĊ": 24355,
+ "ĠStudying": 24356,
+ "Phys": 24357,
+ ".]Ċ": 24358,
+ "REL": 24359,
+ "Ġturbulent": 24360,
+ "IAL": 24361,
+ "Ġpunch": 24362,
+ "Ġflew": 24363,
+ "Ġrotational": 24364,
+ "-range": 24365,
+ "ĠComprehension": 24366,
+ "ĠMaintaining": 24367,
+ "ĠQueensland": 24368,
+ "Ġthirteen": 24369,
+ "Ġhypothes": 24370,
+ "ĠBusinesses": 24371,
+ "ÂłĊĊ": 24372,
+ "Ġshaking": 24373,
+ "312": 24374,
+ "Begin": 24375,
+ "-how": 24376,
+ "Ġhurricanes": 24377,
+ "-generated": 24378,
+ "Ġundesirable": 24379,
+ "ĠWes": 24380,
+ "ĠMaur": 24381,
+ "oS": 24382,
+ "Ġstairs": 24383,
+ "Ġaudi": 24384,
+ "ĠNad": 24385,
+ "Ġpacking": 24386,
+ "aisy": 24387,
+ "Ġprism": 24388,
+ "Ġembarked": 24389,
+ "Ġlessen": 24390,
+ "ĠDrugs": 24391,
+ "although": 24392,
+ "letters": 24393,
+ "celain": 24394,
+ "Ġaggrav": 24395,
+ "Ġtheological": 24396,
+ "ourism": 24397,
+ "ĠMt": 24398,
+ "ĠCBT": 24399,
+ "Choosing": 24400,
+ "Ġspo": 24401,
+ "Ġcorpus": 24402,
+ "opathic": 24403,
+ "Ter": 24404,
+ "Ġthromb": 24405,
+ "-pe": 24406,
+ "Ġunjust": 24407,
+ "-cut": 24408,
+ "Ġinjections": 24409,
+ "ĠTrou": 24410,
+ "ractical": 24411,
+ "Ġsufferers": 24412,
+ "Ġexplorer": 24413,
+ "ĠIndonesian": 24414,
+ "ĠFal": 24415,
+ "Ġlicensing": 24416,
+ "_r": 24417,
+ "oprote": 24418,
+ "ĠRank": 24419,
+ "Ġplayw": 24420,
+ "Ġpuls": 24421,
+ "Ġinspections": 24422,
+ "512": 24423,
+ "Ġsyllables": 24424,
+ "!/": 24425,
+ "Cy": 24426,
+ "GF": 24427,
+ "Ġhoused": 24428,
+ "Ġsunscreen": 24429,
+ "ĠVar": 24430,
+ "Ġantis": 24431,
+ "Ġledger": 24432,
+ "USA": 24433,
+ "ĠBanks": 24434,
+ "Ġpeat": 24435,
+ "ĠPictures": 24436,
+ "Ġnets": 24437,
+ "ĠVariable": 24438,
+ "ĠMakes": 24439,
+ "Ġgoogle": 24440,
+ "Ġpredetermined": 24441,
+ "ĠHarmony": 24442,
+ "ccentric": 24443,
+ "colm": 24444,
+ "Call": 24445,
+ "Ġresurrection": 24446,
+ "ĠPeoples": 24447,
+ "ĠMW": 24448,
+ "_v": 24449,
+ "Ġinsertion": 24450,
+ "Ġenforced": 24451,
+ "inism": 24452,
+ "Ġoranges": 24453,
+ "Ġlivelihoods": 24454,
+ "Ġanybody": 24455,
+ "Plant": 24456,
+ "Ġsuspense": 24457,
+ "Ġensured": 24458,
+ "Ġwif": 24459,
+ "adan": 24460,
+ "ourable": 24461,
+ "Ġsmells": 24462,
+ "Ġmosaic": 24463,
+ "Men": 24464,
+ "Indian": 24465,
+ "Ġmorphological": 24466,
+ "Ġrainwater": 24467,
+ "Ġcounselor": 24468,
+ "Ġengland": 24469,
+ "Ġdyes": 24470,
+ "aternity": 24471,
+ "gamma": 24472,
+ "pta": 24473,
+ "/x": 24474,
+ "Ġwinters": 24475,
+ "Ġsanctions": 24476,
+ "ät": 24477,
+ "Creat": 24478,
+ "energy": 24479,
+ "isson": 24480,
+ "-bearing": 24481,
+ "Ġprogressively": 24482,
+ "understanding": 24483,
+ "ĠPaint": 24484,
+ "Ġsilic": 24485,
+ "ĠInfrastructure": 24486,
+ "238": 24487,
+ "ĠAlpha": 24488,
+ "Ġtitanium": 24489,
+ "master": 24490,
+ "Ġrelent": 24491,
+ "Ġoverflow": 24492,
+ "-In": 24493,
+ "Ġsugary": 24494,
+ "Ġital": 24495,
+ "440": 24496,
+ "ĠRav": 24497,
+ "ĠExternal": 24498,
+ "oka": 24499,
+ "Ġmotives": 24500,
+ "Ġcertifications": 24501,
+ "Ġpacks": 24502,
+ "jug": 24503,
+ "ĠPole": 24504,
+ "ĠUP": 24505,
+ "Ġlowers": 24506,
+ "-run": 24507,
+ "Ġseparates": 24508,
+ "Ġannex": 24509,
+ "ĠLl": 24510,
+ "ĠActually": 24511,
+ "_array": 24512,
+ "igg": 24513,
+ "ectin": 24514,
+ "Ġfights": 24515,
+ "Ġknot": 24516,
+ "ĠConcent": 24517,
+ "ETH": 24518,
+ "Ġnano": 24519,
+ "NR": 24520,
+ "anza": 24521,
+ "ĠLock": 24522,
+ "Music": 24523,
+ "ĠFitness": 24524,
+ "remove": 24525,
+ "Ġvigorous": 24526,
+ "ĠBernard": 24527,
+ "Ġshores": 24528,
+ "ĠEstate": 24529,
+ "aphrag": 24530,
+ "ĠDiscovering": 24531,
+ "aharan": 24532,
+ "ĠCement": 24533,
+ "Ġsensible": 24534,
+ "ONE": 24535,
+ "Ġgroundwork": 24536,
+ "olidation": 24537,
+ "ĠInsect": 24538,
+ "Ġincentive": 24539,
+ "ĠTerritory": 24540,
+ "ĠĠĠĠčĊ": 24541,
+ "ĠElectricity": 24542,
+ "ĠMiami": 24543,
+ "ĠDetection": 24544,
+ "ĠAmsterdam": 24545,
+ "ango": 24546,
+ "ĠDipl": 24547,
+ "allets": 24548,
+ "Ġherbiv": 24549,
+ "apolis": 24550,
+ "Ġtrajectories": 24551,
+ "Words": 24552,
+ "ĠGrace": 24553,
+ "construct": 24554,
+ "gom": 24555,
+ "γ": 24556,
+ "]=": 24557,
+ "ĠSic": 24558,
+ "Ġfamiliarize": 24559,
+ "[\\": 24560,
+ "Ġconnective": 24561,
+ "Ġhemoglobin": 24562,
+ "Ġdb": 24563,
+ "Ġmonkey": 24564,
+ "Ġjudged": 24565,
+ "Ġfurry": 24566,
+ "Ġburgeoning": 24567,
+ "âĢĶin": 24568,
+ "Ġsustaining": 24569,
+ "Ġbirths": 24570,
+ "Ġclog": 24571,
+ "Ġdeterminant": 24572,
+ "ĠEntreprene": 24573,
+ "Ġpartn": 24574,
+ "Ġportrayal": 24575,
+ "Order": 24576,
+ "chart": 24577,
+ "-me": 24578,
+ "/pro": 24579,
+ "emale": 24580,
+ "ĠHeavy": 24581,
+ "Ġamplifier": 24582,
+ "ĠCere": 24583,
+ "Ġexpecting": 24584,
+ "\\times": 24585,
+ "ieu": 24586,
+ "Ġdeities": 24587,
+ "Ġcanopy": 24588,
+ "Phil": 24589,
+ "Ġsplitting": 24590,
+ "Save": 24591,
+ "\\theta": 24592,
+ "occur": 24593,
+ "pecific": 24594,
+ "-reviewed": 24595,
+ "Ġtertiary": 24596,
+ "raising": 24597,
+ "Ġunderp": 24598,
+ "agnet": 24599,
+ "Ġcomposting": 24600,
+ "ĠAdventures": 24601,
+ "athetic": 24602,
+ "Ġdonated": 24603,
+ "Ġuncertainties": 24604,
+ "ĠHP": 24605,
+ "ĠMessage": 24606,
+ "ĠManhattan": 24607,
+ "alytic": 24608,
+ "Ġflatten": 24609,
+ "home": 24610,
+ "ĠAtlanta": 24611,
+ "raded": 24612,
+ "ĠGoing": 24613,
+ "ĠPrinting": 24614,
+ "phalt": 24615,
+ "Ġremarks": 24616,
+ "Ġthoughtfully": 24617,
+ "Earth": 24618,
+ "ĠSpread": 24619,
+ "Ġviscos": 24620,
+ "Ġtowel": 24621,
+ "ĠSom": 24622,
+ "ĠAdaptable": 24623,
+ "_matrix": 24624,
+ "Ġcooper": 24625,
+ "Ġsolver": 24626,
+ "ĠFlood": 24627,
+ "annica": 24628,
+ "month": 24629,
+ "ĠAnalytics": 24630,
+ "Ġuseless": 24631,
+ "ceptual": 24632,
+ "Ġwarn": 24633,
+ "Ġmund": 24634,
+ "ĠTeen": 24635,
+ "Ġgeorge": 24636,
+ "ĠDemand": 24637,
+ "Ġfluorescent": 24638,
+ "ĠSU": 24639,
+ "ĠAlban": 24640,
+ "ĠWhereas": 24641,
+ "urk": 24642,
+ "Ġattracts": 24643,
+ "Ġstabilize": 24644,
+ "colonial": 24645,
+ "Ġrack": 24646,
+ "Ġesophagus": 24647,
+ "Ġilleg": 24648,
+ "Ġbishop": 24649,
+ "bus": 24650,
+ "ĠHearing": 24651,
+ "aja": 24652,
+ "čĊčĊčĊ": 24653,
+ "Ġinland": 24654,
+ "andom": 24655,
+ "ĠHeaven": 24656,
+ "Ġheadlines": 24657,
+ "ĠRadiation": 24658,
+ "Ġwatershed": 24659,
+ "ahu": 24660,
+ "hyde": 24661,
+ "åħ¥": 24662,
+ "Ġpatriarch": 24663,
+ "ĠLuck": 24664,
+ "ĠAcceler": 24665,
+ "Ġastronomical": 24666,
+ "Ġrehe": 24667,
+ "Ġjokes": 24668,
+ "Ġunderstandable": 24669,
+ "-fold": 24670,
+ "uschwitz": 24671,
+ "Ġeffortlessly": 24672,
+ "Ġmerged": 24673,
+ "efit": 24674,
+ "Ġburdens": 24675,
+ "inational": 24676,
+ "Ġdenial": 24677,
+ "ynthetic": 24678,
+ "\"It": 24679,
+ "Ġzoom": 24680,
+ "κ": 24681,
+ "*,": 24682,
+ "-dem": 24683,
+ "Ġbiotechnology": 24684,
+ "âĢľIn": 24685,
+ "ĠPatri": 24686,
+ "Notes": 24687,
+ "YP": 24688,
+ "|\\": 24689,
+ "Ġendot": 24690,
+ "à¤ķ": 24691,
+ "boarding": 24692,
+ "Ġaccepts": 24693,
+ "Ġleakage": 24694,
+ "ĠPhy": 24695,
+ "ĠMI": 24696,
+ "ĠSteven": 24697,
+ "Ġhues": 24698,
+ "080": 24699,
+ "ĠSF": 24700,
+ "ĠXML": 24701,
+ "IGION": 24702,
+ "mad": 24703,
+ "Ġsynthesized": 24704,
+ "Ġconfer": 24705,
+ "Ġ�": 24706,
+ ".View": 24707,
+ "make": 24708,
+ "method": 24709,
+ "Ġaroma": 24710,
+ "heart": 24711,
+ "Ġroses": 24712,
+ "-stud": 24713,
+ "Ġwished": 24714,
+ "Ġstagn": 24715,
+ "Ġcontrasts": 24716,
+ "AMA": 24717,
+ "Compare": 24718,
+ "SOCIAL": 24719,
+ "ĠFeedback": 24720,
+ "Ġconserved": 24721,
+ "ĠOfficial": 24722,
+ "Ġexpenditures": 24723,
+ "ï¼ī": 24724,
+ "Ġdorsal": 24725,
+ "Ġwives": 24726,
+ "ĠPolicies": 24727,
+ "Tech": 24728,
+ "ĠTol": 24729,
+ "George": 24730,
+ "åĩº": 24731,
+ "ĠHands": 24732,
+ "-par": 24733,
+ "ichi": 24734,
+ "Ġtrivial": 24735,
+ "Ġanticipation": 24736,
+ "-ed": 24737,
+ "Ġsights": 24738,
+ "chin": 24739,
+ "Ġconversions": 24740,
+ "ĠPsychiatry": 24741,
+ "boy": 24742,
+ "Ġhelmet": 24743,
+ "Ġtribute": 24744,
+ "Ġisotopes": 24745,
+ "SU": 24746,
+ "ĠWheel": 24747,
+ "³³³³³³³³³³³": 24748,
+ "Ġvolunteering": 24749,
+ "Ġbiomark": 24750,
+ "quiries": 24751,
+ "ĠPalestinian": 24752,
+ "ĠOCD": 24753,
+ "Ġrhythmic": 24754,
+ "ĠCha": 24755,
+ "Ġhospitality": 24756,
+ "æĸĩ": 24757,
+ "Ġtranslating": 24758,
+ "ĠMills": 24759,
+ "Ġsubmerged": 24760,
+ "ĠBright": 24761,
+ "ĠPosts": 24762,
+ "oarthritis": 24763,
+ "ĠCited": 24764,
+ "ĠMaced": 24765,
+ "ĠDB": 24766,
+ "Ġcorps": 24767,
+ "ĠToxic": 24768,
+ "Ġdefendant": 24769,
+ "ĠPoverty": 24770,
+ "ĠOlder": 24771,
+ "Ġbolster": 24772,
+ "Ġextingu": 24773,
+ "GC": 24774,
+ "Ġlattice": 24775,
+ "Ġmined": 24776,
+ "issible": 24777,
+ "ĠCord": 24778,
+ "ĠMigration": 24779,
+ "ructural": 24780,
+ "Ġcountryside": 24781,
+ "Ġdentists": 24782,
+ "338": 24783,
+ "Ġcounselors": 24784,
+ "Ġmonoxide": 24785,
+ "_path": 24786,
+ "Ġdiscretion": 24787,
+ "Ġlumin": 24788,
+ "ĠZen": 24789,
+ "Ġremnants": 24790,
+ "Vitamin": 24791,
+ "mund": 24792,
+ "ĠRelease": 24793,
+ "Ġretros": 24794,
+ "Ġmarkings": 24795,
+ "ĠHelen": 24796,
+ "Ġdispersed": 24797,
+ "720": 24798,
+ "Ġcereals": 24799,
+ "/bin": 24800,
+ "------------------------------------------------": 24801,
+ "Ġclinically": 24802,
+ "orexia": 24803,
+ "-owned": 24804,
+ "ĠRecommend": 24805,
+ "ĠHughes": 24806,
+ "Ġcrush": 24807,
+ "Ġarticulate": 24808,
+ "erie": 24809,
+ "fficial": 24810,
+ "Ġcaptivity": 24811,
+ "ĠPlayers": 24812,
+ "Ġambiguous": 24813,
+ "Ġoval": 24814,
+ "Ġexile": 24815,
+ "Ġalliances": 24816,
+ "Ġdaytime": 24817,
+ "Ġδ": 24818,
+ "Ġubiquitous": 24819,
+ "|A": 24820,
+ "Ġrug": 24821,
+ "ĠDelivery": 24822,
+ "Incorpor": 24823,
+ "hill": 24824,
+ "viol": 24825,
+ "Ġturnover": 24826,
+ "Ġhairs": 24827,
+ "}}{\\": 24828,
+ "Ġconveyed": 24829,
+ "bullying": 24830,
+ "fills": 24831,
+ "ortium": 24832,
+ "345": 24833,
+ "eval": 24834,
+ "Ġincap": 24835,
+ "Gra": 24836,
+ "mathcal": 24837,
+ "rho": 24838,
+ "ĠPierre": 24839,
+ "ptomatic": 24840,
+ "Wood": 24841,
+ "nament": 24842,
+ "ĠâĤ¬": 24843,
+ "ĭħ": 24844,
+ "Ġbilateral": 24845,
+ "Ġsanit": 24846,
+ "Ġswiftly": 24847,
+ "Ġsubgen": 24848,
+ "haw": 24849,
+ "Ġlifted": 24850,
+ "uding": 24851,
+ "Ġsweating": 24852,
+ "Ġcostumes": 24853,
+ "urous": 24854,
+ "Ġmolar": 24855,
+ "cturnal": 24856,
+ "ĠNT": 24857,
+ "Ġfrustrating": 24858,
+ "wave": 24859,
+ "ancouver": 24860,
+ "ĠPanama": 24861,
+ "cible": 24862,
+ "hd": 24863,
+ "Ġpushes": 24864,
+ "Ġoriginates": 24865,
+ "Ġphilosophies": 24866,
+ "(T": 24867,
+ "Vari": 24868,
+ "Ġmyel": 24869,
+ "Ġspecializes": 24870,
+ "Bs": 24871,
+ "ĠBath": 24872,
+ "Ġplantation": 24873,
+ "Old": 24874,
+ "Ġtuition": 24875,
+ "Give": 24876,
+ "{-": 24877,
+ "abets": 24878,
+ "006": 24879,
+ "Ġinertia": 24880,
+ "Ġutens": 24881,
+ "lar": 24882,
+ "ĠCarlos": 24883,
+ "DD": 24884,
+ "Ġchromat": 24885,
+ "Ġpleasing": 24886,
+ "named": 24887,
+ "Ġprecursor": 24888,
+ "Ġresonates": 24889,
+ "Ġcensorship": 24890,
+ "Ġgateway": 24891,
+ "Ġsupervised": 24892,
+ "ĠÑĩ": 24893,
+ "ĠDisabilities": 24894,
+ "Ġdisagreement": 24895,
+ "Ġmorbidity": 24896,
+ "ĠScreen": 24897,
+ "ĠCharlie": 24898,
+ "ocom": 24899,
+ "ĠHampshire": 24900,
+ "Ġsignify": 24901,
+ "braska": 24902,
+ "Ġarguably": 24903,
+ "ĠChrome": 24904,
+ "Ġdismant": 24905,
+ "Ġwasted": 24906,
+ "370": 24907,
+ "ĠMixed": 24908,
+ "Ġextensions": 24909,
+ "ĠKevin": 24910,
+ "ĠPyram": 24911,
+ "âĢĻS": 24912,
+ "Ġworkload": 24913,
+ "Ġplantations": 24914,
+ "Ġarmor": 24915,
+ "Besides": 24916,
+ "Ġhone": 24917,
+ "ĠWWII": 24918,
+ "ĠImaging": 24919,
+ "Ġchecklist": 24920,
+ "Ġcrowds": 24921,
+ "CDC": 24922,
+ "Ġtransistor": 24923,
+ "Ġil": 24924,
+ "Ġrainy": 24925,
+ "iu": 24926,
+ "Code": 24927,
+ "Ġstranger": 24928,
+ "ĠRepresentatives": 24929,
+ "ĠDoctors": 24930,
+ "Ġcontracting": 24931,
+ "-gen": 24932,
+ "Ġheel": 24933,
+ "oct": 24934,
+ "ĠSpeaking": 24935,
+ "Ġaxi": 24936,
+ "Ġignoring": 24937,
+ "Mart": 24938,
+ "antics": 24939,
+ "Ġmasculine": 24940,
+ "ÎĶ": 24941,
+ "ĠBone": 24942,
+ "ingles": 24943,
+ "oseph": 24944,
+ "rocy": 24945,
+ "Ġdonate": 24946,
+ "Ġrespects": 24947,
+ "Ġswallowing": 24948,
+ "Ġlonely": 24949,
+ "Ġhib": 24950,
+ "ĠComparing": 24951,
+ "Ġsalinity": 24952,
+ "ĠWarm": 24953,
+ "ĠEbola": 24954,
+ "ĠLeo": 24955,
+ "ĠAuthent": 24956,
+ "dehyde": 24957,
+ "Ġbasil": 24958,
+ "ĠGeological": 24959,
+ "Ġphilanthrop": 24960,
+ "Map": 24961,
+ "unded": 24962,
+ "Ġkindly": 24963,
+ "Ġtravelled": 24964,
+ "Redu": 24965,
+ "Ġfaults": 24966,
+ "Ġbreaths": 24967,
+ "Ġpetals": 24968,
+ "Ġpronounce": 24969,
+ "Ġante": 24970,
+ "Ġwaking": 24971,
+ "Ġhort": 24972,
+ "Ġjointly": 24973,
+ "Ġstellar": 24974,
+ "-mediated": 24975,
+ "ucing": 24976,
+ "Ġpatents": 24977,
+ "response": 24978,
+ "Cr": 24979,
+ "Ġdispersion": 24980,
+ "ĠRachel": 24981,
+ "imo": 24982,
+ "Ġjoke": 24983,
+ "Ġvictories": 24984,
+ "Ġtelescopes": 24985,
+ "Ġcrying": 24986,
+ "answer": 24987,
+ "Ġaffiliate": 24988,
+ "ski": 24989,
+ "Ġplanners": 24990,
+ "Ġfishes": 24991,
+ "between": 24992,
+ "Updated": 24993,
+ "ËĨ": 24994,
+ "}}$$": 24995,
+ "Ġspice": 24996,
+ "ĠRenewable": 24997,
+ "(object": 24998,
+ "Ġclearance": 24999,
+ "ÑĤа": 25000,
+ "Ġthrows": 25001,
+ "401": 25002,
+ "ĠSmoking": 25003,
+ "ĠFifth": 25004,
+ "eder": 25005,
+ "Ġmeaningfully": 25006,
+ "ĠRuby": 25007,
+ "Ġmins": 25008,
+ "Ġinstructed": 25009,
+ "Ġruin": 25010,
+ ")[": 25011,
+ "Ġendocrine": 25012,
+ "Ġpoorer": 25013,
+ "ĠJess": 25014,
+ "Ġlately": 25015,
+ "ĠLung": 25016,
+ "Ġredness": 25017,
+ "etect": 25018,
+ "Ġmediation": 25019,
+ "ĠCarter": 25020,
+ "ĠMoving": 25021,
+ "illas": 25022,
+ "Ġ'-'": 25023,
+ "ĠPowers": 25024,
+ "icals": 25025,
+ "Ġglyc": 25026,
+ "biotic": 25027,
+ "ĠBelt": 25028,
+ "Ġworkings": 25029,
+ "helm": 25030,
+ "Ġunfortunate": 25031,
+ "ĠBranch": 25032,
+ "urer": 25033,
+ "Ġindent": 25034,
+ "ĠFlag": 25035,
+ "Ġlitigation": 25036,
+ "ĠContrast": 25037,
+ "ĠCalendar": 25038,
+ "Ġexqu": 25039,
+ "Ġreinforces": 25040,
+ "Ġtrump": 25041,
+ "ĠMode": 25042,
+ "ĠFoundations": 25043,
+ "Ġartillery": 25044,
+ "uph": 25045,
+ "Ġeligibility": 25046,
+ "Ġstair": 25047,
+ "ĠPom": 25048,
+ "controlled": 25049,
+ "Ġmicron": 25050,
+ "å½": 25051,
+ "ĠGardens": 25052,
+ "bery": 25053,
+ "Ġembarking": 25054,
+ "Ġintimacy": 25055,
+ "kward": 25056,
+ "Ġorbits": 25057,
+ "Ġdevote": 25058,
+ "Ġpiston": 25059,
+ "åĮ": 25060,
+ "Ġforaging": 25061,
+ "Ġsterile": 25062,
+ "oskeletal": 25063,
+ "Ġsilly": 25064,
+ "ĠFlat": 25065,
+ "Ġtrigonometric": 25066,
+ "ĠWiley": 25067,
+ "claimer": 25068,
+ "ĠAzte": 25069,
+ "athon": 25070,
+ "Ġbattlefield": 25071,
+ "ĠAyurved": 25072,
+ "Ġovarian": 25073,
+ "steps": 25074,
+ "prov": 25075,
+ "ĠObservatory": 25076,
+ "Ġcontend": 25077,
+ "س": 25078,
+ "thorne": 25079,
+ "ĠMagnetic": 25080,
+ "gomery": 25081,
+ "-language": 25082,
+ "ĠRefuge": 25083,
+ "Ġdesignation": 25084,
+ "ĠEmpower": 25085,
+ "iography": 25086,
+ "Ġlandfill": 25087,
+ "ĠProfession": 25088,
+ "ĠZoo": 25089,
+ "245": 25090,
+ "Ġsympathetic": 25091,
+ "ĠMultiply": 25092,
+ "Ġunderway": 25093,
+ "Ġscav": 25094,
+ "ĠAntib": 25095,
+ "Ġcasualties": 25096,
+ "Ġpals": 25097,
+ "Ġchunks": 25098,
+ "Ġshirt": 25099,
+ "ipel": 25100,
+ "-air": 25101,
+ "Ġsynd": 25102,
+ "ĠLinks": 25103,
+ "ĠïĤ": 25104,
+ "Ah": 25105,
+ "arial": 25106,
+ "Ġanalytic": 25107,
+ "Ġcathe": 25108,
+ "ĠMul": 25109,
+ "Ġparish": 25110,
+ "Stage": 25111,
+ "Ġculp": 25112,
+ "Ġsanctuary": 25113,
+ "attles": 25114,
+ "ĠMineral": 25115,
+ "Ġexerted": 25116,
+ "Ġautomate": 25117,
+ "622": 25118,
+ "sequences": 25119,
+ "ĠMak": 25120,
+ "Ġarchitectures": 25121,
+ "Ġtuning": 25122,
+ "ño": 25123,
+ "ĠInfection": 25124,
+ "igms": 25125,
+ "ĠSomeone": 25126,
+ "Ġspeculation": 25127,
+ "unge": 25128,
+ "Ġadvisor": 25129,
+ "anmar": 25130,
+ "ghai": 25131,
+ "Ġmicrop": 25132,
+ "Ġprosperous": 25133,
+ "305": 25134,
+ "Ġsnaps": 25135,
+ "Ġmantle": 25136,
+ "Ġconserving": 25137,
+ "ĠAmy": 25138,
+ "Ġilluminated": 25139,
+ "ographically": 25140,
+ "ĠMarriage": 25141,
+ "Ġfighter": 25142,
+ "ĠBund": 25143,
+ "Ġuniformly": 25144,
+ ")?Ċ": 25145,
+ "Ġfuse": 25146,
+ "Include": 25147,
+ "410": 25148,
+ "×ķ": 25149,
+ "utives": 25150,
+ "Ġcoats": 25151,
+ "true": 25152,
+ "ĠIB": 25153,
+ "flowers": 25154,
+ "Äį": 25155,
+ "Ġhandbook": 25156,
+ "ĠTanzania": 25157,
+ "Ġparab": 25158,
+ "ĠVariables": 25159,
+ "Ġsuprem": 25160,
+ "Ġsedentary": 25161,
+ "Ġbenchmark": 25162,
+ "itiveness": 25163,
+ "Ġpsychoan": 25164,
+ "Ġnatives": 25165,
+ "ĠRew": 25166,
+ "Ġfortified": 25167,
+ "Ġpolyp": 25168,
+ "ĠWash": 25169,
+ "Ġridge": 25170,
+ "019": 25171,
+ "251": 25172,
+ "Ġcollects": 25173,
+ "Ġrenaissance": 25174,
+ "ĠAnyone": 25175,
+ "Ġflee": 25176,
+ "inum": 25177,
+ "-play": 25178,
+ "-zero": 25179,
+ "Ġapert": 25180,
+ "ĠInterior": 25181,
+ "Ġthinner": 25182,
+ "Ġmolten": 25183,
+ "irk": 25184,
+ "Ġdentistry": 25185,
+ "Ġtranscends": 25186,
+ "Law": 25187,
+ "Ġtart": 25188,
+ "Ġattained": 25189,
+ "Ġpige": 25190,
+ "Ġindividualized": 25191,
+ "Ġboots": 25192,
+ "ungal": 25193,
+ "Ġframing": 25194,
+ "Ġassertion": 25195,
+ "Ġantiquity": 25196,
+ "Ġaccus": 25197,
+ "ĠMatters": 25198,
+ "Ġpollinators": 25199,
+ "|Name": 25200,
+ "ĠArchive": 25201,
+ "-containing": 25202,
+ "çĽ": 25203,
+ "ĠBloom": 25204,
+ "Card": 25205,
+ "fi": 25206,
+ "Äĵ": 25207,
+ "[k": 25208,
+ "roach": 25209,
+ "Ġgrowers": 25210,
+ "Ġlobby": 25211,
+ "ĠDublin": 25212,
+ "Ġoffense": 25213,
+ "ĠHistorically": 25214,
+ "Resp": 25215,
+ "Ġdeleted": 25216,
+ "school": 25217,
+ "central": 25218,
+ "Ut": 25219,
+ "ĠNaval": 25220,
+ "Ġpredicts": 25221,
+ "ulo": 25222,
+ "à²": 25223,
+ "Ġstunt": 25224,
+ "(nums": 25225,
+ "ĠArithmetic": 25226,
+ "ĠFinnish": 25227,
+ "265": 25228,
+ "Ġrud": 25229,
+ "ĠConfuci": 25230,
+ "Ġbrace": 25231,
+ "ĠIsraelites": 25232,
+ "rological": 25233,
+ "ĠBak": 25234,
+ "Ġsalads": 25235,
+ "mount": 25236,
+ "-law": 25237,
+ "|D": 25238,
+ "+c": 25239,
+ "241": 25240,
+ "Ġdiagon": 25241,
+ "Ġboosts": 25242,
+ "Ġscarlet": 25243,
+ "Ġmodulation": 25244,
+ "ĠNorse": 25245,
+ "Ġfacet": 25246,
+ "pad": 25247,
+ "228": 25248,
+ "Ġdancers": 25249,
+ "Ġspelled": 25250,
+ "Ġbisexual": 25251,
+ "-su": 25252,
+ "ĠMb": 25253,
+ "Ġintimidating": 25254,
+ "Ġcontractors": 25255,
+ "ĠHVAC": 25256,
+ "âĢĿ),": 25257,
+ "Ġprintables": 25258,
+ "-sensitive": 25259,
+ "ĠPotter": 25260,
+ "Ġchew": 25261,
+ "Ġreciproc": 25262,
+ "ä¼": 25263,
+ "ĠHomer": 25264,
+ "ĠCOMM": 25265,
+ "/AIDS": 25266,
+ "Ġkingdoms": 25267,
+ "Ġneutrons": 25268,
+ "doc": 25269,
+ "balance": 25270,
+ "amic": 25271,
+ "ĠDave": 25272,
+ "Ġpositivity": 25273,
+ "Ġdigitally": 25274,
+ "================================": 25275,
+ "Ġrecursive": 25276,
+ "Ġsquirrels": 25277,
+ "LAB": 25278,
+ "ele": 25279,
+ "ĠPT": 25280,
+ "Ġgenera": 25281,
+ "Ġdevised": 25282,
+ "ampus": 25283,
+ "Program": 25284,
+ "ĠExpressions": 25285,
+ "-Y": 25286,
+ "Ġchore": 25287,
+ "ĠRuth": 25288,
+ "ĠCalcium": 25289,
+ "bbing": 25290,
+ "ĠTouch": 25291,
+ "_type": 25292,
+ "uned": 25293,
+ "Ġsaturation": 25294,
+ "Ġexceeded": 25295,
+ "ohns": 25296,
+ "Ġviscosity": 25297,
+ "-help": 25298,
+ "Ġwines": 25299,
+ "ĠHash": 25300,
+ "ahan": 25301,
+ "Ġdistorted": 25302,
+ "ĠWarren": 25303,
+ "ĠAtlas": 25304,
+ "Ġcracking": 25305,
+ "ĠTurner": 25306,
+ "ĠTibetan": 25307,
+ "Ġmaple": 25308,
+ "Ġabsorbs": 25309,
+ "Ġtunnels": 25310,
+ "endered": 25311,
+ "Ġairflow": 25312,
+ "311": 25313,
+ "Ġmism": 25314,
+ "ĠTit": 25315,
+ "Ġantip": 25316,
+ "Ġimpedance": 25317,
+ "Ġupstream": 25318,
+ "Ġcricket": 25319,
+ "013": 25320,
+ "CON": 25321,
+ "-gl": 25322,
+ "Ġdismissed": 25323,
+ "Pers": 25324,
+ "iduous": 25325,
+ "ĠNut": 25326,
+ "Ġhierarchies": 25327,
+ "ĠBachelor": 25328,
+ "Ġbraces": 25329,
+ "Ġguardians": 25330,
+ ".r": 25331,
+ "Obs": 25332,
+ "enes": 25333,
+ "ĠPoss": 25334,
+ "è§": 25335,
+ "Ġscrews": 25336,
+ "Ġinfamous": 25337,
+ "Ġб": 25338,
+ "Ġdiscourage": 25339,
+ "Ġprofoundly": 25340,
+ "Ġ-->": 25341,
+ "Ġgranite": 25342,
+ "Ġadmired": 25343,
+ "ortions": 25344,
+ "Ġpeninsula": 25345,
+ "dot": 25346,
+ "ĠRosen": 25347,
+ "ronomy": 25348,
+ "Ġsociological": 25349,
+ "ĠCleveland": 25350,
+ "ĠRect": 25351,
+ "onda": 25352,
+ "ATA": 25353,
+ "Ġpitfalls": 25354,
+ "ĠPythagorean": 25355,
+ "Ġexhausted": 25356,
+ "ĠMail": 25357,
+ "Ġmediated": 25358,
+ "Ġvolatility": 25359,
+ "ĠPsal": 25360,
+ "Ġfills": 25361,
+ "ĠBru": 25362,
+ "Imple": 25363,
+ "groups": 25364,
+ "-existing": 25365,
+ "ente": 25366,
+ "Ġvocational": 25367,
+ "Ġadvantageous": 25368,
+ "Artificial": 25369,
+ "Ġappre": 25370,
+ "ĠMurray": 25371,
+ "Ġimpulses": 25372,
+ "ĠGrid": 25373,
+ "Ġcared": 25374,
+ "227": 25375,
+ "ĠBou": 25376,
+ "affe": 25377,
+ "piring": 25378,
+ ".close": 25379,
+ "Ġbacking": 25380,
+ "ĠBilly": 25381,
+ "Ġscalability": 25382,
+ "ustomed": 25383,
+ "Ġpagan": 25384,
+ "ĠEsp": 25385,
+ "Ġmystical": 25386,
+ "Currently": 25387,
+ "absor": 25388,
+ "Ġsatisfies": 25389,
+ "umed": 25390,
+ "ĠKo": 25391,
+ "ĠConsidering": 25392,
+ "legraph": 25393,
+ "Ġcakes": 25394,
+ "Ġdiscovers": 25395,
+ "430": 25396,
+ "ĠTrack": 25397,
+ "ĠPeer": 25398,
+ "Ġcommunism": 25399,
+ "ĠSpectrum": 25400,
+ "Ġlogically": 25401,
+ "Tom": 25402,
+ "orch": 25403,
+ "axy": 25404,
+ "Dan": 25405,
+ "equiv": 25406,
+ "Ġcaptivate": 25407,
+ "ĠNotably": 25408,
+ "Ġdisproportionately": 25409,
+ "{aligned": 25410,
+ "Ġsta": 25411,
+ "Ġimposing": 25412,
+ "Soft": 25413,
+ "ĠTony": 25414,
+ "ĠReich": 25415,
+ "ĠGrinding": 25416,
+ "ĠSupporting": 25417,
+ "Ġknots": 25418,
+ "lag": 25419,
+ "ĠSheets": 25420,
+ "ĠKrish": 25421,
+ "Ġnationally": 25422,
+ "aundry": 25423,
+ "ĠNoah": 25424,
+ "ĠLyme": 25425,
+ "éĹ": 25426,
+ "Ġthigh": 25427,
+ "ammed": 25428,
+ "ĠNova": 25429,
+ "Ġrenewal": 25430,
+ "uki": 25431,
+ "Ġmorally": 25432,
+ "Ġhunter": 25433,
+ "istine": 25434,
+ "-intercept": 25435,
+ "Ġsupers": 25436,
+ "Ġlocks": 25437,
+ "Ġcrocod": 25438,
+ "ĠPhone": 25439,
+ "Play": 25440,
+ "ĠDating": 25441,
+ "Ġsincere": 25442,
+ "aptic": 25443,
+ "Everyone": 25444,
+ "acea": 25445,
+ "WE": 25446,
+ "Ġantique": 25447,
+ "ĠMorocco": 25448,
+ "Ġwart": 25449,
+ "Ġgenomes": 25450,
+ "Ġmetre": 25451,
+ "Ġ}{": 25452,
+ "ĠRalph": 25453,
+ "-rounded": 25454,
+ "ĠJake": 25455,
+ "Sample": 25456,
+ "Ġundergoes": 25457,
+ "ucc": 25458,
+ "OLI": 25459,
+ "ĠPron": 25460,
+ "Ġtasked": 25461,
+ "Ġgrooming": 25462,
+ "ĠYan": 25463,
+ "Ġ`(": 25464,
+ "Ġincorporation": 25465,
+ "Ġbytes": 25466,
+ ",and": 25467,
+ "corn": 25468,
+ "Ġgenders": 25469,
+ "ĠEdinburgh": 25470,
+ "Ġcompulsory": 25471,
+ "ĠZimbabwe": 25472,
+ "Ġhonestly": 25473,
+ "akia": 25474,
+ "inda": 25475,
+ "Ġoffenders": 25476,
+ "ĠEmployment": 25477,
+ "ĠCounting": 25478,
+ "Ġreperto": 25479,
+ "ĠManchester": 25480,
+ "Ġconstructions": 25481,
+ "Ġcosine": 25482,
+ "Ġbounce": 25483,
+ "008": 25484,
+ "etyl": 25485,
+ "Ann": 25486,
+ "Ġmushroom": 25487,
+ "Ġauction": 25488,
+ "ergies": 25489,
+ "\\sqrt": 25490,
+ "ĠMystery": 25491,
+ "ITE": 25492,
+ "oshi": 25493,
+ "ĠEthernet": 25494,
+ "Ġconfirms": 25495,
+ "Ġfermented": 25496,
+ "ococ": 25497,
+ "aways": 25498,
+ "Ġconstituent": 25499,
+ "Ġtread": 25500,
+ "Ġsailors": 25501,
+ "paralle": 25502,
+ "MEDICAL": 25503,
+ "imir": 25504,
+ "Ġaffinity": 25505,
+ "ĠRecognize": 25506,
+ "=int": 25507,
+ "Pa": 25508,
+ "Ġpolished": 25509,
+ "Ġbins": 25510,
+ "ĠGun": 25511,
+ "ĠBomb": 25512,
+ "ĠSubtraction": 25513,
+ "emory": 25514,
+ "ĠiOS": 25515,
+ "Ġrestrictive": 25516,
+ "Ġerected": 25517,
+ "Ġobstruction": 25518,
+ "Ca": 25519,
+ "åĴĮ": 25520,
+ "Ġparallelogram": 25521,
+ "ĠBullet": 25522,
+ "etra": 25523,
+ "Ġpancreatic": 25524,
+ "Ġvigor": 25525,
+ "ĠTA": 25526,
+ "ellers": 25527,
+ "Ġmapped": 25528,
+ "ĠStick": 25529,
+ "ĠDrinking": 25530,
+ "education": 25531,
+ "ĠAck": 25532,
+ "Ġdelet": 25533,
+ "imer": 25534,
+ "-pres": 25535,
+ "Ġrelativity": 25536,
+ "Om": 25537,
+ "ĠWag": 25538,
+ "FE": 25539,
+ "Ġcollapsed": 25540,
+ "Ġsampled": 25541,
+ "Internet": 25542,
+ "Ġtetra": 25543,
+ "olate": 25544,
+ "Ġarid": 25545,
+ "219": 25546,
+ "ĠRece": 25547,
+ "ĠAld": 25548,
+ "Ġcoloured": 25549,
+ "ĠContinental": 25550,
+ "Ġdisposable": 25551,
+ "Ġblessed": 25552,
+ "ĠCB": 25553,
+ "ĠSalv": 25554,
+ "ounces": 25555,
+ "cia": 25556,
+ "tlement": 25557,
+ "Ġcarot": 25558,
+ "Ġcounteract": 25559,
+ "Ġtoxin": 25560,
+ "ĠMeteor": 25561,
+ "ĠKate": 25562,
+ "Ġcryptography": 25563,
+ "resa": 25564,
+ "Traditional": 25565,
+ "Ġanalyst": 25566,
+ "Americ": 25567,
+ "Ġtops": 25568,
+ "ĠHundred": 25569,
+ "otoxic": 25570,
+ "-home": 25571,
+ "ribute": 25572,
+ "Ġstitches": 25573,
+ "Ġcramps": 25574,
+ "-Al": 25575,
+ "Ġperc": 25576,
+ "Ġflourished": 25577,
+ "ĠStars": 25578,
+ "Ġreplen": 25579,
+ "Ġrebuild": 25580,
+ "Ġauxiliary": 25581,
+ "Week": 25582,
+ "Level": 25583,
+ "Ġmerchandise": 25584,
+ "why": 25585,
+ "ĠEuler": 25586,
+ "ĠFamous": 25587,
+ "Ġbeating": 25588,
+ "Ġ)ĊĊ": 25589,
+ "ĠChin": 25590,
+ "ĠCambodia": 25591,
+ "ĠIb": 25592,
+ "osome": 25593,
+ "Continue": 25594,
+ "ĠTodd": 25595,
+ "awi": 25596,
+ "caping": 25597,
+ "Ġsaints": 25598,
+ "ĠRick": 25599,
+ "cessors": 25600,
+ "Ġretains": 25601,
+ "Ġа": 25602,
+ "Meet": 25603,
+ "ITER": 25604,
+ "KA": 25605,
+ "_article": 25606,
+ "ocative": 25607,
+ "ĠReconstruction": 25608,
+ "ĠShapes": 25609,
+ "Ġvicinity": 25610,
+ "ĠGeneva": 25611,
+ "ë": 25612,
+ "ĠUnd": 25613,
+ "Ġhectares": 25614,
+ "ishops": 25615,
+ "850": 25616,
+ "Ġionic": 25617,
+ "Strateg": 25618,
+ "Ġinaccurate": 25619,
+ "Ġâİ": 25620,
+ "Ġadmiration": 25621,
+ "æ³ķ": 25622,
+ "Ġstimulated": 25623,
+ "ĠFootball": 25624,
+ "uli": 25625,
+ "Ġswept": 25626,
+ "ĠSequence": 25627,
+ "315": 25628,
+ "Ts": 25629,
+ "imilar": 25630,
+ ")!": 25631,
+ "hl": 25632,
+ "ĠTM": 25633,
+ "igmat": 25634,
+ "ĠAdvoc": 25635,
+ "Ġavocado": 25636,
+ "Ġhips": 25637,
+ "acht": 25638,
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 25639,
+ "Ġcoordinating": 25640,
+ "Ġdiscriminatory": 25641,
+ "ĠCommerce": 25642,
+ "Ġdocumenting": 25643,
+ "Ġintro": 25644,
+ "-borne": 25645,
+ "oscopic": 25646,
+ "Ġguinea": 25647,
+ "Multi": 25648,
+ "Ġfolded": 25649,
+ "Ġmayor": 25650,
+ "lli": 25651,
+ "Ġhose": 25652,
+ "Ġdug": 25653,
+ "Ġmanners": 25654,
+ "ĠViking": 25655,
+ "Ġbeforehand": 25656,
+ "Ġconfuse": 25657,
+ "Ġsnails": 25658,
+ "pal": 25659,
+ "oped": 25660,
+ "ĠGarc": 25661,
+ "],[": 25662,
+ "ĠSOL": 25663,
+ "Ġconnot": 25664,
+ "ĠPhysiology": 25665,
+ "Ġformulate": 25666,
+ "ĠObesity": 25667,
+ "-equ": 25668,
+ "say": 25669,
+ "ĠDensity": 25670,
+ "Ġtrapez": 25671,
+ "ĠZo": 25672,
+ "-intensive": 25673,
+ "ĠDynamic": 25674,
+ "Ġphotovoltaic": 25675,
+ "ĠTrip": 25676,
+ "ethical": 25677,
+ "Ġpeacefully": 25678,
+ "ĠChamber": 25679,
+ "Ġdire": 25680,
+ "Ġperoxide": 25681,
+ "ĠWellness": 25682,
+ "ubes": 25683,
+ "ĠRelevance": 25684,
+ "Ġsatisfactory": 25685,
+ "-phase": 25686,
+ "Ġsepsis": 25687,
+ "Ġtendon": 25688,
+ "Ġscholarships": 25689,
+ "Ġstarter": 25690,
+ "flammation": 25691,
+ ".'Ċ": 25692,
+ "ĥ½": 25693,
+ "Ġaqueous": 25694,
+ "Ġsoothing": 25695,
+ "Ġorganizers": 25696,
+ "Ġka": 25697,
+ "-positive": 25698,
+ "nn": 25699,
+ "-focused": 25700,
+ "Ġpertains": 25701,
+ "iji": 25702,
+ "ourcing": 25703,
+ "Ġmasterpieces": 25704,
+ "ĠReasoning": 25705,
+ "ĠJamaica": 25706,
+ "ãĢĤĊ": 25707,
+ "Ġdowntown": 25708,
+ "ĠOpin": 25709,
+ "Ġantit": 25710,
+ "Ġtorture": 25711,
+ "NI": 25712,
+ "Ġawe": 25713,
+ "acic": 25714,
+ "ĠAppendix": 25715,
+ "=False": 25716,
+ "owl": 25717,
+ "Ġcopying": 25718,
+ "Ġdoctoral": 25719,
+ "AAAA": 25720,
+ "Ap": 25721,
+ ",t": 25722,
+ "ĠWE": 25723,
+ "ĠBaroque": 25724,
+ "ĠTurtle": 25725,
+ "paralleled": 25726,
+ "Ġspecifics": 25727,
+ "cend": 25728,
+ "edar": 25729,
+ "arations": 25730,
+ "ĠEpidem": 25731,
+ "ĠMeasuring": 25732,
+ "atured": 25733,
+ "ĠEquality": 25734,
+ "Ġreproduced": 25735,
+ "Ġblessings": 25736,
+ "ĠCite": 25737,
+ "Ġblowing": 25738,
+ "Ġresultant": 25739,
+ "written": 25740,
+ "rities": 25741,
+ "bye": 25742,
+ "ĠRepublicans": 25743,
+ "urry": 25744,
+ "ĠStem": 25745,
+ "-back": 25746,
+ "Ġhappily": 25747,
+ "Recently": 25748,
+ "Ġmisinformation": 25749,
+ "Ġvaccinations": 25750,
+ "innings": 25751,
+ "Ġheir": 25752,
+ "ĠScar": 25753,
+ "Ġlambda": 25754,
+ "Ġlease": 25755,
+ "ĠHydrogen": 25756,
+ "sexual": 25757,
+ "ĠARE": 25758,
+ "Ġconcluding": 25759,
+ "ĠDean": 25760,
+ "Ġseminal": 25761,
+ "oplankton": 25762,
+ "ĠSouthwest": 25763,
+ "achi": 25764,
+ "TIES": 25765,
+ "inical": 25766,
+ "ĠCopy": 25767,
+ "Ġfaulty": 25768,
+ ".wikipedia": 25769,
+ "BLE": 25770,
+ "ï": 25771,
+ "Ġmunicipalities": 25772,
+ "/-": 25773,
+ "-pressure": 25774,
+ "ushi": 25775,
+ "_chosen": 25776,
+ "Ġcursive": 25777,
+ "Ġlod": 25778,
+ "ĠGoal": 25779,
+ "Ġsketches": 25780,
+ "-Saharan": 25781,
+ "Ġembryonic": 25782,
+ "ĠPER": 25783,
+ "264": 25784,
+ "fix": 25785,
+ "Ġarranging": 25786,
+ "PSYCHOLOGY": 25787,
+ "ilies": 25788,
+ "ĠSV": 25789,
+ "ĠAdvances": 25790,
+ "social": 25791,
+ "ĠPossible": 25792,
+ "Ġunle": 25793,
+ "Ġburnout": 25794,
+ "ĠMari": 25795,
+ "Ġselfish": 25796,
+ "cuts": 25797,
+ "Ġornamental": 25798,
+ "ĠConstitutional": 25799,
+ "ĠFamiliarize": 25800,
+ "Ġconductive": 25801,
+ "Very": 25802,
+ "Ġcomposers": 25803,
+ "-ended": 25804,
+ "Ġawake": 25805,
+ "omorphic": 25806,
+ "PER": 25807,
+ "iaries": 25808,
+ "pron": 25809,
+ "Ġbasement": 25810,
+ "Engine": 25811,
+ "ĠAfro": 25812,
+ "icaid": 25813,
+ ",j": 25814,
+ "Ġslows": 25815,
+ "ĠBour": 25816,
+ "ĠExplorer": 25817,
+ "]),": 25818,
+ "Ġassortment": 25819,
+ "Price": 25820,
+ "Electric": 25821,
+ "ozy": 25822,
+ "Sat": 25823,
+ "ĠIndic": 25824,
+ "Ġwaterways": 25825,
+ "ĠExamine": 25826,
+ "ĠIntellectual": 25827,
+ "ĠFibonacci": 25828,
+ "-i": 25829,
+ "ogan": 25830,
+ "Ġiii": 25831,
+ "ĠMayo": 25832,
+ "ĠDevelopmental": 25833,
+ "321": 25834,
+ "ISBN": 25835,
+ "Ġhardy": 25836,
+ "Ġsqueeze": 25837,
+ "243": 25838,
+ "ĠClassic": 25839,
+ "ĠJulius": 25840,
+ "ĠReduced": 25841,
+ "Impact": 25842,
+ "Ġcoherence": 25843,
+ "ĠCarm": 25844,
+ "ĠFrances": 25845,
+ "ĠRC": 25846,
+ "Ġsocialism": 25847,
+ "Ġobsc": 25848,
+ "ĠAssign": 25849,
+ "Ġmammal": 25850,
+ "540": 25851,
+ "Ġoptics": 25852,
+ "Ġepithelial": 25853,
+ "dots": 25854,
+ "Ġshipped": 25855,
+ "Ġrevolves": 25856,
+ "Hen": 25857,
+ "Ġpuff": 25858,
+ "Ġstains": 25859,
+ "ĠSons": 25860,
+ "Ġfaint": 25861,
+ "Ġcones": 25862,
+ "Ġredemption": 25863,
+ "Ġseldom": 25864,
+ "Ġcob": 25865,
+ "oderm": 25866,
+ "ĠPrincipal": 25867,
+ "Ġseized": 25868,
+ "ophone": 25869,
+ "415": 25870,
+ "pent": 25871,
+ "Ġinterconnectedness": 25872,
+ "ĠBrowse": 25873,
+ "Ġexhaustion": 25874,
+ "itious": 25875,
+ "ĠEure": 25876,
+ "Ġcasino": 25877,
+ "Ġsoutheastern": 25878,
+ "Ġchalk": 25879,
+ "Ġgarage": 25880,
+ "Ġfighters": 25881,
+ "ĠPine": 25882,
+ "Ġ=ĊĊ": 25883,
+ "Ġencountering": 25884,
+ "gt": 25885,
+ "ĠHISTORY": 25886,
+ "Ġalerts": 25887,
+ "Ġjam": 25888,
+ "Background": 25889,
+ "ĠCertificate": 25890,
+ "opping": 25891,
+ "NET": 25892,
+ "IVE": 25893,
+ "Ġelegance": 25894,
+ "ĠTechnological": 25895,
+ "Ġcircumstance": 25896,
+ "GP": 25897,
+ "Would": 25898,
+ "source": 25899,
+ "bc": 25900,
+ "usa": 25901,
+ "artments": 25902,
+ "Ġconscience": 25903,
+ "Ġisolates": 25904,
+ "ĠPrincess": 25905,
+ "ĠRib": 25906,
+ "Ġbinds": 25907,
+ "218": 25908,
+ "ĠIvan": 25909,
+ ".zeros": 25910,
+ "Bal": 25911,
+ "brand": 25912,
+ "æĸ¹": 25913,
+ "ĠChlor": 25914,
+ ".size": 25915,
+ "Ġcentrifug": 25916,
+ "uta": 25917,
+ "Ġembroid": 25918,
+ "Ġbetting": 25919,
+ "Ġskate": 25920,
+ "Ġsharply": 25921,
+ "Ġdisappointed": 25922,
+ "Ġdiscs": 25923,
+ "medicine": 25924,
+ "ĠBeauty": 25925,
+ "Ġselections": 25926,
+ "ĠTransl": 25927,
+ "ĠLDL": 25928,
+ "ECD": 25929,
+ "ĠBald": 25930,
+ "Ġparliamentary": 25931,
+ "Ġutmost": 25932,
+ "Ġcocaine": 25933,
+ "uction": 25934,
+ "Ġextracting": 25935,
+ "plasia": 25936,
+ "Ġfiling": 25937,
+ "Sen": 25938,
+ "Ġaverages": 25939,
+ "ppings": 25940,
+ "ĠChand": 25941,
+ "Ġcatar": 25942,
+ "ĠCharter": 25943,
+ "ĠOrganisation": 25944,
+ "Ġrecruited": 25945,
+ "Ġmuscul": 25946,
+ "ĠImproving": 25947,
+ "Ġnumeric": 25948,
+ "Ġskepticism": 25949,
+ "irosh": 25950,
+ "ĠSprings": 25951,
+ "Ġ'*'": 25952,
+ "640": 25953,
+ "Ġrevival": 25954,
+ "ĠHemisphere": 25955,
+ "ĠImplement": 25956,
+ "ĠPlatform": 25957,
+ "ermost": 25958,
+ "omat": 25959,
+ "ĠJudge": 25960,
+ "Ġhelper": 25961,
+ "Ġ'+'": 25962,
+ "Ġholders": 25963,
+ "Ġliable": 25964,
+ "Ġrectangles": 25965,
+ "ĠVs": 25966,
+ "Ġundersc": 25967,
+ "ĠPink": 25968,
+ "understood": 25969,
+ "Ġspicy": 25970,
+ "288": 25971,
+ "ATIONS": 25972,
+ "urge": 25973,
+ "оÑģ": 25974,
+ "bu": 25975,
+ "Ġdeity": 25976,
+ "eming": 25977,
+ "arine": 25978,
+ "asured": 25979,
+ "ĠHours": 25980,
+ "Ġenthusiastic": 25981,
+ "Ġveteran": 25982,
+ "Ġabnorm": 25983,
+ "-green": 25984,
+ "Ġpiles": 25985,
+ "иÑģ": 25986,
+ "bia": 25987,
+ "food": 25988,
+ "Ġkale": 25989,
+ "ĠMeditation": 25990,
+ "âĢĭ": 25991,
+ "Ġrecognizable": 25992,
+ "-human": 25993,
+ "ĠSeeds": 25994,
+ "ambia": 25995,
+ "_wikihow": 25996,
+ "Ġcompelled": 25997,
+ "Ġinteracts": 25998,
+ "ĠAbsolutely": 25999,
+ "_se": 26000,
+ "Ġhuh": 26001,
+ "Ġcarving": 26002,
+ "Ġempath": 26003,
+ "Ġdrafting": 26004,
+ "Ġpellets": 26005,
+ "ĠHoney": 26006,
+ "Ġdepictions": 26007,
+ "!!!": 26008,
+ "Ġtowering": 26009,
+ "Ġnavy": 26010,
+ "psum": 26011,
+ "Ġ::": 26012,
+ "Ġ<-": 26013,
+ "ocyt": 26014,
+ "Base": 26015,
+ "Ġrevital": 26016,
+ "Ġcommanded": 26017,
+ "ĠÏĦ": 26018,
+ "Ġafore": 26019,
+ "online": 26020,
+ "regate": 26021,
+ "Ġtenure": 26022,
+ "ĠBasically": 26023,
+ "-performance": 26024,
+ "Ġtoothpaste": 26025,
+ "Ġseab": 26026,
+ "Ġparity": 26027,
+ "(w": 26028,
+ "Ġcrab": 26029,
+ "Ġransom": 26030,
+ "&A": 26031,
+ "Ġshortness": 26032,
+ "èĢ": 26033,
+ "Ġspectra": 26034,
+ "Ġaffair": 26035,
+ "ĠHus": 26036,
+ "Ġextremes": 26037,
+ "Ġincomes": 26038,
+ "Ġbrakes": 26039,
+ "sonian": 26040,
+ "OME": 26041,
+ "Ġ?ĊĊ": 26042,
+ "Ġmigraine": 26043,
+ "unh": 26044,
+ "Mental": 26045,
+ "Analysis": 26046,
+ "agent": 26047,
+ "Ġcontour": 26048,
+ "-European": 26049,
+ "Ġchores": 26050,
+ "personal": 26051,
+ "emically": 26052,
+ "ascar": 26053,
+ "ĠPalm": 26054,
+ "Ġrides": 26055,
+ "ĠJoshua": 26056,
+ "ĠOracle": 26057,
+ "Ġstrides": 26058,
+ "ATH": 26059,
+ "Ġrevered": 26060,
+ "stated": 26061,
+ "ĠTwenty": 26062,
+ "Ġafterward": 26063,
+ "ĠLeader": 26064,
+ "Ġprizes": 26065,
+ "ĠCoastal": 26066,
+ "ench": 26067,
+ "Ġnonverbal": 26068,
+ "Ġmorals": 26069,
+ "Ġreddish": 26070,
+ "Ġlandfills": 26071,
+ "zzles": 26072,
+ "Path": 26073,
+ "meaning": 26074,
+ "artes": 26075,
+ "ĠPP": 26076,
+ "_state": 26077,
+ "pres": 26078,
+ "Ġrim": 26079,
+ "Ġunparalleled": 26080,
+ "ĠHein": 26081,
+ "Ġjoins": 26082,
+ "Ġhull": 26083,
+ "Ġdistributing": 26084,
+ "ĠBiodiversity": 26085,
+ "(u": 26086,
+ "alys": 26087,
+ "Ġfinishes": 26088,
+ "Ġnecessitating": 26089,
+ "ilitary": 26090,
+ "ELTS": 26091,
+ "bors": 26092,
+ "Ġchaotic": 26093,
+ "ĠImprovement": 26094,
+ "Ġknitting": 26095,
+ "inol": 26096,
+ "ULL": 26097,
+ ".find": 26098,
+ "Ġpc": 26099,
+ "ĠLip": 26100,
+ "Ġawkward": 26101,
+ "ĠOmega": 26102,
+ "Ġanaerobic": 26103,
+ "electric": 26104,
+ "pots": 26105,
+ "Ġstal": 26106,
+ "Ġtunes": 26107,
+ "Blood": 26108,
+ "è¦": 26109,
+ "Ġministers": 26110,
+ "ĠPlains": 26111,
+ "Ġmonks": 26112,
+ "ISM": 26113,
+ "Ġ___________________": 26114,
+ "ĠÃĤ": 26115,
+ "666": 26116,
+ "Ġlegitimacy": 26117,
+ "cels": 26118,
+ "Ġreactors": 26119,
+ "ethylene": 26120,
+ "ĠRunning": 26121,
+ "Ġphishing": 26122,
+ "Ancient": 26123,
+ "Ġshining": 26124,
+ "Ġlatency": 26125,
+ "Ġintrospection": 26126,
+ "onomous": 26127,
+ "ĠNP": 26128,
+ "Ġdiagnostics": 26129,
+ "Ġpolluted": 26130,
+ "Ġegypt": 26131,
+ "their": 26132,
+ "ĠCertified": 26133,
+ "Ġduplicate": 26134,
+ "ĠFantasy": 26135,
+ "Ġventures": 26136,
+ "Ġeccentric": 26137,
+ "bsp": 26138,
+ "Again": 26139,
+ "(approx": 26140,
+ "`s": 26141,
+ ".\\": 26142,
+ "angible": 26143,
+ "Ġautistic": 26144,
+ "Ġstripes": 26145,
+ "ĠWA": 26146,
+ "arate": 26147,
+ "-producing": 26148,
+ "Ġillumination": 26149,
+ "raisal": 26150,
+ "Ġburnt": 26151,
+ "tti": 26152,
+ "aucoma": 26153,
+ "HEMA": 26154,
+ "ĠGem": 26155,
+ "West": 26156,
+ "ĠCombining": 26157,
+ "âĢĿ).": 26158,
+ "Ġreferencing": 26159,
+ "offs": 26160,
+ "Array": 26161,
+ "ĠRates": 26162,
+ "olecules": 26163,
+ "Ġwitnessing": 26164,
+ "town": 26165,
+ "åĪĨ": 26166,
+ "racted": 26167,
+ "Ġmicrobiota": 26168,
+ "ĠEq": 26169,
+ "Still": 26170,
+ "large": 26171,
+ "ĠPf": 26172,
+ "Ġunderrepresented": 26173,
+ "_max": 26174,
+ "ç§": 26175,
+ "Ġstam": 26176,
+ "VIEW": 26177,
+ "Ġlactose": 26178,
+ "ĠFriedrich": 26179,
+ "|F": 26180,
+ "Ġcott": 26181,
+ "Ġinspires": 26182,
+ "LO": 26183,
+ "ĠExtreme": 26184,
+ "Ġbroth": 26185,
+ "ĠGriff": 26186,
+ "ĠFoss": 26187,
+ "-years": 26188,
+ "ĠInstruct": 26189,
+ "-reflection": 26190,
+ "yed": 26191,
+ "ĠPure": 26192,
+ "Ġcurb": 26193,
+ "ĠHipp": 26194,
+ "Ġenv": 26195,
+ "agar": 26196,
+ "formatics": 26197,
+ "ĠRestoration": 26198,
+ "Scientific": 26199,
+ "were": 26200,
+ "Ġrevolutions": 26201,
+ "Ġdiaphrag": 26202,
+ "Ġmanipulated": 26203,
+ "dings": 26204,
+ "avering": 26205,
+ "manship": 26206,
+ "solete": 26207,
+ "Ġsurprises": 26208,
+ "-only": 26209,
+ "iovascular": 26210,
+ "short": 26211,
+ "Prior": 26212,
+ "Box": 26213,
+ "NU": 26214,
+ "Ġcalibr": 26215,
+ "Ġforestry": 26216,
+ "Ġcarcinoma": 26217,
+ "Ġlacked": 26218,
+ "ĠSyrian": 26219,
+ "Ġparasitic": 26220,
+ "Ġdroughts": 26221,
+ "Local": 26222,
+ "vens": 26223,
+ "Ġaccustomed": 26224,
+ "ĠDisability": 26225,
+ "assic": 26226,
+ "Ġagile": 26227,
+ "ĠMaximum": 26228,
+ "ĠMontessori": 26229,
+ "Ġ'/'": 26230,
+ "{c": 26231,
+ "ĠYam": 26232,
+ "æĢ": 26233,
+ "nee": 26234,
+ "ĠChurchill": 26235,
+ "ervices": 26236,
+ "242": 26237,
+ "since": 26238,
+ "Syn": 26239,
+ "Ġpes": 26240,
+ "amph": 26241,
+ "Ġ\"__": 26242,
+ "ĠEssentially": 26243,
+ "Ra": 26244,
+ "lat": 26245,
+ "Ġenumerate": 26246,
+ "-book": 26247,
+ "terbury": 26248,
+ "Ġautobiography": 26249,
+ "Ġgreet": 26250,
+ "Ġpersists": 26251,
+ "Ġabscess": 26252,
+ "Ġeczema": 26253,
+ "Ġensemble": 26254,
+ "Ġbuoy": 26255,
+ "Ġcogn": 26256,
+ "ĠLatest": 26257,
+ "fruit": 26258,
+ "Ġbooster": 26259,
+ "/H": 26260,
+ "Paper": 26261,
+ "inters": 26262,
+ "ĠPhen": 26263,
+ "ĠWiki": 26264,
+ "Ġsweets": 26265,
+ "å·": 26266,
+ "ĠEagle": 26267,
+ "ĠHorm": 26268,
+ "ĠCompetition": 26269,
+ "Ġll": 26270,
+ "ĠFraction": 26271,
+ "ĠWow": 26272,
+ "Ġregulator": 26273,
+ "Ġartistry": 26274,
+ "ĠArray": 26275,
+ "ovalent": 26276,
+ "ĠAnat": 26277,
+ "Ġphotographic": 26278,
+ ":**Ċ": 26279,
+ "ĠTong": 26280,
+ "ой": 26281,
+ "Ġthermometer": 26282,
+ "keepers": 26283,
+ "ĠChang": 26284,
+ "ĠPrag": 26285,
+ "ĠTiger": 26286,
+ "ĠProte": 26287,
+ "ĠLebanon": 26288,
+ "018": 26289,
+ "ĠEug": 26290,
+ "ĠGovernance": 26291,
+ "Ġbrowsers": 26292,
+ "aton": 26293,
+ "Ġyork": 26294,
+ "indle": 26295,
+ "Financial": 26296,
+ "226": 26297,
+ "ĠMuscle": 26298,
+ "roly": 26299,
+ "Ġinterst": 26300,
+ "Ġcrashes": 26301,
+ "ĠMayor": 26302,
+ "update": 26303,
+ "ĠStanley": 26304,
+ "imating": 26305,
+ "ĠTransformation": 26306,
+ "Ġlipids": 26307,
+ "ĠTheater": 26308,
+ "irmingham": 26309,
+ "-wing": 26310,
+ "Ġpouring": 26311,
+ "eworthy": 26312,
+ "Ġtelecommunications": 26313,
+ "ERD": 26314,
+ "Ġcovenant": 26315,
+ "247": 26316,
+ "ĠSites": 26317,
+ "Ġdividend": 26318,
+ "length": 26319,
+ "itas": 26320,
+ "ĠEqual": 26321,
+ "Community": 26322,
+ "ĠInstitution": 26323,
+ "Äĥ": 26324,
+ "irling": 26325,
+ "285": 26326,
+ "ffected": 26327,
+ "Ġoccupies": 26328,
+ "Model": 26329,
+ "biased": 26330,
+ "atology": 26331,
+ "ĠElim": 26332,
+ "Ġheadings": 26333,
+ "Ġwatts": 26334,
+ "ĠHabitat": 26335,
+ "Ġparadigms": 26336,
+ "ĠArchaeology": 26337,
+ "yc": 26338,
+ "Ġtaller": 26339,
+ "Ġpolymorph": 26340,
+ "501": 26341,
+ "Ġacknowledges": 26342,
+ "Ġconfine": 26343,
+ "ĠTrigon": 26344,
+ "Ġyummy": 26345,
+ "ĠDetailed": 26346,
+ "etes": 26347,
+ "Ġriders": 26348,
+ "Ġcleansing": 26349,
+ "Ġmerits": 26350,
+ "Ġcravings": 26351,
+ "ĠPitts": 26352,
+ "ĠART": 26353,
+ "Ġsparking": 26354,
+ "Ġcosmos": 26355,
+ "Ġdisposed": 26356,
+ "Ġjumps": 26357,
+ "ĠNovels": 26358,
+ "ayed": 26359,
+ "udes": 26360,
+ "ĠAbove": 26361,
+ "Ġsiege": 26362,
+ "Ġplausible": 26363,
+ "Gr": 26364,
+ "ĠThermal": 26365,
+ "ĠKenn": 26366,
+ "computer": 26367,
+ "Identify": 26368,
+ "rio": 26369,
+ "-handed": 26370,
+ "_val": 26371,
+ "Ġhood": 26372,
+ "atemal": 26373,
+ "Ġimpactful": 26374,
+ "helium": 26375,
+ "COM": 26376,
+ "Ġgrasslands": 26377,
+ "Ġtapping": 26378,
+ "Ġsclerosis": 26379,
+ "Ġfamine": 26380,
+ "Ġepistem": 26381,
+ "bolic": 26382,
+ "column": 26383,
+ "`ĊĊ": 26384,
+ "tis": 26385,
+ "ĠFundamentals": 26386,
+ "hs": 26387,
+ "Ġchromium": 26388,
+ "Ġspikes": 26389,
+ "Ġhalluc": 26390,
+ "ĠJennifer": 26391,
+ "520": 26392,
+ "Ġcolleague": 26393,
+ "Vs": 26394,
+ "ĠKE": 26395,
+ "ĠShaw": 26396,
+ "Publication": 26397,
+ "Ġcomputations": 26398,
+ "Ġmerging": 26399,
+ "jah": 26400,
+ "ĠAuschwitz": 26401,
+ "ĠUsage": 26402,
+ "ĠLithuan": 26403,
+ "vt": 26404,
+ "Ġpoised": 26405,
+ "æİ": 26406,
+ "uters": 26407,
+ "én": 26408,
+ "Ġsegmentation": 26409,
+ "american": 26410,
+ "uador": 26411,
+ "Ġounce": 26412,
+ "enne": 26413,
+ "Ġducks": 26414,
+ "ĠGhost": 26415,
+ "Ġresent": 26416,
+ "Ġcsv": 26417,
+ "Ġinfringe": 26418,
+ "ĠReally": 26419,
+ "ĠÏĨ": 26420,
+ "each": 26421,
+ "Sun": 26422,
+ "Ġconductors": 26423,
+ "Ġconstellation": 26424,
+ "ĠShell": 26425,
+ "ĠMeta": 26426,
+ "ĠKnight": 26427,
+ "Ġflames": 26428,
+ "ĠCryptocur": 26429,
+ "Ġphysique": 26430,
+ "ĠGradually": 26431,
+ "ĠVertical": 26432,
+ "edes": 26433,
+ "Ġdome": 26434,
+ "ĠTechnique": 26435,
+ "ĠParker": 26436,
+ "Ġpackaged": 26437,
+ "Ġcontracted": 26438,
+ "ĠVolcan": 26439,
+ "ĠDeg": 26440,
+ "Ġrealms": 26441,
+ "ĠEz": 26442,
+ "cue": 26443,
+ "Ġ\\Ċ": 26444,
+ "Ġpolarization": 26445,
+ "Ġsubmitting": 26446,
+ "Ġpsychosocial": 26447,
+ "iferous": 26448,
+ "ĠOwl": 26449,
+ "ĠBert": 26450,
+ "ĠIncluding": 26451,
+ "Various": 26452,
+ "Ġsab": 26453,
+ "Ġinnocence": 26454,
+ "-informed": 26455,
+ "Ġenclosure": 26456,
+ "ĠTherm": 26457,
+ "Ġfactorization": 26458,
+ "Ġaluminium": 26459,
+ "Ġblessing": 26460,
+ "ĠðŁij": 26461,
+ "Ġinfantry": 26462,
+ "ĠStrait": 26463,
+ "Ġirreversible": 26464,
+ "ĠAthlet": 26465,
+ "Fre": 26466,
+ "ĠCod": 26467,
+ "Ġcompressor": 26468,
+ "Paul": 26469,
+ "Ġheartbeat": 26470,
+ "Ġassigning": 26471,
+ "ĠPromoting": 26472,
+ "Requ": 26473,
+ "asha": 26474,
+ "luence": 26475,
+ "factor": 26476,
+ "Ġhybr": 26477,
+ "ĠFarmers": 26478,
+ "ĠDefinitions": 26479,
+ "ĠCAP": 26480,
+ "Ġbloody": 26481,
+ "299": 26482,
+ "Ġcomparatively": 26483,
+ "Ġshaded": 26484,
+ "Ġvertebra": 26485,
+ "Ġtablespoons": 26486,
+ "-click": 26487,
+ "ĠProcedure": 26488,
+ "gow": 26489,
+ "Ġaggress": 26490,
+ "ophysical": 26491,
+ "ĠTraditions": 26492,
+ "451": 26493,
+ "atization": 26494,
+ "ĠMamm": 26495,
+ "ĠeBook": 26496,
+ "Ġthrill": 26497,
+ "à¥ĭ": 26498,
+ "ĠLegend": 26499,
+ "Ġuncovering": 26500,
+ "dc": 26501,
+ "Factors": 26502,
+ "Ġmitochondria": 26503,
+ "ĠResilience": 26504,
+ "ĠStyles": 26505,
+ "nets": 26506,
+ "}x": 26507,
+ "opian": 26508,
+ ".un": 26509,
+ "Ġrapp": 26510,
+ "casting": 26511,
+ "ĠAbu": 26512,
+ "assador": 26513,
+ "[]": 26514,
+ "alia": 26515,
+ "Ġunintended": 26516,
+ "ematic": 26517,
+ "Ġreferenced": 26518,
+ "Ġtrainer": 26519,
+ "Ġrests": 26520,
+ "ĠDiscrimination": 26521,
+ "014": 26522,
+ "Ġhing": 26523,
+ "Questions": 26524,
+ "Ġdesperate": 26525,
+ "Ġremarkably": 26526,
+ "ĠMahar": 26527,
+ "¼": 26528,
+ "infection": 26529,
+ "flix": 26530,
+ "Ġdistracted": 26531,
+ "ĠRecon": 26532,
+ "Ġbloating": 26533,
+ "Ġdiode": 26534,
+ "ÅŁ": 26535,
+ "Univers": 26536,
+ "ĠChrom": 26537,
+ "ĠSpelling": 26538,
+ "Ġowning": 26539,
+ "ĠFlowers": 26540,
+ "ĠDol": 26541,
+ "COVID": 26542,
+ "Ġcrystalline": 26543,
+ "Ġintervene": 26544,
+ "Ġscram": 26545,
+ "Ġcrisp": 26546,
+ "iciary": 26547,
+ "ĠRic": 26548,
+ "Ġhonors": 26549,
+ "Ġlev": 26550,
+ "ĠVancouver": 26551,
+ "339": 26552,
+ "/min": 26553,
+ "ĠChance": 26554,
+ "licts": 26555,
+ "Ġattainment": 26556,
+ "osexuality": 26557,
+ "Ġhast": 26558,
+ "atio": 26559,
+ "ĠChicken": 26560,
+ "Ġcylinders": 26561,
+ "253": 26562,
+ "Ġspectrom": 26563,
+ "Ġsummarizes": 26564,
+ "Ġdispose": 26565,
+ "ĠJa": 26566,
+ "Ġchronological": 26567,
+ "Ġoppressive": 26568,
+ "lit": 26569,
+ "Ġjungle": 26570,
+ "Ġargs": 26571,
+ "gre": 26572,
+ "ĠStuart": 26573,
+ "Weight": 26574,
+ "Ġlistener": 26575,
+ "Islam": 26576,
+ "ĠIX": 26577,
+ "ritic": 26578,
+ "ĠPregnancy": 26579,
+ "ÑĤо": 26580,
+ "Indust": 26581,
+ "Ġimplicated": 26582,
+ "Ġdrunk": 26583,
+ "igmatic": 26584,
+ "ontology": 26585,
+ "Ġapopt": 26586,
+ "Ġgranting": 26587,
+ "ĠShar": 26588,
+ "Along": 26589,
+ "ĠAcute": 26590,
+ "-distance": 26591,
+ "ĠQuantitative": 26592,
+ "idine": 26593,
+ "Simple": 26594,
+ "Ġunite": 26595,
+ "San": 26596,
+ "ĠNumerous": 26597,
+ "ĠPhotoshop": 26598,
+ "ĠMorm": 26599,
+ "Ġflock": 26600,
+ "Ġchol": 26601,
+ "Ġemanc": 26602,
+ "Ġesc": 26603,
+ "272": 26604,
+ "911": 26605,
+ "mium": 26606,
+ "Wed": 26607,
+ "Ġprecon": 26608,
+ "ĠDelaware": 26609,
+ "Ġfragmentation": 26610,
+ "#!/": 26611,
+ "ĠâĢ¦.": 26612,
+ "ĠESL": 26613,
+ "NESS": 26614,
+ "Ġmoth": 26615,
+ "ĠDiagnostic": 26616,
+ "Ġskeptical": 26617,
+ "ectomy": 26618,
+ "umi": 26619,
+ "Ġartworks": 26620,
+ "Ġhonoring": 26621,
+ "Ġaffordability": 26622,
+ "itut": 26623,
+ "Ġavian": 26624,
+ "supp": 26625,
+ "ĠTale": 26626,
+ "Ġupp": 26627,
+ "ivitis": 26628,
+ "ĠPie": 26629,
+ "////": 26630,
+ "229": 26631,
+ "Ġdissip": 26632,
+ "Ġbowls": 26633,
+ "Ġconduction": 26634,
+ "{y": 26635,
+ "ĠBod": 26636,
+ "ĠNathan": 26637,
+ "Ġinfancy": 26638,
+ "Ġcommittees": 26639,
+ "ĠKidney": 26640,
+ "etooth": 26641,
+ "Ġfolds": 26642,
+ "ĠClasses": 26643,
+ ".title": 26644,
+ "Ġbombing": 26645,
+ "Ġimprisonment": 26646,
+ "ĠStru": 26647,
+ "Ġshocking": 26648,
+ "_||": 26649,
+ "Ġfry": 26650,
+ "ucose": 26651,
+ "ĠHolland": 26652,
+ "ĠTank": 26653,
+ "Ġcompartment": 26654,
+ "Ġinforming": 26655,
+ "Ġworthwhile": 26656,
+ "ĠScene": 26657,
+ "ĠCornell": 26658,
+ "ĠOptimization": 26659,
+ "Quality": 26660,
+ "ifted": 26661,
+ "ectors": 26662,
+ "ighty": 26663,
+ "enuse": 26664,
+ "ĠFell": 26665,
+ ".png": 26666,
+ "Ġorthogonal": 26667,
+ "Five": 26668,
+ "Ġneph": 26669,
+ "Enh": 26670,
+ "ĠDocuments": 26671,
+ "Ġsplend": 26672,
+ "ĠHend": 26673,
+ "Ġmiscar": 26674,
+ "Ġintrigue": 26675,
+ "ĠShip": 26676,
+ "itching": 26677,
+ "ĠDietary": 26678,
+ "Ġleukemia": 26679,
+ "iddles": 26680,
+ "ĠNeither": 26681,
+ "ĠMachines": 26682,
+ "Ġhomelessness": 26683,
+ "stad": 26684,
+ "UND": 26685,
+ "Ġlump": 26686,
+ "Ġanonym": 26687,
+ "Ġdisruptive": 26688,
+ "ĠKra": 26689,
+ "-two": 26690,
+ "Ġpregnancies": 26691,
+ "Ġcustody": 26692,
+ "Ġweighed": 26693,
+ "Ġtermination": 26694,
+ "!)Ċ": 26695,
+ "ascal": 26696,
+ "Ġintercourse": 26697,
+ "aq": 26698,
+ "Ġhalt": 26699,
+ "Ġupside": 26700,
+ "ĠKrist": 26701,
+ "atible": 26702,
+ "Ġsponge": 26703,
+ "Ġmythical": 26704,
+ "Format": 26705,
+ "Ġeruptions": 26706,
+ "Ġendomet": 26707,
+ "Ġfreight": 26708,
+ "feld": 26709,
+ "ogh": 26710,
+ "Ġscars": 26711,
+ "ĠDS": 26712,
+ "riam": 26713,
+ "COS": 26714,
+ "Ġanatomical": 26715,
+ ".ch": 26716,
+ "Ġpicks": 26717,
+ "Ġslaughter": 26718,
+ "Ġpainters": 26719,
+ "Ġcathedral": 26720,
+ "ISA": 26721,
+ "Ġconvicted": 26722,
+ "Ġost": 26723,
+ "Ġprioritizing": 26724,
+ "Ġtv": 26725,
+ "ĠHidden": 26726,
+ "246": 26727,
+ "ĠWol": 26728,
+ "Ġusable": 26729,
+ "-dom": 26730,
+ "Ġdescended": 26731,
+ "Ġcalculators": 26732,
+ "Ġpeptide": 26733,
+ "Ġwitches": 26734,
+ "ĠInn": 26735,
+ "ĠPlas": 26736,
+ "Ġphenotype": 26737,
+ "Ġlane": 26738,
+ "Ġrelapse": 26739,
+ "Ġintermittent": 26740,
+ "ĠWool": 26741,
+ "Ġspor": 26742,
+ "ooth": 26743,
+ "ĠElder": 26744,
+ "Ġtray": 26745,
+ "ĠReformation": 26746,
+ "Ġsubmarine": 26747,
+ "_text": 26748,
+ "Ġaltar": 26749,
+ "Ġarena": 26750,
+ "ĠVes": 26751,
+ "Ġfortunate": 26752,
+ "fields": 26753,
+ "actively": 26754,
+ "Ġquarry": 26755,
+ "Ġinstincts": 26756,
+ "ĠShi": 26757,
+ "ĠIdeal": 26758,
+ "Ġie": 26759,
+ "Ġdeception": 26760,
+ "ĠPlayer": 26761,
+ "Ġcomprehending": 26762,
+ "Ġwipe": 26763,
+ "802": 26764,
+ "Leg": 26765,
+ "ĠPoe": 26766,
+ "Ġbuilders": 26767,
+ "ĠArabian": 26768,
+ ".con": 26769,
+ "Ġexpects": 26770,
+ "Ġmonopoly": 26771,
+ "Ġunwavering": 26772,
+ "Hard": 26773,
+ "TM": 26774,
+ "Ġhelium": 26775,
+ "Ġnoisy": 26776,
+ "Ġoverlook": 26777,
+ "ĠJason": 26778,
+ "Ġintegrates": 26779,
+ "London": 26780,
+ "Ġribbon": 26781,
+ "owner": 26782,
+ "262": 26783,
+ "Ġstarters": 26784,
+ "ovo": 26785,
+ "ucked": 26786,
+ "ĠEstablishing": 26787,
+ "Ġoutwe": 26788,
+ "ĠUnderground": 26789,
+ "ĠImmigration": 26790,
+ "ĠStewart": 26791,
+ "lay": 26792,
+ "Ġsuppressed": 26793,
+ "Advantages": 26794,
+ "ĠMartha": 26795,
+ "Upon": 26796,
+ "Ġbelts": 26797,
+ "utritional": 26798,
+ "Ġascending": 26799,
+ "ĠTas": 26800,
+ "237": 26801,
+ "ippers": 26802,
+ "alach": 26803,
+ "Ġfeline": 26804,
+ "ĠReducing": 26805,
+ "Ġfridge": 26806,
+ "Certain": 26807,
+ "acillus": 26808,
+ "Ġdischarged": 26809,
+ "quest": 26810,
+ "ĠBalk": 26811,
+ "ĠFasc": 26812,
+ "Ġdebut": 26813,
+ "Ġbrushes": 26814,
+ "Ġmoderately": 26815,
+ "Ġlan": 26816,
+ "-di": 26817,
+ "Ġmc": 26818,
+ "Ġdissect": 26819,
+ "iao": 26820,
+ "Ġpractise": 26821,
+ "NH": 26822,
+ "Ġpled": 26823,
+ "ĠHTTP": 26824,
+ "323": 26825,
+ "ĠAaron": 26826,
+ "ĠMOD": 26827,
+ "Ġsubstrates": 26828,
+ "Ġpyramids": 26829,
+ "Ġquestionnaires": 26830,
+ "ĠScientist": 26831,
+ "Ġmonumental": 26832,
+ "wered": 26833,
+ "?!": 26834,
+ "Stay": 26835,
+ "ĠJaw": 26836,
+ "Ġunden": 26837,
+ "ĠGB": 26838,
+ "239": 26839,
+ "ĠOption": 26840,
+ "Ġdepiction": 26841,
+ "umbai": 26842,
+ "Ġdefective": 26843,
+ "ĠPartnership": 26844,
+ "Ġregret": 26845,
+ "Ġgreed": 26846,
+ "Ġgalleries": 26847,
+ "Ġlogistic": 26848,
+ "Ġpharmacy": 26849,
+ "ĠFly": 26850,
+ "ĠGuardian": 26851,
+ "Ġsocks": 26852,
+ "Ġpollination": 26853,
+ "uka": 26854,
+ "Arg": 26855,
+ "sson": 26856,
+ "Ġyielded": 26857,
+ "ĠHarrison": 26858,
+ "ĠAssistance": 26859,
+ "itted": 26860,
+ "ĠObst": 26861,
+ "Ġdormant": 26862,
+ "Ġdick": 26863,
+ "ĠMall": 26864,
+ "Ġdistancing": 26865,
+ "Ġwhisp": 26866,
+ "Ġunreal": 26867,
+ "Ġwetland": 26868,
+ "Ġseawater": 26869,
+ "Ġbred": 26870,
+ "Ġrever": 26871,
+ "«": 26872,
+ "Ġautomobiles": 26873,
+ "ĠMoral": 26874,
+ "ĠPriorit": 26875,
+ "Germ": 26876,
+ "Ill": 26877,
+ "Ġsarc": 26878,
+ "orect": 26879,
+ "ĠAustralians": 26880,
+ "Ġdevil": 26881,
+ "Ġsnap": 26882,
+ "ĠBrus": 26883,
+ "Ġabused": 26884,
+ "Ġdiploma": 26885,
+ "Ġaccredited": 26886,
+ "Ġamyl": 26887,
+ "ĠCollections": 26888,
+ "Ġsandwich": 26889,
+ "ĠVe": 26890,
+ "uminum": 26891,
+ "Ġfixtures": 26892,
+ "Ġcomma": 26893,
+ "ustralian": 26894,
+ ")).": 26895,
+ "atican": 26896,
+ "Ġalphabets": 26897,
+ "Ġantigens": 26898,
+ "Ġthee": 26899,
+ "Ġparalysis": 26900,
+ "Ġarous": 26901,
+ "Ġworsh": 26902,
+ "Nature": 26903,
+ "-tailed": 26904,
+ "Ġ---": 26905,
+ "Ġinterviewed": 26906,
+ "heng": 26907,
+ "Ġtaxa": 26908,
+ "ĠGlas": 26909,
+ "Ġwatt": 26910,
+ "Ġstained": 26911,
+ "Ġinoc": 26912,
+ "ĠSlavery": 26913,
+ "ĠMAC": 26914,
+ "unal": 26915,
+ "Ġpraised": 26916,
+ "rangle": 26917,
+ "closure": 26918,
+ "oux": 26919,
+ "amount": 26920,
+ "pip": 26921,
+ "Ġanalogous": 26922,
+ "Ġassassination": 26923,
+ "Ġassure": 26924,
+ "Ġboilers": 26925,
+ "âĺ": 26926,
+ "Ġdre": 26927,
+ "-purpose": 26928,
+ "ĠSupplement": 26929,
+ "ĠResponsibility": 26930,
+ "ĠHubble": 26931,
+ "ĠPip": 26932,
+ "Ġexecutives": 26933,
+ "Ġpatriot": 26934,
+ "ĠTherap": 26935,
+ "Ġaligning": 26936,
+ "nem": 26937,
+ "itant": 26938,
+ "Ġfibres": 26939,
+ "Ġcurated": 26940,
+ "Ġrevisions": 26941,
+ ".grid": 26942,
+ "ĠCul": 26943,
+ "Histor": 26944,
+ "Ġheterogeneous": 26945,
+ "Ġunfore": 26946,
+ "Ġchemically": 26947,
+ "Ġrenamed": 26948,
+ "Ġlandsl": 26949,
+ "TL": 26950,
+ "236": 26951,
+ "amines": 26952,
+ "ajo": 26953,
+ "ĠEcological": 26954,
+ "Ġdé": 26955,
+ "Ġprisoner": 26956,
+ "thora": 26957,
+ "Ġhelm": 26958,
+ "ĠCosts": 26959,
+ "ĠChan": 26960,
+ "Ġmyocard": 26961,
+ "Ġchatbots": 26962,
+ "rament": 26963,
+ "ĠPinterest": 26964,
+ "Ġbushes": 26965,
+ "Ġorthodont": 26966,
+ "family": 26967,
+ "Ġunknow": 26968,
+ "ĠMatch": 26969,
+ "Ġcaptivated": 26970,
+ "Ġbearings": 26971,
+ "-units": 26972,
+ "kill": 26973,
+ "Ġtheat": 26974,
+ "orption": 26975,
+ "ĠGuatemal": 26976,
+ "Ġuniforms": 26977,
+ "borns": 26978,
+ "oplan": 26979,
+ "HI": 26980,
+ "ĠNak": 26981,
+ "Ġqui": 26982,
+ "Ġinfertility": 26983,
+ "cdots": 26984,
+ "olerant": 26985,
+ "Ġthres": 26986,
+ "Ġscaled": 26987,
+ "Ġcharitable": 26988,
+ "pancies": 26989,
+ "ĠBurg": 26990,
+ "Ġviolated": 26991,
+ "Ġmillennium": 26992,
+ "ĠLL": 26993,
+ "ĠAtomic": 26994,
+ "Ġexcavation": 26995,
+ "IGH": 26996,
+ "Ġreluctant": 26997,
+ "Ġnd": 26998,
+ "ĠBenn": 26999,
+ "ĠPhilippine": 27000,
+ "Between": 27001,
+ "ĠMg": 27002,
+ "ĠFlower": 27003,
+ "iga": 27004,
+ "281": 27005,
+ "ĠPainting": 27006,
+ "[(": 27007,
+ "Ġhistogram": 27008,
+ "ĠNowadays": 27009,
+ "ĠTarget": 27010,
+ "ayana": 27011,
+ "Ġrubbing": 27012,
+ "ĠNGOs": 27013,
+ "ĠObjects": 27014,
+ "ĠBened": 27015,
+ "ĠWait": 27016,
+ "ĠAttor": 27017,
+ "ĠDifferential": 27018,
+ "ocon": 27019,
+ "ĠND": 27020,
+ "DUCTION": 27021,
+ "Ġutensils": 27022,
+ "scient": 27023,
+ "Ġusername": 27024,
+ "Ġdissatis": 27025,
+ "Group": 27026,
+ "metics": 27027,
+ "Abs": 27028,
+ "Ġ\"Ċ": 27029,
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĊ": 27030,
+ "Ġtolerant": 27031,
+ "Ġparadise": 27032,
+ "Ġunic": 27033,
+ "Ġmetadata": 27034,
+ "untary": 27035,
+ "clesi": 27036,
+ "]{\\": 27037,
+ "257": 27038,
+ "Depending": 27039,
+ "Ġnortheastern": 27040,
+ "Ġsage": 27041,
+ "Ġwomb": 27042,
+ "Ġassemble": 27043,
+ ".insert": 27044,
+ "<=": 27045,
+ "Ġoat": 27046,
+ "Ġrestra": 27047,
+ "holm": 27048,
+ "Ġsuffrage": 27049,
+ "ĠRon": 27050,
+ "ĠApproximately": 27051,
+ "Ġpunished": 27052,
+ "anto": 27053,
+ "Ġshred": 27054,
+ "ĠAndre": 27055,
+ "ère": 27056,
+ "Ġpresently": 27057,
+ "Ġmastered": 27058,
+ "-designed": 27059,
+ "ĠMyanmar": 27060,
+ "Ġslots": 27061,
+ "ĠMetropolitan": 27062,
+ "Followers": 27063,
+ "çİ": 27064,
+ "ĠCreativity": 27065,
+ "References": 27066,
+ "ĠWisdom": 27067,
+ "ĠGregory": 27068,
+ "Ġaforementioned": 27069,
+ "-aged": 27070,
+ "Ġdrained": 27071,
+ "Ġdissolution": 27072,
+ "ARN": 27073,
+ "atri": 27074,
+ "ifferent": 27075,
+ "ĠTrinity": 27076,
+ "âľ": 27077,
+ "Neg": 27078,
+ "ĠBorder": 27079,
+ "Ġgradients": 27080,
+ "Ġpearl": 27081,
+ "Ġposit": 27082,
+ "ĠMedicaid": 27083,
+ "ĠInfo": 27084,
+ "?.": 27085,
+ "Ġamazed": 27086,
+ "Change": 27087,
+ "322": 27088,
+ "Ġvalor": 27089,
+ "Ġneuronal": 27090,
+ "inia": 27091,
+ "erala": 27092,
+ "Ġadventurous": 27093,
+ "Love": 27094,
+ "Ġfeb": 27095,
+ "ĠNeurolog": 27096,
+ "elfth": 27097,
+ "ĠZion": 27098,
+ "Ġacronym": 27099,
+ "ĠElement": 27100,
+ "Ġsymmetrical": 27101,
+ "Ġdenying": 27102,
+ "Ġactu": 27103,
+ "Ġmacroph": 27104,
+ "Ġexaggerated": 27105,
+ "Ġbake": 27106,
+ "ĠMAR": 27107,
+ "Ġallowance": 27108,
+ "Ġexhibiting": 27109,
+ ".randint": 27110,
+ "VEL": 27111,
+ "eliac": 27112,
+ "Ġaure": 27113,
+ "ĠCAN": 27114,
+ "Ġappliance": 27115,
+ "ĠSec": 27116,
+ "olt": 27117,
+ "ĠAna": 27118,
+ "ĠSie": 27119,
+ "Ġdrums": 27120,
+ "Ġlicenses": 27121,
+ "ĠAlgorithms": 27122,
+ "313": 27123,
+ "ĠPump": 27124,
+ "Ġrinse": 27125,
+ "Ġsourcing": 27126,
+ "Ġporn": 27127,
+ "pering": 27128,
+ "Ġfilament": 27129,
+ "Ġsoups": 27130,
+ "Ġrheumatoid": 27131,
+ "Ġrepertoire": 27132,
+ "_set": 27133,
+ "Ġbeetle": 27134,
+ ".": 27135,
+ "Ġdisob": 27136,
+ "âĢĶsuch": 27137,
+ "-U": 27138,
+ "Ġtransitional": 27139,
+ "ĠNonfiction": 27140,
+ "Ġphoton": 27141,
+ "Ġvillagers": 27142,
+ "Ġpodcasts": 27143,
+ "Robert": 27144,
+ "Ġwarmly": 27145,
+ "prim": 27146,
+ "Ġprocurement": 27147,
+ "ĠInvestigation": 27148,
+ "249": 27149,
+ "Ġdermatitis": 27150,
+ "680": 27151,
+ "Ġstatutory": 27152,
+ "Ġimmersed": 27153,
+ "Animal": 27154,
+ "ĠPolynomial": 27155,
+ "Ġsauces": 27156,
+ "030": 27157,
+ "agne": 27158,
+ "ĠOutcomes": 27159,
+ "/e": 27160,
+ "node": 27161,
+ "Ġtoug": 27162,
+ "orns": 27163,
+ "Ġretro": 27164,
+ "User": 27165,
+ "Ġsuperiority": 27166,
+ "Ġentail": 27167,
+ "positive": 27168,
+ "ĠSummit": 27169,
+ "Ġquarant": 27170,
+ "Ġcontradiction": 27171,
+ "lowing": 27172,
+ "ĠKu": 27173,
+ "456": 27174,
+ "utan": 27175,
+ "ĠGates": 27176,
+ "Ġtopography": 27177,
+ "ĠLEDs": 27178,
+ "Ġantiviral": 27179,
+ "Ġinvestigates": 27180,
+ "ochastic": 27181,
+ "(word": 27182,
+ "314": 27183,
+ "RF": 27184,
+ "Ġpostp": 27185,
+ "ummies": 27186,
+ "ĠSalmonella": 27187,
+ "ĠÑĥ": 27188,
+ "ĠSend": 27189,
+ "ĠMist": 27190,
+ "Ġcuttings": 27191,
+ "Ġattorneys": 27192,
+ "Ġtyph": 27193,
+ "Ġcleanliness": 27194,
+ "Ġexcluding": 27195,
+ "Ġcontrollers": 27196,
+ "inety": 27197,
+ "otta": 27198,
+ "ĠNeigh": 27199,
+ "Ġdisrupting": 27200,
+ "ĠBrooklyn": 27201,
+ "ĠBeautiful": 27202,
+ "(j": 27203,
+ "kah": 27204,
+ "Ġsir": 27205,
+ "Ġseated": 27206,
+ "ĠCrafts": 27207,
+ "ĠFilipino": 27208,
+ "Ġdiscouraged": 27209,
+ "Ġ(Ċ": 27210,
+ "ĠNancy": 27211,
+ "older": 27212,
+ "ĠEvans": 27213,
+ "-sc": 27214,
+ "ĠVo": 27215,
+ "Ġqualifying": 27216,
+ "Ġmundane": 27217,
+ "culation": 27218,
+ "db": 27219,
+ "Ġcess": 27220,
+ "renched": 27221,
+ "ás": 27222,
+ "ĠValentine": 27223,
+ "Ġglacier": 27224,
+ "orbid": 27225,
+ "Ġdeprived": 27226,
+ "ĠJazz": 27227,
+ "ĠNebraska": 27228,
+ "Ġpresumably": 27229,
+ "Ġgeologic": 27230,
+ "rens": 27231,
+ "aksh": 27232,
+ "-intensity": 27233,
+ "clear": 27234,
+ "Ġincorrectly": 27235,
+ "-author": 27236,
+ "NOT": 27237,
+ "ternally": 27238,
+ "ĠKaren": 27239,
+ "ĠGrad": 27240,
+ "Ġcrucible": 27241,
+ "|âĢ¢": 27242,
+ "Ġretinal": 27243,
+ "271": 27244,
+ "ĠMongol": 27245,
+ "Causes": 27246,
+ "encer": 27247,
+ "Ġnocturnal": 27248,
+ "Ġscalable": 27249,
+ "Ġ...ĊĊ": 27250,
+ "ipy": 27251,
+ "ĠDecimal": 27252,
+ "Ġspoil": 27253,
+ "ĠHonor": 27254,
+ "ensen": 27255,
+ "hya": 27256,
+ "ĠBirmingham": 27257,
+ "ĠBoys": 27258,
+ "ĠVeterinary": 27259,
+ ",.Ċ": 27260,
+ "Ġincrement": 27261,
+ "ĠClara": 27262,
+ "ERV": 27263,
+ "ĠPreservation": 27264,
+ "Ġingenuity": 27265,
+ "Ġcircadian": 27266,
+ "yon": 27267,
+ "Ġacademically": 27268,
+ "Often": 27269,
+ "Reference": 27270,
+ "sometimes": 27271,
+ "ĠGermanic": 27272,
+ "super": 27273,
+ "inarily": 27274,
+ "ĠSevere": 27275,
+ "ĠDrink": 27276,
+ "Ġoptimism": 27277,
+ "Ġintrigued": 27278,
+ "enguins": 27279,
+ "Ġhue": 27280,
+ "venous": 27281,
+ "inetics": 27282,
+ "Ġilluminating": 27283,
+ "ĠFundamental": 27284,
+ "Ġ_________________________||": 27285,
+ "Ġ___________________|Ċ": 27286,
+ "Critical": 27287,
+ "Wild": 27288,
+ "plicates": 27289,
+ "Ġdrastic": 27290,
+ "Ġlogos": 27291,
+ "ĠMontreal": 27292,
+ "ĠMontgomery": 27293,
+ "ĠItems": 27294,
+ "Ġlesion": 27295,
+ "Ġconnector": 27296,
+ "ĠObserve": 27297,
+ "Ġdiminish": 27298,
+ "Ġinception": 27299,
+ "Ġexchanging": 27300,
+ "ENC": 27301,
+ "ĠPrayer": 27302,
+ "Ġhelpless": 27303,
+ "amburg": 27304,
+ "ĠMilky": 27305,
+ "Id": 27306,
+ "Ġignition": 27307,
+ "ĠTreasury": 27308,
+ "QUES": 27309,
+ "è¡Į": 27310,
+ "ĠIntel": 27311,
+ "Ġdescending": 27312,
+ "Ġdemon": 27313,
+ "Ġastonishing": 27314,
+ "Ġwil": 27315,
+ "(node": 27316,
+ "ĠiPad": 27317,
+ "elian": 27318,
+ "Smart": 27319,
+ "embrance": 27320,
+ "ĠAtmospheric": 27321,
+ "-form": 27322,
+ "iko": 27323,
+ "\"-": 27324,
+ "Ġslang": 27325,
+ "ĠExtended": 27326,
+ "Ġalteration": 27327,
+ "Ġ\"))Ċ": 27328,
+ "hearted": 27329,
+ "Ġmeasles": 27330,
+ "(L": 27331,
+ "iman": 27332,
+ "Ġreportedly": 27333,
+ "ĠCAR": 27334,
+ "Ġmango": 27335,
+ "ĠArr": 27336,
+ "Ġhorr": 27337,
+ "ìĿ´": 27338,
+ "ĠDiamond": 27339,
+ "ozyg": 27340,
+ "Ġmortar": 27341,
+ "Ġbob": 27342,
+ "osine": 27343,
+ "Ġyoungster": 27344,
+ "OUT": 27345,
+ "haus": 27346,
+ "ĠWaters": 27347,
+ "icture": 27348,
+ "instance": 27349,
+ "Ġenrollment": 27350,
+ "-ca": 27351,
+ "Ġprivately": 27352,
+ "Ġfactorial": 27353,
+ "Ġbiome": 27354,
+ "ĠIsn": 27355,
+ "Ġodys": 27356,
+ "Ġwholesome": 27357,
+ "Ġconfigured": 27358,
+ "ĠNJ": 27359,
+ "-mark": 27360,
+ "Ġexercised": 27361,
+ "Ġaugust": 27362,
+ "\"))Ċ": 27363,
+ "icc": 27364,
+ "kee": 27365,
+ "Ġretrieved": 27366,
+ "Ġbiographical": 27367,
+ "Ġpygame": 27368,
+ "Ġguardian": 27369,
+ "otechn": 27370,
+ "Ġmarbles": 27371,
+ "Ġevolves": 27372,
+ "Ġcontractions": 27373,
+ "Ġpalms": 27374,
+ "ĠCitation": 27375,
+ "uni": 27376,
+ "agascar": 27377,
+ "Ġguessing": 27378,
+ "Ġbride": 27379,
+ "Ġpedagogy": 27380,
+ "ç´": 27381,
+ "oslav": 27382,
+ "ensitivity": 27383,
+ "çĤ": 27384,
+ "ĠSammy": 27385,
+ "Ġbotanical": 27386,
+ "ĠThread": 27387,
+ "ĠVlad": 27388,
+ "regn": 27389,
+ "Ġtwisted": 27390,
+ "ĠMunicip": 27391,
+ "ĠBee": 27392,
+ "proper": 27393,
+ "Ġnec": 27394,
+ "-fiction": 27395,
+ "Particip": 27396,
+ "ĠBaltic": 27397,
+ "ABC": 27398,
+ "irectional": 27399,
+ "ĠPerforming": 27400,
+ "......": 27401,
+ "Ġcontinuation": 27402,
+ "Ġscripture": 27403,
+ "Ġpension": 27404,
+ "ĠMyster": 27405,
+ ".csv": 27406,
+ "Ultimately": 27407,
+ "-at": 27408,
+ "Sn": 27409,
+ "Ġnegotiating": 27410,
+ "ĠKi": 27411,
+ "Ġbooklet": 27412,
+ "ĠColors": 27413,
+ "Ġrotary": 27414,
+ "plastic": 27415,
+ "Ġrecalled": 27416,
+ "Ġfibr": 27417,
+ "ĠCases": 27418,
+ "iked": 27419,
+ "306": 27420,
+ "Ġsuspicion": 27421,
+ "Ġprefers": 27422,
+ "Ġenthusiast": 27423,
+ "Ġtracked": 27424,
+ "ĠHaiti": 27425,
+ "HP": 27426,
+ "ĠTCP": 27427,
+ "Ġfounders": 27428,
+ "ĠBritannica": 27429,
+ "Ġhref": 27430,
+ "ĠRw": 27431,
+ "psilon": 27432,
+ "Ġbonded": 27433,
+ "rusted": 27434,
+ "ĠPediatrics": 27435,
+ "Ġmigratory": 27436,
+ "Ġgermany": 27437,
+ "ĠFiber": 27438,
+ "ĠLed": 27439,
+ "-house": 27440,
+ "Ġmelanoma": 27441,
+ "Ġara": 27442,
+ "ossary": 27443,
+ "rina": 27444,
+ "Ġlaundry": 27445,
+ "Ġallele": 27446,
+ "è¾ĵ": 27447,
+ "unding": 27448,
+ "ĠAngles": 27449,
+ "ĠMorning": 27450,
+ "lett": 27451,
+ "Ġdimly": 27452,
+ "Ġmillennia": 27453,
+ "ĠJain": 27454,
+ "Land": 27455,
+ "(P": 27456,
+ "cip": 27457,
+ "ingling": 27458,
+ "Ġsuperv": 27459,
+ "Ġrunner": 27460,
+ "Ġfigurative": 27461,
+ "ucker": 27462,
+ "incre": 27463,
+ "Ġsteer": 27464,
+ "Ġhardship": 27465,
+ "Ġtraine": 27466,
+ "ediation": 27467,
+ "acer": 27468,
+ "ĠAllies": 27469,
+ "Ġfibrosis": 27470,
+ "`.ĊĊ": 27471,
+ "Ġmesmer": 27472,
+ "/day": 27473,
+ "ËIJ": 27474,
+ "onde": 27475,
+ "lm": 27476,
+ "Ġonwards": 27477,
+ "ĠInuit": 27478,
+ "Ġendors": 27479,
+ "-length": 27480,
+ "Ġuphold": 27481,
+ "ilian": 27482,
+ "ĠAUT": 27483,
+ "ĠTheme": 27484,
+ "Ġinscribed": 27485,
+ "INS": 27486,
+ "Ġmenus": 27487,
+ "ĠOxygen": 27488,
+ "philis": 27489,
+ "Ġspear": 27490,
+ "ĠInstructions": 27491,
+ "-over": 27492,
+ "ĠMM": 27493,
+ "oco": 27494,
+ "aku": 27495,
+ "Ġepidemiology": 27496,
+ "Ġgrit": 27497,
+ "Ġassociates": 27498,
+ "Ġconsumes": 27499,
+ "Ġbiodegradable": 27500,
+ "âĻ": 27501,
+ "Ġthereafter": 27502,
+ "Ġbudding": 27503,
+ "Ġpresidents": 27504,
+ "ĠPione": 27505,
+ "Ġflare": 27506,
+ "Ġdevoid": 27507,
+ "ĠMitchell": 27508,
+ "rances": 27509,
+ "Ġinitiating": 27510,
+ "ĠKeywords": 27511,
+ "bands": 27512,
+ "Ġspur": 27513,
+ "Ġprenatal": 27514,
+ "Ġanimations": 27515,
+ "USE": 27516,
+ "ĠSaw": 27517,
+ "riday": 27518,
+ "ĠCapacity": 27519,
+ "Ġketo": 27520,
+ "Ġculprit": 27521,
+ "ordable": 27522,
+ "vectors": 27523,
+ "Ġdich": 27524,
+ "arte": 27525,
+ "ĠNy": 27526,
+ "Ġreverence": 27527,
+ "ische": 27528,
+ "-temperature": 27529,
+ "trl": 27530,
+ "Ġsacrificing": 27531,
+ "Ġregenerative": 27532,
+ "ĠScout": 27533,
+ "agus": 27534,
+ "âĢĿ:": 27535,
+ "Ġfloral": 27536,
+ "Ġcharacterised": 27537,
+ "ĠRush": 27538,
+ "ĠAssume": 27539,
+ "Ġmigrant": 27540,
+ "unhofer": 27541,
+ "entence": 27542,
+ "283": 27543,
+ "avorable": 27544,
+ "ĠAdvisory": 27545,
+ "inoids": 27546,
+ "rowned": 27547,
+ "Ġyielding": 27548,
+ "Ġevacuation": 27549,
+ "ĠRy": 27550,
+ "ĠHeight": 27551,
+ "Ġfourteen": 27552,
+ "annon": 27553,
+ "ridged": 27554,
+ "Ġarterial": 27555,
+ "Ġdiffuse": 27556,
+ "ĠEfforts": 27557,
+ "agra": 27558,
+ "Ġallure": 27559,
+ "Ġstealing": 27560,
+ "ĠReporting": 27561,
+ "(R": 27562,
+ "Ġbiologists": 27563,
+ "Ġprocedural": 27564,
+ "ĠLiberal": 27565,
+ "ĠSikh": 27566,
+ "odal": 27567,
+ "Ġsuperheroes": 27568,
+ "Ñī": 27569,
+ "idding": 27570,
+ "Ġshortened": 27571,
+ "$-": 27572,
+ "Ġcoded": 27573,
+ "Ġcanned": 27574,
+ "Ġsealing": 27575,
+ "Ġmotorcycle": 27576,
+ "Ġdyslexia": 27577,
+ "ĠGrey": 27578,
+ "Ġlockdown": 27579,
+ "Ġgor": 27580,
+ "Ġsupposedly": 27581,
+ "/E": 27582,
+ "title": 27583,
+ "ĠSib": 27584,
+ "Ġknight": 27585,
+ "Ġalleles": 27586,
+ "ĠMasters": 27587,
+ "ĠDesigning": 27588,
+ "Ġattachments": 27589,
+ "Ġgymn": 27590,
+ "asso": 27591,
+ "Ġinvitation": 27592,
+ "ва": 27593,
+ "dog": 27594,
+ "adows": 27595,
+ "ĠAugustine": 27596,
+ "ĠRomania": 27597,
+ "Ġcreamy": 27598,
+ "isi": 27599,
+ "aget": 27600,
+ "Ġlotteries": 27601,
+ "ENS": 27602,
+ "ĠTraditionally": 27603,
+ "Ġcaptive": 27604,
+ "Ġpulls": 27605,
+ "Ġambitions": 27606,
+ "ĠNine": 27607,
+ "Ġlowercase": 27608,
+ "Prepar": 27609,
+ "Ġexquisite": 27610,
+ "Ġantibacterial": 27611,
+ "Ġsyllable": 27612,
+ "Ġgonna": 27613,
+ "Ġinflux": 27614,
+ "Ġgru": 27615,
+ "ĠReserved": 27616,
+ "ĠEnterprise": 27617,
+ "Ġabolished": 27618,
+ "ĠPurchase": 27619,
+ "ĠDevice": 27620,
+ "Ġpalp": 27621,
+ "omo": 27622,
+ "Ġsouthwestern": 27623,
+ "ienced": 27624,
+ "Ġvenous": 27625,
+ "elp": 27626,
+ "obacteria": 27627,
+ "327": 27628,
+ "Ġmockingbird": 27629,
+ "Ġninth": 27630,
+ "iguous": 27631,
+ "Ġri": 27632,
+ "ORS": 27633,
+ "Ġfins": 27634,
+ "ĠUTC": 27635,
+ "Ġprogressed": 27636,
+ "Ġtechnician": 27637,
+ "Ġchildbirth": 27638,
+ "ĠCultures": 27639,
+ "Ġnarc": 27640,
+ "ursive": 27641,
+ "Ġpretend": 27642,
+ "Ġanthropogenic": 27643,
+ "Ġunforeseen": 27644,
+ "Teachers": 27645,
+ "Ġwhistle": 27646,
+ "Ġgalvan": 27647,
+ "Ġconstituted": 27648,
+ "ĠCoronavirus": 27649,
+ "Primary": 27650,
+ "/index": 27651,
+ "Ġbc": 27652,
+ "Ġsoak": 27653,
+ "everse": 27654,
+ "Ġmemorize": 27655,
+ "Ġhandic": 27656,
+ "ĠTelevision": 27657,
+ "autical": 27658,
+ "ĠSut": 27659,
+ "enser": 27660,
+ "Ġ*Ċ": 27661,
+ "Clean": 27662,
+ "]]Ċ": 27663,
+ "ercase": 27664,
+ "account": 27665,
+ "Ġps": 27666,
+ "Ġpredictor": 27667,
+ "Ġpropulsion": 27668,
+ "Ġcounters": 27669,
+ "Origin": 27670,
+ "ем": 27671,
+ "ĠRichards": 27672,
+ "ĠVincent": 27673,
+ "Ġplaint": 27674,
+ "syn": 27675,
+ "Ġdebilitating": 27676,
+ "-not": 27677,
+ "ĠVideos": 27678,
+ "pty": 27679,
+ "Ġreporter": 27680,
+ "awning": 27681,
+ "Ġrewrite": 27682,
+ "Ġtigers": 27683,
+ "ĠFan": 27684,
+ "Ġevangel": 27685,
+ "ĠCleaning": 27686,
+ "Ġthermost": 27687,
+ "isch": 27688,
+ "romes": 27689,
+ "Ġpathological": 27690,
+ "-Sh": 27691,
+ "ĠLinda": 27692,
+ "Ġrevolt": 27693,
+ "Ġmonastery": 27694,
+ "orrhea": 27695,
+ "Ġmethodological": 27696,
+ "Ġchef": 27697,
+ "625": 27698,
+ "ĠSK": 27699,
+ "tech": 27700,
+ "enging": 27701,
+ "_____": 27702,
+ "-power": 27703,
+ "Ġpermissions": 27704,
+ "ĠBronze": 27705,
+ "ĠOccupational": 27706,
+ "ĠGit": 27707,
+ "Ġdivisor": 27708,
+ "[index": 27709,
+ "Ġtaxp": 27710,
+ "Ġconveys": 27711,
+ "Ġcorals": 27712,
+ "ÃŃn": 27713,
+ "folk": 27714,
+ "Ġrefinement": 27715,
+ "Jesus": 27716,
+ "Tok": 27717,
+ "ĠMold": 27718,
+ "Ġ\"\\": 27719,
+ "ishable": 27720,
+ "Ġconverge": 27721,
+ "ĠGary": 27722,
+ "Ġvastly": 27723,
+ "Ġmolding": 27724,
+ "ĠHack": 27725,
+ "Ġrugged": 27726,
+ "Ġabstraction": 27727,
+ "Ġpsoriasis": 27728,
+ "shape": 27729,
+ "åѦ": 27730,
+ "Ġperiodontal": 27731,
+ "Ġprogrammer": 27732,
+ "Ġgrounding": 27733,
+ "ĠHindus": 27734,
+ "Importance": 27735,
+ "Kids": 27736,
+ "ĠSenator": 27737,
+ "Ġamphibians": 27738,
+ "oeing": 27739,
+ "ĠNegro": 27740,
+ "izarre": 27741,
+ "Ġsentiments": 27742,
+ "ĠRocky": 27743,
+ "Ġeigenvalues": 27744,
+ "Could": 27745,
+ "Mary": 27746,
+ "å¸": 27747,
+ "ĠIcon": 27748,
+ "ĠMORE": 27749,
+ "balls": 27750,
+ "Report": 27751,
+ "ĠWriter": 27752,
+ "Ġdiscrepancies": 27753,
+ "Ġdivergence": 27754,
+ "ĠÙħ": 27755,
+ "Ġboarding": 27756,
+ "Ġdemise": 27757,
+ "à¥ģ": 27758,
+ "ĠPreparing": 27759,
+ "posal": 27760,
+ "-Eng": 27761,
+ "Ġblown": 27762,
+ "Ġexpansive": 27763,
+ "Ġti": 27764,
+ "Ġdend": 27765,
+ "Ġnumerals": 27766,
+ "annab": 27767,
+ "295": 27768,
+ ".arg": 27769,
+ "Mo": 27770,
+ "script": 27771,
+ "Ġcondensed": 27772,
+ "OLITICAL": 27773,
+ "Ġdictate": 27774,
+ "Recomm": 27775,
+ "[int": 27776,
+ "ĠOste": 27777,
+ "Br": 27778,
+ "Ġlawsuit": 27779,
+ "-imp": 27780,
+ "Ġstarvation": 27781,
+ "ĠKazakh": 27782,
+ "×Ļ×": 27783,
+ "=>": 27784,
+ "parse": 27785,
+ "Ġevaluates": 27786,
+ "-written": 27787,
+ "Ġsurrounds": 27788,
+ "Ġsweeping": 27789,
+ "Ġjudgement": 27790,
+ "-political": 27791,
+ "Ġclarification": 27792,
+ "Carbon": 27793,
+ "Ġcellulose": 27794,
+ "Ġcontinuum": 27795,
+ "ottest": 27796,
+ "Ġdisadvantaged": 27797,
+ "/G": 27798,
+ "еÑģ": 27799,
+ "ĠIntervention": 27800,
+ "ĠBelief": 27801,
+ "Subst": 27802,
+ "Ġmiracle": 27803,
+ "ĠSou": 27804,
+ "Ġsquad": 27805,
+ "Ġcaval": 27806,
+ "Bio": 27807,
+ "Ġinward": 27808,
+ "icable": 27809,
+ "Ġcoils": 27810,
+ "Ġdeepest": 27811,
+ "ennial": 27812,
+ "ĠJulia": 27813,
+ "ĠIdeally": 27814,
+ "chief": 27815,
+ "ĠVenezuela": 27816,
+ "ĠLeaves": 27817,
+ "ï¼Ī": 27818,
+ "ĠNearly": 27819,
+ "Ġtransistors": 27820,
+ "athi": 27821,
+ "ĠRecycling": 27822,
+ "Ġlazy": 27823,
+ "ĠRare": 27824,
+ "Ġclassics": 27825,
+ "jet": 27826,
+ "ede": 27827,
+ "Ġmasculinity": 27828,
+ "Ġaerosol": 27829,
+ "Ġwasting": 27830,
+ "Ġtriglycer": 27831,
+ "Less": 27832,
+ "enza": 27833,
+ "ĠSurvival": 27834,
+ "Ġ{'": 27835,
+ "Ġinherit": 27836,
+ "ĠInspired": 27837,
+ "Ġfostered": 27838,
+ "Mel": 27839,
+ "293": 27840,
+ ".value": 27841,
+ "ĠSamples": 27842,
+ "504": 27843,
+ "324": 27844,
+ "Na": 27845,
+ "ĠOH": 27846,
+ "Ġfractional": 27847,
+ "nit": 27848,
+ "dinand": 27849,
+ "ĠNash": 27850,
+ "ĠVeterans": 27851,
+ "Fire": 27852,
+ "escent": 27853,
+ "ademic": 27854,
+ "Describe": 27855,
+ "Ġresistors": 27856,
+ "Ġcatalysts": 27857,
+ "Ġairplanes": 27858,
+ "ĠMesopotamia": 27859,
+ "Iron": 27860,
+ "Ġregisters": 27861,
+ "Ġenriches": 27862,
+ ".assertEqual": 27863,
+ "Ġshading": 27864,
+ "Ġmonot": 27865,
+ "rites": 27866,
+ "Ġseventeenth": 27867,
+ "287": 27868,
+ "ĠCalvin": 27869,
+ "ĠTowards": 27870,
+ "Ġcords": 27871,
+ "ĠCertification": 27872,
+ "Ġamuse": 27873,
+ "}\\\\": 27874,
+ "Ġexposes": 27875,
+ "Ġflooded": 27876,
+ "Ġcaregiver": 27877,
+ "ĠÃī": 27878,
+ "Pass": 27879,
+ "Sarah": 27880,
+ "ologous": 27881,
+ "æŃ": 27882,
+ "Ġ[(": 27883,
+ "ĠStorytelling": 27884,
+ "adas": 27885,
+ "248": 27886,
+ "(E": 27887,
+ "015": 27888,
+ "eff": 27889,
+ "Ġpants": 27890,
+ "llor": 27891,
+ "Ġpasture": 27892,
+ "Proof": 27893,
+ "Ġbumps": 27894,
+ "agh": 27895,
+ "juven": 27896,
+ "Ġcollar": 27897,
+ "555": 27898,
+ "Ġmammalian": 27899,
+ "Ġcontroversies": 27900,
+ "Ġconsonant": 27901,
+ "-check": 27902,
+ "inner": 27903,
+ ".sum": 27904,
+ "Ġgorge": 27905,
+ "Ġimprov": 27906,
+ "Ġmorale": 27907,
+ "Mill": 27908,
+ "ulae": 27909,
+ "ĠSpark": 27910,
+ "Ġoxides": 27911,
+ "ICK": 27912,
+ "icists": 27913,
+ "Ġlobe": 27914,
+ "ĠBreaking": 27915,
+ "Rest": 27916,
+ "four": 27917,
+ "ffy": 27918,
+ "ĠEmpathy": 27919,
+ "respect": 27920,
+ "Ġhomeostasis": 27921,
+ "Ġveloc": 27922,
+ "psi": 27923,
+ "ĠIdaho": 27924,
+ "ĠPhoenix": 27925,
+ "mart": 27926,
+ "iaz": 27927,
+ "lections": 27928,
+ "Ġfragmented": 27929,
+ "erbai": 27930,
+ "âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢âĢ¢": 27931,
+ "gie": 27932,
+ "ĠAmid": 27933,
+ "Ġaperture": 27934,
+ "regated": 27935,
+ "å®ļ": 27936,
+ "ociation": 27937,
+ "Ġthreatens": 27938,
+ "Ġseating": 27939,
+ "-so": 27940,
+ "igher": 27941,
+ "ql": 27942,
+ "ĠRegulatory": 27943,
+ "510": 27944,
+ "Ġhopeless": 27945,
+ "ĠPET": 27946,
+ "009": 27947,
+ "Ġgraphite": 27948,
+ "ïĤ": 27949,
+ "ĠIan": 27950,
+ "ĠGiant": 27951,
+ "Ġiterative": 27952,
+ "ĠRoute": 27953,
+ "-weight": 27954,
+ "Ġcuring": 27955,
+ "ĠKur": 27956,
+ "icillin": 27957,
+ "ĠKumar": 27958,
+ "Ġprincess": 27959,
+ "Ġaggregates": 27960,
+ "oam": 27961,
+ "大": 27962,
+ "ĠMack": 27963,
+ "Ġdiscourses": 27964,
+ "asking": 27965,
+ "Ġtuna": 27966,
+ "Ġfuzzy": 27967,
+ "uled": 27968,
+ ".\"\"\"": 27969,
+ ".jpg": 27970,
+ "tons": 27971,
+ "Ġclo": 27972,
+ "ĠReady": 27973,
+ "ĠCad": 27974,
+ "ĠFul": 27975,
+ "Ġxy": 27976,
+ "Ġcartoons": 27977,
+ "Ġpermeability": 27978,
+ "atan": 27979,
+ "ammers": 27980,
+ "Ġepigen": 27981,
+ ".max": 27982,
+ "Ġpipelines": 27983,
+ "-o": 27984,
+ "Ġtheoretically": 27985,
+ "ĠProtecting": 27986,
+ "Return": 27987,
+ "ĠAlger": 27988,
+ "ĠCircuits": 27989,
+ "ĠVehicle": 27990,
+ "ĠChes": 27991,
+ "Ġprofiling": 27992,
+ "Ġdividends": 27993,
+ "]+": 27994,
+ "-bound": 27995,
+ "rika": 27996,
+ "ĠSwift": 27997,
+ "Ġpeasants": 27998,
+ "ĠLifestyle": 27999,
+ "Ġirrespective": 28000,
+ "ĠTao": 28001,
+ "lington": 28002,
+ "-carbon": 28003,
+ "-established": 28004,
+ "Ġserm": 28005,
+ "Ġtransitioning": 28006,
+ "Ġadvisory": 28007,
+ "Ġabbreviation": 28008,
+ "osin": 28009,
+ "ĠSilk": 28010,
+ ",...": 28011,
+ "Little": 28012,
+ "Ġorganizer": 28013,
+ "forests": 28014,
+ "ĠTerror": 28015,
+ "onium": 28016,
+ "abetics": 28017,
+ "ĠInspect": 28018,
+ "Ġbacon": 28019,
+ "Ġfamously": 28020,
+ "}$$Ċ": 28021,
+ ".ca": 28022,
+ "Ġcyclic": 28023,
+ "ĠSke": 28024,
+ "Ġwholly": 28025,
+ "ummer": 28026,
+ "да": 28027,
+ "Ġporcelain": 28028,
+ "-count": 28029,
+ "orectal": 28030,
+ "Ġquir": 28031,
+ "ä¾": 28032,
+ "Ġevergreen": 28033,
+ "Ġmessenger": 28034,
+ "COMPUTERS": 28035,
+ "Sleep": 28036,
+ "ĠCin": 28037,
+ "ĠIntroducing": 28038,
+ "ĠRhe": 28039,
+ "Ġgrav": 28040,
+ "Ġingested": 28041,
+ "ĠMusical": 28042,
+ "Ġbridging": 28043,
+ "ĠJung": 28044,
+ "assan": 28045,
+ "ĠRecreation": 28046,
+ "ĠGW": 28047,
+ "Ġavid": 28048,
+ "Spanish": 28049,
+ "Ġaur": 28050,
+ "Ġconsolidation": 28051,
+ "Ġdeterg": 28052,
+ "Cell": 28053,
+ "ĠWelfare": 28054,
+ "ĠAttempt": 28055,
+ "Ġvoter": 28056,
+ "ĠRelief": 28057,
+ "Clin": 28058,
+ "ität": 28059,
+ "Ġchlorophyll": 28060,
+ "Michael": 28061,
+ "Found": 28062,
+ "iban": 28063,
+ "ĠEveryday": 28064,
+ "ĠQuadratic": 28065,
+ "ĠGut": 28066,
+ "Ġfoul": 28067,
+ "Ġdirecting": 28068,
+ "Ġsometime": 28069,
+ "ĠEuclidean": 28070,
+ "277": 28071,
+ "operator": 28072,
+ "ĠMovements": 28073,
+ "Much": 28074,
+ "Ġig": 28075,
+ "Ġcostume": 28076,
+ "Ġstuffed": 28077,
+ "Ġcommunicated": 28078,
+ "Ġcontractor": 28079,
+ "ĠTarg": 28080,
+ "ĠArrange": 28081,
+ "Popular": 28082,
+ ",a": 28083,
+ "Ġrepell": 28084,
+ "Ġdownloads": 28085,
+ "enberg": 28086,
+ "emis": 28087,
+ "ĠResult": 28088,
+ "ĠEdgar": 28089,
+ "brain": 28090,
+ "263": 28091,
+ "à´": 28092,
+ "Ġimb": 28093,
+ "Ġcompilation": 28094,
+ "Previous": 28095,
+ "ĠEggs": 28096,
+ "Discuss": 28097,
+ "对": 28098,
+ "Ġrede": 28099,
+ "ĠDamage": 28100,
+ "algia": 28101,
+ "Ġunbiased": 28102,
+ "Ġscrub": 28103,
+ "-is": 28104,
+ "Ġasymptomatic": 28105,
+ "Ġproprietary": 28106,
+ "Ġmanifests": 28107,
+ "ĠdB": 28108,
+ "omaly": 28109,
+ "Ġgeared": 28110,
+ "Ġcooperate": 28111,
+ "Ġtyr": 28112,
+ "Ġoats": 28113,
+ "Ġthomas": 28114,
+ "Ġdegener": 28115,
+ "ĠCube": 28116,
+ "Ġinvade": 28117,
+ "ctoral": 28118,
+ "Ġdeficient": 28119,
+ "ĠRobin": 28120,
+ "={": 28121,
+ "MRI": 28122,
+ "ourge": 28123,
+ "venting": 28124,
+ "Ġcommonplace": 28125,
+ "ietnam": 28126,
+ "etus": 28127,
+ "obj": 28128,
+ "-service": 28129,
+ "ĠEcuador": 28130,
+ "-World": 28131,
+ "ĠCONT": 28132,
+ "ĠJunior": 28133,
+ "population": 28134,
+ "Ġstats": 28135,
+ "becca": 28136,
+ "ĠCohen": 28137,
+ "Ġcanonical": 28138,
+ "Poly": 28139,
+ "Ġses": 28140,
+ "Ġgatsby": 28141,
+ "Ġrestricting": 28142,
+ "308": 28143,
+ "Ġcyst": 28144,
+ "ospels": 28145,
+ "Ġaffective": 28146,
+ "405": 28147,
+ "Ġadversely": 28148,
+ "ĠMinecraft": 28149,
+ "ĠGain": 28150,
+ "Ġcastles": 28151,
+ "raines": 28152,
+ "Ġbankruptcy": 28153,
+ "ĠSpecialist": 28154,
+ "ĠDisaster": 28155,
+ "velation": 28156,
+ "-Step": 28157,
+ "European": 28158,
+ "à¯": 28159,
+ "Ġdecolon": 28160,
+ "ĠBecome": 28161,
+ "Ġjava": 28162,
+ "Ġclots": 28163,
+ "Ġinvaders": 28164,
+ "Ġhonored": 28165,
+ "Ġinhibitor": 28166,
+ "ĠLeonardo": 28167,
+ "Ġgcse": 28168,
+ "ubility": 28169,
+ "Ġcoerc": 28170,
+ "ĠProve": 28171,
+ "comings": 28172,
+ "Ġnecessitate": 28173,
+ "ĠVed": 28174,
+ "-sub": 28175,
+ "Ġschematic": 28176,
+ "_pred": 28177,
+ "335": 28178,
+ "iates": 28179,
+ "Ġsuburban": 28180,
+ "minster": 28181,
+ "Ġmouths": 28182,
+ "Ġfortress": 28183,
+ "Ġtk": 28184,
+ "Ġjog": 28185,
+ "grid": 28186,
+ "¦Ĥ": 28187,
+ "Ġcrater": 28188,
+ "Ġsklearn": 28189,
+ "oufl": 28190,
+ "Ġaust": 28191,
+ "244": 28192,
+ "genic": 28193,
+ "Ġsorrow": 28194,
+ "Ġexcuse": 28195,
+ "Ġredef": 28196,
+ "Ġrepeats": 28197,
+ "Ġcondensation": 28198,
+ "ĠArnold": 28199,
+ "Ġcemetery": 28200,
+ "Ġfade": 28201,
+ "ĠThr": 28202,
+ "Ġschema": 28203,
+ "uously": 28204,
+ "these": 28205,
+ "ĠDecre": 28206,
+ "arrison": 28207,
+ "Navig": 28208,
+ "Ġdiffered": 28209,
+ "ĠLocated": 28210,
+ "Ġcompetitiveness": 28211,
+ "Ġcultivars": 28212,
+ "Ns": 28213,
+ "ĠFeeling": 28214,
+ "Ġnickname": 28215,
+ "aith": 28216,
+ "ĠPRE": 28217,
+ "ĠFIT": 28218,
+ "Ġrand": 28219,
+ "ĠSketch": 28220,
+ "Ġbrittle": 28221,
+ "Ġinfinitely": 28222,
+ "Guideline": 28223,
+ "ĠMason": 28224,
+ "enna": 28225,
+ "ĠArmstrong": 28226,
+ "Ġarsenic": 28227,
+ "ĠMü": 28228,
+ "ructose": 28229,
+ "Ġrupture": 28230,
+ "Ġreap": 28231,
+ "ortune": 28232,
+ "-Day": 28233,
+ "ĠRan": 28234,
+ "overline": 28235,
+ "many": 28236,
+ "product": 28237,
+ "ĠSter": 28238,
+ "ĠMood": 28239,
+ "obalt": 28240,
+ "Ġtactile": 28241,
+ "432": 28242,
+ "ĠWells": 28243,
+ "Ġbreasts": 28244,
+ "Ġcelebrities": 28245,
+ "ĠExcessive": 28246,
+ "ĠLad": 28247,
+ "ymbol": 28248,
+ "ĠIntersection": 28249,
+ "Ġcis": 28250,
+ "ĠRD": 28251,
+ "Ġusefulness": 28252,
+ "Ġadjustable": 28253,
+ "geq": 28254,
+ "queue": 28255,
+ "tri": 28256,
+ "ع": 28257,
+ "Ġip": 28258,
+ "ĠSurround": 28259,
+ "^-": 28260,
+ "cussions": 28261,
+ "orum": 28262,
+ "Ġpreceded": 28263,
+ "Ġfluorescence": 28264,
+ "build": 28265,
+ "ĠRosa": 28266,
+ "ĠOB": 28267,
+ "ĠUSSR": 28268,
+ "Prime": 28269,
+ "ĠKay": 28270,
+ "arnation": 28271,
+ ".pyplot": 28272,
+ "-do": 28273,
+ "Applying": 28274,
+ "Starting": 28275,
+ "025": 28276,
+ "Ġwrapping": 28277,
+ "Ġbearded": 28278,
+ "Ġinforms": 28279,
+ "Ġshocked": 28280,
+ "roids": 28281,
+ "gemon": 28282,
+ "Ġdisks": 28283,
+ "Ġovulation": 28284,
+ "Ġculminating": 28285,
+ "Ġallot": 28286,
+ "Ġjaws": 28287,
+ "Ġproponents": 28288,
+ "ugged": 28289,
+ "ĠAutomation": 28290,
+ "film": 28291,
+ "Ġcheerful": 28292,
+ "/wiki": 28293,
+ "ĠManip": 28294,
+ "Ġcloning": 28295,
+ "Ġairways": 28296,
+ "Ġowe": 28297,
+ "ĠTransmission": 28298,
+ "ĠHumanities": 28299,
+ "avoid": 28300,
+ "Ġdeciduous": 28301,
+ "Ġillicit": 28302,
+ "Ġcorrections": 28303,
+ "ĠOvercoming": 28304,
+ "Ġhomosexual": 28305,
+ "Ġchill": 28306,
+ "355": 28307,
+ "Deep": 28308,
+ "lip": 28309,
+ "inker": 28310,
+ "ĠJudah": 28311,
+ "enance": 28312,
+ "ĠHERE": 28313,
+ "Ġг": 28314,
+ "ĠWeekly": 28315,
+ "avers": 28316,
+ "âĢľA": 28317,
+ "016": 28318,
+ "Dev": 28319,
+ "abies": 28320,
+ "Ġplotting": 28321,
+ "Ġbenefited": 28322,
+ "storms": 28323,
+ "Pay": 28324,
+ "kov": 28325,
+ "Ġhots": 28326,
+ "Ġppm": 28327,
+ "arel": 28328,
+ "ĊĠĠĠĠĠĠĠĠĊ": 28329,
+ "Ġakin": 28330,
+ "ĠChap": 28331,
+ "Ġinflamed": 28332,
+ ".time": 28333,
+ "Ġclan": 28334,
+ "Ġsteroids": 28335,
+ "Ġunsuccessful": 28336,
+ "Ġaffiliated": 28337,
+ "Ġblisters": 28338,
+ "Ġconnectors": 28339,
+ "Ġglycol": 28340,
+ "Ġect": 28341,
+ "ĠPseud": 28342,
+ "Block": 28343,
+ "ablish": 28344,
+ "Ġplacent": 28345,
+ "Ġlabore": 28346,
+ "President": 28347,
+ "Ġnormalized": 28348,
+ "Ġitchy": 28349,
+ "Term": 28350,
+ "allic": 28351,
+ "Ġimplements": 28352,
+ "hedron": 28353,
+ "Ġexponentially": 28354,
+ "Ġhydroxide": 28355,
+ "LAN": 28356,
+ "Ġasylum": 28357,
+ "ĠFut": 28358,
+ "Ġrunners": 28359,
+ "261": 28360,
+ "('\\": 28361,
+ "ubl": 28362,
+ "Ġ-\\": 28363,
+ "Ġcurr": 28364,
+ "Ġtactical": 28365,
+ "umers": 28366,
+ "Ġplotted": 28367,
+ "Ġdrains": 28368,
+ "beans": 28369,
+ "Ġroyalty": 28370,
+ "idate": 28371,
+ "Ġasphalt": 28372,
+ "rokee": 28373,
+ "ãģ®": 28374,
+ "iteration": 28375,
+ "-largest": 28376,
+ "Ġbursts": 28377,
+ "Ġbelongings": 28378,
+ "Ġvenue": 28379,
+ "leyball": 28380,
+ "\\{": 28381,
+ "Ġequips": 28382,
+ "Ġinfestations": 28383,
+ "LR": 28384,
+ "appa": 28385,
+ "borough": 28386,
+ "thus": 28387,
+ "Ġsummarizing": 28388,
+ "ĠEnhance": 28389,
+ "||$": 28390,
+ "-driving": 28391,
+ "ĠCarefully": 28392,
+ "ĠProvin": 28393,
+ "-bal": 28394,
+ "Ġsynonym": 28395,
+ "ipelago": 28396,
+ "ĠSau": 28397,
+ "Account": 28398,
+ "():čĊ": 28399,
+ "Ġpsycho": 28400,
+ "Ġmustard": 28401,
+ "Ġportrayals": 28402,
+ "Recogn": 28403,
+ "ĠVaccine": 28404,
+ "ÙĤ": 28405,
+ "Protect": 28406,
+ "Ġabuses": 28407,
+ "Ġspecifying": 28408,
+ "Ġurging": 28409,
+ "sing": 28410,
+ "hex": 28411,
+ "acceptable": 28412,
+ "]))Ċ": 28413,
+ "ĠMovie": 28414,
+ "Complete": 28415,
+ "Ġmicrophone": 28416,
+ "Ġspam": 28417,
+ "ĠWoods": 28418,
+ "Ġcalf": 28419,
+ "Ġportrays": 28420,
+ "LEC": 28421,
+ "Ġcot": 28422,
+ "ĠSpeak": 28423,
+ "rusive": 28424,
+ "AF": 28425,
+ "Ġneatly": 28426,
+ "ohnson": 28427,
+ "Ġcosting": 28428,
+ "Ġpossessing": 28429,
+ "Ġenigmatic": 28430,
+ "Ġauthorization": 28431,
+ "ĉelse": 28432,
+ "Ġdevise": 28433,
+ "282": 28434,
+ "ĠAssy": 28435,
+ "optional": 28436,
+ "otypic": 28437,
+ "ĠEyes": 28438,
+ "Ġgraded": 28439,
+ "म": 28440,
+ "ophical": 28441,
+ "(name": 28442,
+ "-through": 28443,
+ "Ens": 28444,
+ "saurus": 28445,
+ "ĠVa": 28446,
+ "melon": 28447,
+ "Ġfreshly": 28448,
+ "arynx": 28449,
+ "Ġempathetic": 28450,
+ "-half": 28451,
+ "{v": 28452,
+ "Ġingestion": 28453,
+ "ĠFindings": 28454,
+ "Ġadhesion": 28455,
+ "Ġantivirus": 28456,
+ "Ġridicul": 28457,
+ "Ġbeast": 28458,
+ "Ġoutfit": 28459,
+ ".sqrt": 28460,
+ "!âĢĿĊ": 28461,
+ "£": 28462,
+ "ĠDrag": 28463,
+ "prus": 28464,
+ "Ġsixteen": 28465,
+ "Ġtheorists": 28466,
+ "teness": 28467,
+ "ĠBrist": 28468,
+ "ĠLan": 28469,
+ "astrous": 28470,
+ "Ġcaul": 28471,
+ "Ġrepairing": 28472,
+ "ĠBaseball": 28473,
+ "KD": 28474,
+ "ERY": 28475,
+ "аÑĤÑĮ": 28476,
+ "ĠFolk": 28477,
+ "Ġjer": 28478,
+ "Ġfreel": 28479,
+ "Ġblooming": 28480,
+ "Ġhippoc": 28481,
+ ".ac": 28482,
+ "ĠProfile": 28483,
+ "Ġabbreviated": 28484,
+ "mol": 28485,
+ "Ġsexes": 28486,
+ "Ġrally": 28487,
+ "](": 28488,
+ "Ġslim": 28489,
+ "âĢľIf": 28490,
+ "Ġcardio": 28491,
+ "Ġcanada": 28492,
+ "units": 28493,
+ "\"S": 28494,
+ "Cent": 28495,
+ "hart": 28496,
+ "ĠInterface": 28497,
+ "Ġpermitting": 28498,
+ "Ġlizards": 28499,
+ "ppe": 28500,
+ "Ġunnot": 28501,
+ "HELP": 28502,
+ "Ġvenues": 28503,
+ ",d": 28504,
+ "Ġreadable": 28505,
+ "Ġplank": 28506,
+ "Ġobservable": 28507,
+ "roved": 28508,
+ "ĠManage": 28509,
+ "276": 28510,
+ "Ġperpetuate": 28511,
+ "021": 28512,
+ "UTION": 28513,
+ "ĠOkay": 28514,
+ "iberal": 28515,
+ "Ġprimates": 28516,
+ "thening": 28517,
+ "ĠEvaluating": 28518,
+ "Ùģ": 28519,
+ "Ġthrew": 28520,
+ "ĠRevenue": 28521,
+ "ĠPig": 28522,
+ "ĠPupp": 28523,
+ "ĠFarming": 28524,
+ "Ġprobes": 28525,
+ "453": 28526,
+ "ĠComing": 28527,
+ "ĠGently": 28528,
+ "ĠFab": 28529,
+ "Ġcombating": 28530,
+ "Ġfantastical": 28531,
+ "Ġforage": 28532,
+ "ĠCav": 28533,
+ "armed": 28534,
+ "celona": 28535,
+ "Diagn": 28536,
+ "Ġinefficient": 28537,
+ "Ġbrom": 28538,
+ "Ġadip": 28539,
+ "ĠProc": 28540,
+ "ĠSilicon": 28541,
+ "Ġspells": 28542,
+ "ĠDallas": 28543,
+ "ĠAging": 28544,
+ "ĠDust": 28545,
+ "ĠFit": 28546,
+ "Ġcategorical": 28547,
+ "ĠSubstance": 28548,
+ "wali": 28549,
+ "Ġtilt": 28550,
+ "Ġgreeting": 28551,
+ "ĠPracticing": 28552,
+ "ĠMann": 28553,
+ "ĠBav": 28554,
+ "Ġhotter": 28555,
+ "Ġprophets": 28556,
+ "Correct": 28557,
+ "roduce": 28558,
+ "âĢĶbut": 28559,
+ ".If": 28560,
+ "Ġbarn": 28561,
+ "Ġtagged": 28562,
+ "ĠBle": 28563,
+ "ĠBent": 28564,
+ "Ġhighways": 28565,
+ "GT": 28566,
+ "ĠFiles": 28567,
+ "ĠIELTS": 28568,
+ "ayas": 28569,
+ "Ġredirect": 28570,
+ "Ġnat": 28571,
+ "Ġobsolete": 28572,
+ "ĠRica": 28573,
+ "ĠReyn": 28574,
+ "Ġtornado": 28575,
+ "ĠDop": 28576,
+ "ĠFabric": 28577,
+ "åĪĹ": 28578,
+ "Ġchairman": 28579,
+ "Ġta": 28580,
+ "Ġchristmas": 28581,
+ "ĠRefer": 28582,
+ "ĠConfeder": 28583,
+ "ré": 28584,
+ "onance": 28585,
+ "Ġoppose": 28586,
+ "Ġligaments": 28587,
+ "star": 28588,
+ "ĠNLP": 28589,
+ "332": 28590,
+ "Ġrhin": 28591,
+ "ĠRussians": 28592,
+ ".).Ċ": 28593,
+ "Ġgn": 28594,
+ "Ġdepreciation": 28595,
+ "Ġprovoke": 28596,
+ "ĠCompliance": 28597,
+ "-------------------------------ĊĊ": 28598,
+ "ĠVermont": 28599,
+ "Ġinbox": 28600,
+ "Ġacclaimed": 28601,
+ "Ġventric": 28602,
+ "Ġepiderm": 28603,
+ "ĠInterpretation": 28604,
+ "Ġ-*-": 28605,
+ "Ear": 28606,
+ "ĠTik": 28607,
+ "Ġelongated": 28608,
+ "manuel": 28609,
+ "ĠHarvest": 28610,
+ "ĠNormally": 28611,
+ "Ġ--------": 28612,
+ "ĠTheology": 28613,
+ "ĠRespiratory": 28614,
+ "ĠWallace": 28615,
+ "negie": 28616,
+ "Ġlaughing": 28617,
+ "Ġmaze": 28618,
+ "udence": 28619,
+ "ĠImpacts": 28620,
+ "-gu": 28621,
+ "Ġintersectionality": 28622,
+ "Ġlymphoma": 28623,
+ "Ġhi": 28624,
+ "riet": 28625,
+ "ĠProgressive": 28626,
+ "Ġavenue": 28627,
+ "ĠHybrid": 28628,
+ ".Y": 28629,
+ "Ġgarment": 28630,
+ "ĠDenver": 28631,
+ "ĠKindle": 28632,
+ "Ġmolds": 28633,
+ "Ġparticulate": 28634,
+ "ĠTak": 28635,
+ "ĠTheories": 28636,
+ "स": 28637,
+ "274": 28638,
+ "Ġprejudices": 28639,
+ "aryng": 28640,
+ "ĠAlexandria": 28641,
+ "Ġjames": 28642,
+ "Ġsupervisor": 28643,
+ "ĠForward": 28644,
+ "ĠAviation": 28645,
+ "Maybe": 28646,
+ "bows": 28647,
+ "kary": 28648,
+ "inic": 28649,
+ "Ġradiocarbon": 28650,
+ "ĠReach": 28651,
+ "ĠZoom": 28652,
+ "Ġconstrained": 28653,
+ "Ġshocks": 28654,
+ "Ġsmoked": 28655,
+ "336": 28656,
+ "Canada": 28657,
+ "Ġcomplication": 28658,
+ "Ġamplified": 28659,
+ "]:ĊĊ": 28660,
+ "Ġcomet": 28661,
+ "ĠBayesian": 28662,
+ "Ġsoftly": 28663,
+ "331": 28664,
+ "Ġnobility": 28665,
+ "ouring": 28666,
+ "Ġsprouts": 28667,
+ "ĠAnthropology": 28668,
+ "comput": 28669,
+ "258": 28670,
+ "Ġcompetency": 28671,
+ "orate": 28672,
+ "ĠTradition": 28673,
+ "ÐĤ": 28674,
+ "Ġbinge": 28675,
+ "ĠLocke": 28676,
+ "Ġpicturesque": 28677,
+ "ĠEntry": 28678,
+ "ĠNM": 28679,
+ "Ġfeeder": 28680,
+ "Ġconvection": 28681,
+ "^x": 28682,
+ "osaurus": 28683,
+ "ulents": 28684,
+ "ifest": 28685,
+ "ĠSignal": 28686,
+ "ĠUnc": 28687,
+ "ĠChocolate": 28688,
+ "Ġmenstruation": 28689,
+ "ĠCuisine": 28690,
+ "ĠLights": 28691,
+ "EXT": 28692,
+ "Ġcactus": 28693,
+ "Body": 28694,
+ "important": 28695,
+ "Ġvoltages": 28696,
+ "ĠPI": 28697,
+ "gress": 28698,
+ "gran": 28699,
+ "valence": 28700,
+ "Ġ:=": 28701,
+ "hang": 28702,
+ "Ġborne": 28703,
+ "midt": 28704,
+ "ller": 28705,
+ "Ġexplanatory": 28706,
+ "Ġwearable": 28707,
+ "Ġconvolution": 28708,
+ "ĠOpera": 28709,
+ "'],": 28710,
+ "ĠGill": 28711,
+ "Ġhorns": 28712,
+ "Ġà¹ı": 28713,
+ "ATED": 28714,
+ "Ġcondemned": 28715,
+ "Visit": 28716,
+ "inv": 28717,
+ "ENTI": 28718,
+ "AME": 28719,
+ "Ġadministering": 28720,
+ "carbons": 28721,
+ "Ġorchid": 28722,
+ "Advanced": 28723,
+ "Ġindel": 28724,
+ "Ġcrabs": 28725,
+ "ĠDickens": 28726,
+ "lich": 28727,
+ "Ġclamp": 28728,
+ "Ġselectively": 28729,
+ "Ġqualification": 28730,
+ "ĠRelative": 28731,
+ "ĠWebster": 28732,
+ "Clear": 28733,
+ "Ġtowels": 28734,
+ "Ġdomination": 28735,
+ "ĠZeus": 28736,
+ "Ġworkplaces": 28737,
+ "Ġprogen": 28738,
+ "atz": 28739,
+ "ĠInner": 28740,
+ "ĠHenri": 28741,
+ "ĠExcellence": 28742,
+ "ĠBulletin": 28743,
+ "#print": 28744,
+ "iplying": 28745,
+ "Ġharms": 28746,
+ "_length": 28747,
+ "rists": 28748,
+ "Ġmonsters": 28749,
+ "Ġtoothbrush": 28750,
+ "__\":Ċ": 28751,
+ "Ġattendees": 28752,
+ "ĠMugh": 28753,
+ "liable": 28754,
+ "cra": 28755,
+ "Ġconject": 28756,
+ "Contemporary": 28757,
+ "ĠColumn": 28758,
+ "ĠValueError": 28759,
+ "318": 28760,
+ "Ġreliably": 28761,
+ "ĠHier": 28762,
+ "ĠKab": 28763,
+ "Ġpendulum": 28764,
+ "YOUNG": 28765,
+ "317": 28766,
+ "_values": 28767,
+ "ĉĊ": 28768,
+ "ĠPor": 28769,
+ "Emer": 28770,
+ "asper": 28771,
+ "Ġphysi": 28772,
+ "Ġmissionaries": 28773,
+ "Ġdiscounts": 28774,
+ "Hope": 28775,
+ "floor": 28776,
+ "Ġroasted": 28777,
+ "Ġacrylic": 28778,
+ "ewish": 28779,
+ "Ġinquiries": 28780,
+ "click": 28781,
+ "Ġsummers": 28782,
+ "phantom": 28783,
+ "[#": 28784,
+ "again": 28785,
+ "代": 28786,
+ "ĠClaim": 28787,
+ "ĠSid": 28788,
+ "ĠLORD": 28789,
+ "shire": 28790,
+ "ĠUnless": 28791,
+ "ĠGabriel": 28792,
+ "æŶ": 28793,
+ "560": 28794,
+ "Ġslender": 28795,
+ "259": 28796,
+ "Ġfeces": 28797,
+ "Ġhoning": 28798,
+ "ĠCombine": 28799,
+ "ĠUran": 28800,
+ "ĠMadagascar": 28801,
+ ".log": 28802,
+ "268": 28803,
+ "_min": 28804,
+ "ĠSpaces": 28805,
+ "Replies": 28806,
+ "Ġunravels": 28807,
+ "Ing": 28808,
+ "Ġfactoring": 28809,
+ "Ġhypers": 28810,
+ "Ġdegraded": 28811,
+ "Âłis": 28812,
+ "Ġmidnight": 28813,
+ "ĠPest": 28814,
+ "Ġendured": 28815,
+ "Ġwoodland": 28816,
+ "Ġstirring": 28817,
+ "ĠLane": 28818,
+ "igrams": 28819,
+ "ĠVac": 28820,
+ "ÑĤи": 28821,
+ "ĠKl": 28822,
+ "Ġbrewing": 28823,
+ "Ġpreventable": 28824,
+ "Ġ>Ċ": 28825,
+ "ĠPrintables": 28826,
+ ".index": 28827,
+ "ĠPere": 28828,
+ "())": 28829,
+ "Things": 28830,
+ "Ġpope": 28831,
+ "regulation": 28832,
+ "ĠApache": 28833,
+ "ĠSmithsonian": 28834,
+ "Ġorbiting": 28835,
+ "Ġdivergent": 28836,
+ "Ġexemplifies": 28837,
+ "wey": 28838,
+ "anni": 28839,
+ "(number": 28840,
+ "ĠExpansion": 28841,
+ "Ġinconven": 28842,
+ "<<": 28843,
+ "Ġtendons": 28844,
+ "oxin": 28845,
+ "Charles": 28846,
+ "'ĊĊ": 28847,
+ "Eating": 28848,
+ "Ġsubspecies": 28849,
+ "ĠMoment": 28850,
+ "ĠIndies": 28851,
+ "utsch": 28852,
+ "atonin": 28853,
+ "uddy": 28854,
+ "Ġjeopard": 28855,
+ "etz": 28856,
+ "Ġaureus": 28857,
+ "Ġvigilance": 28858,
+ "Ġé": 28859,
+ "Ġinverter": 28860,
+ "erly": 28861,
+ "Ġmissiles": 28862,
+ "Ġsafeguards": 28863,
+ "ĠInjury": 28864,
+ "ĠHunter": 28865,
+ "Ġquizlet": 28866,
+ "Ġlandl": 28867,
+ "Ġtimelines": 28868,
+ "Ġcreep": 28869,
+ "Ġhalfway": 28870,
+ "ĠCommonly": 28871,
+ ",p": 28872,
+ "022": 28873,
+ "Support": 28874,
+ "ifers": 28875,
+ "Ġbathing": 28876,
+ "Ġcruelty": 28877,
+ "-right": 28878,
+ "Ġmathematically": 28879,
+ "Ġliquidity": 28880,
+ "ĠKitchen": 28881,
+ "Ġfrontal": 28882,
+ "425": 28883,
+ "è¦ģ": 28884,
+ "Incorporating": 28885,
+ "Ġtric": 28886,
+ "Ġpt": 28887,
+ "andel": 28888,
+ "Ġremod": 28889,
+ "Ġwaterproof": 28890,
+ "Ġweld": 28891,
+ "Ġhacking": 28892,
+ "African": 28893,
+ "Ġpyl": 28894,
+ "ilized": 28895,
+ "Ġfatalities": 28896,
+ "Ġprophecy": 28897,
+ ".au": 28898,
+ "Major": 28899,
+ "ĠNaturally": 28900,
+ "Ġinduces": 28901,
+ "-mile": 28902,
+ "PSC": 28903,
+ "lasses": 28904,
+ "rets": 28905,
+ "307": 28906,
+ "ousse": 28907,
+ "Ġgenerosity": 28908,
+ "Ġheaters": 28909,
+ "Ġcelebrity": 28910,
+ "ĠÏī": 28911,
+ "ĠVatican": 28912,
+ "asions": 28913,
+ "ĠHour": 28914,
+ "Ġmalt": 28915,
+ "Ġdesserts": 28916,
+ "lance": 28917,
+ "/.": 28918,
+ "Ġshortcomings": 28919,
+ "Ġhydroph": 28920,
+ "-native": 28921,
+ "aptive": 28922,
+ "ĠNetflix": 28923,
+ "ĠSyll": 28924,
+ "ĠMadrid": 28925,
+ "Op": 28926,
+ "ĠMead": 28927,
+ "Ġemergent": 28928,
+ "Ġnationalist": 28929,
+ "Ġaffili": 28930,
+ ")âĢĶ": 28931,
+ "ĠSams": 28932,
+ "Ġpreserves": 28933,
+ "âĢĶis": 28934,
+ "Ġmillimeters": 28935,
+ "Ġastroph": 28936,
+ "Ġribs": 28937,
+ ".youtube": 28938,
+ "Ġdengue": 28939,
+ "ALS": 28940,
+ "ĠCampus": 28941,
+ "chronous": 28942,
+ "Ġquo": 28943,
+ "Ġclassifications": 28944,
+ "Ġbedding": 28945,
+ "ĠCred": 28946,
+ "connection": 28947,
+ "roller": 28948,
+ "(*": 28949,
+ "ĠSomal": 28950,
+ "ĠRating": 28951,
+ "lson": 28952,
+ "Ġmigrated": 28953,
+ "Ġducts": 28954,
+ "Ġmanifested": 28955,
+ "(new": 28956,
+ "Ġwikipedia": 28957,
+ "Ġseize": 28958,
+ "Heat": 28959,
+ "ĠIND": 28960,
+ "Ġlanes": 28961,
+ "urized": 28962,
+ "Ġintersections": 28963,
+ "isode": 28964,
+ "ocles": 28965,
+ "ĠLiquid": 28966,
+ "-bo": 28967,
+ "ĠProfessionals": 28968,
+ "Ġstaining": 28969,
+ "oche": 28970,
+ "Ġinsignificant": 28971,
+ "Ġetiquette": 28972,
+ "Ġslab": 28973,
+ "Ġauthoritarian": 28974,
+ "Ġtenets": 28975,
+ "Ġsimplifying": 28976,
+ "ĠGraphs": 28977,
+ "Ġexacerbated": 28978,
+ "rops": 28979,
+ "ĠPaperback": 28980,
+ "ĠCutting": 28981,
+ "ĠHello": 28982,
+ "Ġdictators": 28983,
+ "uffle": 28984,
+ "ĠMillion": 28985,
+ "Ġmiracles": 28986,
+ "isites": 28987,
+ "ĠLis": 28988,
+ "Sorry": 28989,
+ "ìŀ": 28990,
+ "Ġislam": 28991,
+ "ibia": 28992,
+ "ĠSerbia": 28993,
+ "Ġcann": 28994,
+ "Ġtensile": 28995,
+ "åĪ°": 28996,
+ "ç®": 28997,
+ "Ġunavailable": 28998,
+ "iq": 28999,
+ "Ġaiding": 29000,
+ "ĠSultan": 29001,
+ "Adding": 29002,
+ "-appropriate": 29003,
+ "æį": 29004,
+ "Ġnested": 29005,
+ "those": 29006,
+ "ĠBehaviour": 29007,
+ "Ġspong": 29008,
+ "Ġpastoral": 29009,
+ "Ġplasticity": 29010,
+ "Ġsandwic": 29011,
+ "Indeed": 29012,
+ "Ġmentoring": 29013,
+ "Ġhopeful": 29014,
+ "Ġalcoholism": 29015,
+ "ĠPittsburgh": 29016,
+ "ĠSax": 29017,
+ "Ġturmeric": 29018,
+ "should": 29019,
+ "Objective": 29020,
+ "ĠElsevier": 29021,
+ "ensory": 29022,
+ "inship": 29023,
+ "404": 29024,
+ "untime": 29025,
+ "ĠAPIs": 29026,
+ "-interest": 29027,
+ "ĠBeowulf": 29028,
+ "rice": 29029,
+ "Ġí": 29030,
+ "ĠUT": 29031,
+ "Ġairports": 29032,
+ "(board": 29033,
+ "ĠMeth": 29034,
+ "ĠStarted": 29035,
+ "ĠNortheast": 29036,
+ "Ġrapport": 29037,
+ "Ġ\"-": 29038,
+ "Ġcardinal": 29039,
+ "Ġwired": 29040,
+ "Ġbeaten": 29041,
+ "ĠSacred": 29042,
+ "Ġunhappy": 29043,
+ "328": 29044,
+ "267": 29045,
+ "ĠCooperation": 29046,
+ "Ġsuicidal": 29047,
+ "Ġartisans": 29048,
+ "ĠRhode": 29049,
+ "Ġcollaboratively": 29050,
+ "checked": 29051,
+ "FER": 29052,
+ "Ġwartime": 29053,
+ "Ġbarrels": 29054,
+ "ĠAmazing": 29055,
+ "Ġweathering": 29056,
+ "Ġscare": 29057,
+ "abling": 29058,
+ "Ġsympathy": 29059,
+ "Ġshuttle": 29060,
+ "umines": 29061,
+ "ĠSymbols": 29062,
+ "Ġwicked": 29063,
+ "Ġproclaimed": 29064,
+ "Ġgrassroots": 29065,
+ "Ġfootprints": 29066,
+ "Ġpuppies": 29067,
+ "Ġinvertebrates": 29068,
+ "ĠTaj": 29069,
+ "Ġdisastrous": 29070,
+ "Ġstatutes": 29071,
+ "äºĨ": 29072,
+ "ĠChampions": 29073,
+ "Bay": 29074,
+ "Ġjacket": 29075,
+ "Ġintergenerational": 29076,
+ "Ġconformity": 29077,
+ "ĠBing": 29078,
+ "ĠFluid": 29079,
+ "Ġbaptism": 29080,
+ "odo": 29081,
+ "à§": 29082,
+ "Ġworsening": 29083,
+ "Ġresides": 29084,
+ "Ġcompiler": 29085,
+ "Ġvenom": 29086,
+ "bly": 29087,
+ "ĠHort": 29088,
+ "Ġpreserv": 29089,
+ "oelectric": 29090,
+ "phyl": 29091,
+ "ĠBasil": 29092,
+ "ĠGraphics": 29093,
+ "Homework": 29094,
+ "Ġapprentices": 29095,
+ ".items": 29096,
+ "Ġsting": 29097,
+ "rigued": 29098,
+ "Ġunusually": 29099,
+ "ĠDrop": 29100,
+ "Ġloosely": 29101,
+ "Ġposits": 29102,
+ "Ġbolst": 29103,
+ "anus": 29104,
+ "Ġquadrilateral": 29105,
+ "ĠOlive": 29106,
+ "onsored": 29107,
+ "armac": 29108,
+ "Ġmunicipality": 29109,
+ "ĠTou": 29110,
+ "ί": 29111,
+ "ĠС": 29112,
+ "Ġnanotechnology": 29113,
+ "ĠTail": 29114,
+ "growth": 29115,
+ "Ġbrightly": 29116,
+ "Ġneighbourhood": 29117,
+ "enburg": 29118,
+ "ĠBiom": 29119,
+ "ĠSelected": 29120,
+ "460": 29121,
+ "Ġrobert": 29122,
+ "Ġpatrons": 29123,
+ "ĠRogers": 29124,
+ "'))Ċ": 29125,
+ "ietz": 29126,
+ "Ġrhiz": 29127,
+ "Until": 29128,
+ "Ġ[]ĊĊ": 29129,
+ "ĠIntroduce": 29130,
+ "ĠWyoming": 29131,
+ "eca": 29132,
+ "ĠMeat": 29133,
+ "Ġstubborn": 29134,
+ "ĠLAN": 29135,
+ "ieties": 29136,
+ "Ġkiln": 29137,
+ "ĠHypothesis": 29138,
+ "ĠTon": 29139,
+ "ĠSession": 29140,
+ "oser": 29141,
+ "ĠOg": 29142,
+ "Ġdomest": 29143,
+ "Ġmisunderstood": 29144,
+ "Ġketogenic": 29145,
+ "\\t": 29146,
+ "Ġplaster": 29147,
+ "close": 29148,
+ "ĠDescriptive": 29149,
+ "ĠSpeaker": 29150,
+ "OA": 29151,
+ "Ġorphan": 29152,
+ "Ġcomplain": 29153,
+ "ĠCob": 29154,
+ "Ber": 29155,
+ "Ġdoubles": 29156,
+ "ĠRoche": 29157,
+ "ĠCotton": 29158,
+ "Ġdiversification": 29159,
+ "Ġsquirrel": 29160,
+ "ĠGlasgow": 29161,
+ "Ġsubsets": 29162,
+ "ĠFraunhofer": 29163,
+ "Ġincubation": 29164,
+ "Ġhenry": 29165,
+ "vare": 29166,
+ "Ġwatches": 29167,
+ "renches": 29168,
+ "Ġinterrupted": 29169,
+ "Ġquar": 29170,
+ "disc": 29171,
+ "ĠBS": 29172,
+ "scale": 29173,
+ "ynamic": 29174,
+ "ĠElev": 29175,
+ "olitics": 29176,
+ "\"čĊ": 29177,
+ "Ġsigma": 29178,
+ "ĠGiving": 29179,
+ "ĠMumbai": 29180,
+ "tens": 29181,
+ "rically": 29182,
+ "ostering": 29183,
+ "inoa": 29184,
+ "Ġ\"\"\"ĊĊ": 29185,
+ "Ġsuck": 29186,
+ "ĠREP": 29187,
+ "blood": 29188,
+ "Sex": 29189,
+ "ĠCave": 29190,
+ "ĠOv": 29191,
+ "_\\": 29192,
+ "lective": 29193,
+ "Ġprimer": 29194,
+ "afer": 29195,
+ "ĠShift": 29196,
+ "Alert": 29197,
+ "Ġblankets": 29198,
+ "Ġvagina": 29199,
+ "Ġnotorious": 29200,
+ "ffiti": 29201,
+ "Ġfavorites": 29202,
+ "ĠComplexity": 29203,
+ "319": 29204,
+ "âĢľCan": 29205,
+ "ĠINTER": 29206,
+ "belie": 29207,
+ "Ġamplification": 29208,
+ "Large": 29209,
+ "px": 29210,
+ "Ġaided": 29211,
+ "Ġtrapping": 29212,
+ "-density": 29213,
+ "266": 29214,
+ ")\".": 29215,
+ "ĠWise": 29216,
+ "Ġtriumphs": 29217,
+ "298": 29218,
+ "åĢ¼": 29219,
+ "kw": 29220,
+ "Ġbak": 29221,
+ "Fun": 29222,
+ "_pos": 29223,
+ "Ġhottest": 29224,
+ "Ġteas": 29225,
+ "Ġrotates": 29226,
+ "Ġexploiting": 29227,
+ "Game": 29228,
+ "ullivan": 29229,
+ "Ġhydroly": 29230,
+ "baum": 29231,
+ "mentary": 29232,
+ "ĠPride": 29233,
+ "iscus": 29234,
+ "Ġseventy": 29235,
+ "Ġparabola": 29236,
+ "ĠNurse": 29237,
+ "Ġpotting": 29238,
+ "default": 29239,
+ "ĠArabs": 29240,
+ "Cite": 29241,
+ "ĠKerala": 29242,
+ "ĠWhats": 29243,
+ "ĠYug": 29244,
+ "Ġpopulous": 29245,
+ "ĠBuch": 29246,
+ "ĠWorth": 29247,
+ "Emp": 29248,
+ "ĠNeuroscience": 29249,
+ "Ġurl": 29250,
+ "rints": 29251,
+ "Ġuncontrolled": 29252,
+ "Ġpumped": 29253,
+ "(df": 29254,
+ "ĠTX": 29255,
+ "Ġvault": 29256,
+ "284": 29257,
+ "ĠShanghai": 29258,
+ "Ġcatheter": 29259,
+ "Ġrestorative": 29260,
+ "Parents": 29261,
+ "VP": 29262,
+ "Ġthrives": 29263,
+ "consider": 29264,
+ "/r": 29265,
+ "rescent": 29266,
+ "Ġunm": 29267,
+ "ĠMidwest": 29268,
+ "ĠEDT": 29269,
+ "Ġconfronting": 29270,
+ "Ġscenic": 29271,
+ "Cat": 29272,
+ "ĠJA": 29273,
+ "ĠMedal": 29274,
+ "Ġadvertisement": 29275,
+ "ĠEisen": 29276,
+ "ĠPrison": 29277,
+ "Ġscenery": 29278,
+ "Ġaddicted": 29279,
+ "-standing": 29280,
+ "Ġmarital": 29281,
+ "Ġlayouts": 29282,
+ "ĠConsumption": 29283,
+ "Ġsweetness": 29284,
+ "Ġmeanwhile": 29285,
+ "Ġspecialization": 29286,
+ "Ġrelentless": 29287,
+ "yards": 29288,
+ "Ġcompile": 29289,
+ "crets": 29290,
+ "Ġmeantime": 29291,
+ "-kind": 29292,
+ "Ġexplorations": 29293,
+ "Ġgenotype": 29294,
+ "Ġrefresh": 29295,
+ "Ġintracellular": 29296,
+ "Ġasympt": 29297,
+ "Ġramifications": 29298,
+ "Ġcytokines": 29299,
+ "414": 29300,
+ "uebl": 29301,
+ "Ġneuropathy": 29302,
+ "ĠWalking": 29303,
+ "umbs": 29304,
+ "ĠQing": 29305,
+ "ìĹ": 29306,
+ "Ġissuing": 29307,
+ "DER": 29308,
+ "Miss": 29309,
+ "Together": 29310,
+ "Ġrealise": 29311,
+ "ĠJohannes": 29312,
+ "ĠIMP": 29313,
+ "ĠOA": 29314,
+ "ĠJoan": 29315,
+ "Ġflavorful": 29316,
+ "Ġscandal": 29317,
+ "ĠBacteria": 29318,
+ "Ġamenities": 29319,
+ "rases": 29320,
+ "ĠNest": 29321,
+ "Ġcomposites": 29322,
+ "separ": 29323,
+ "students": 29324,
+ "ĠDy": 29325,
+ "Ġsewer": 29326,
+ "Ġfingert": 29327,
+ "strip": 29328,
+ "ĠIntermediate": 29329,
+ "ongs": 29330,
+ "ĠGods": 29331,
+ "ĠFO": 29332,
+ "garia": 29333,
+ "Ġस": 29334,
+ ".info": 29335,
+ "ĠCarr": 29336,
+ "ĠNixon": 29337,
+ "Ġirritability": 29338,
+ "Ġγ": 29339,
+ "343": 29340,
+ "Ġprivileged": 29341,
+ "eas": 29342,
+ "Ġapprove": 29343,
+ "279": 29344,
+ "Ġsag": 29345,
+ "ĠMalcolm": 29346,
+ "pec": 29347,
+ "ethoven": 29348,
+ "Ġcompletes": 29349,
+ "-six": 29350,
+ "Ġmagma": 29351,
+ "Ġrotated": 29352,
+ "chens": 29353,
+ "urned": 29354,
+ "Ġparticipatory": 29355,
+ "Ġcustomization": 29356,
+ "Ġhelicopter": 29357,
+ "ĠMinimum": 29358,
+ "Ġdisappointment": 29359,
+ "Ġelicit": 29360,
+ "ĠGap": 29361,
+ "ĠInsights": 29362,
+ "Ġencephal": 29363,
+ "-second": 29364,
+ "Ġpits": 29365,
+ "ĠClare": 29366,
+ "Ġdiligently": 29367,
+ "IB": 29368,
+ "NY": 29369,
+ "Ġmicrof": 29370,
+ "Ġdispersal": 29371,
+ "Ġfoxes": 29372,
+ "Ġdisparity": 29373,
+ "-assisted": 29374,
+ "ĠTW": 29375,
+ "ĠTIM": 29376,
+ "Ġconducts": 29377,
+ "Indigenous": 29378,
+ "Ġreclaim": 29379,
+ "Ġchees": 29380,
+ "Left": 29381,
+ "ĠDJ": 29382,
+ "Ġhostility": 29383,
+ "Ġcliff": 29384,
+ "ĠHolmes": 29385,
+ "cratic": 29386,
+ "Ġoutweigh": 29387,
+ "Ġtariffs": 29388,
+ "...\"": 29389,
+ "_Ċ": 29390,
+ "ед": 29391,
+ "ĠTooth": 29392,
+ "ĠApps": 29393,
+ "Editor": 29394,
+ "Ġglossary": 29395,
+ "onation": 29396,
+ "Ġcooks": 29397,
+ "Ġintegrals": 29398,
+ "ĠHuang": 29399,
+ "Ġescaping": 29400,
+ "ĠDominican": 29401,
+ "ĠBluetooth": 29402,
+ "acid": 29403,
+ "Ġflotation": 29404,
+ "Ġinsult": 29405,
+ "Ġcancerous": 29406,
+ "ĠRehabilitation": 29407,
+ ")$,": 29408,
+ "Mor": 29409,
+ "Product": 29410,
+ "lite": 29411,
+ "Ġdaring": 29412,
+ "Ġluxurious": 29413,
+ "Ġextracellular": 29414,
+ "Ġplateau": 29415,
+ "Ġcortic": 29416,
+ "Ġstatute": 29417,
+ "prisingly": 29418,
+ "-olds": 29419,
+ "ocker": 29420,
+ "Ġlumber": 29421,
+ "abi": 29422,
+ "Aud": 29423,
+ "Ġbump": 29424,
+ "ĠFields": 29425,
+ "Ġentrepreneurial": 29426,
+ "Ġadrenal": 29427,
+ "Ġcommemorate": 29428,
+ "Ġlogged": 29429,
+ "ĠRichmond": 29430,
+ "ĠEy": 29431,
+ "----------------------------------ĊĊ": 29432,
+ "Ġsupplemental": 29433,
+ "anim": 29434,
+ "ĠDivid": 29435,
+ "Ġagro": 29436,
+ "ĠTHC": 29437,
+ "-lim": 29438,
+ "ĠDesc": 29439,
+ "abolism": 29440,
+ "Script": 29441,
+ "them": 29442,
+ "ĠFri": 29443,
+ "Ġdependencies": 29444,
+ "Frank": 29445,
+ "balanced": 29446,
+ "ĠSr": 29447,
+ "ortex": 29448,
+ "Ġvendor": 29449,
+ "Ġanarch": 29450,
+ "Ġ/>": 29451,
+ "ĠHelps": 29452,
+ "ĠGPU": 29453,
+ "Ġnourishment": 29454,
+ "pronounced": 29455,
+ "ĠAccessibility": 29456,
+ "ĠAur": 29457,
+ "ĠNF": 29458,
+ "Ġstandpoint": 29459,
+ "ĠBecoming": 29460,
+ "Ġrifle": 29461,
+ "Ġunnoticed": 29462,
+ "Ġheartburn": 29463,
+ "ĠHerbert": 29464,
+ "Ġpedal": 29465,
+ "Ġlocating": 29466,
+ "âĢľThere": 29467,
+ "Ġseminars": 29468,
+ "Ġaspirin": 29469,
+ "rouping": 29470,
+ "rued": 29471,
+ "Ġretard": 29472,
+ "Ġoc": 29473,
+ "ĠIslander": 29474,
+ "Ġcucumber": 29475,
+ "Ġnecessities": 29476,
+ "Ġâĺ": 29477,
+ "Ġballet": 29478,
+ "GMAT": 29479,
+ "ĠPersuasive": 29480,
+ "Ġbookstores": 29481,
+ "ĠFM": 29482,
+ "269": 29483,
+ "ĠNeil": 29484,
+ "ĠMarks": 29485,
+ "ĠLO": 29486,
+ "ismatic": 29487,
+ "Ġlifecycle": 29488,
+ "Ġbiologist": 29489,
+ "Always": 29490,
+ "ĠBoolean": 29491,
+ "Ġconsultations": 29492,
+ "Cut": 29493,
+ "ĠAzerbai": 29494,
+ "(text": 29495,
+ "390": 29496,
+ "à±": 29497,
+ "ynes": 29498,
+ "Ġcommented": 29499,
+ "Ġtides": 29500,
+ "Ġimprint": 29501,
+ "ĠButton": 29502,
+ "Ġtrench": 29503,
+ "Ġinlet": 29504,
+ "Ġmultinational": 29505,
+ "Ġscrutin": 29506,
+ "Ġnewborns": 29507,
+ "Ġassays": 29508,
+ "-Saxon": 29509,
+ "ĠEndangered": 29510,
+ "Ġcrunch": 29511,
+ "Ġcatalytic": 29512,
+ "ĠSaints": 29513,
+ "global": 29514,
+ "ĠArmenian": 29515,
+ "anine": 29516,
+ "ĠNSW": 29517,
+ "ĠKap": 29518,
+ "Ġseminar": 29519,
+ "ĠIllness": 29520,
+ "irates": 29521,
+ "Ġcapacitors": 29522,
+ "Ġstern": 29523,
+ "amide": 29524,
+ "Ġtemperament": 29525,
+ "ĠSymbolism": 29526,
+ "ĠErnest": 29527,
+ "Ġhybrids": 29528,
+ "Ġtransverse": 29529,
+ "ĠBeta": 29530,
+ "ischer": 29531,
+ "inous": 29532,
+ "ĠFellow": 29533,
+ "Ġjapanese": 29534,
+ "Ġdelic": 29535,
+ "sworth": 29536,
+ "Ġtablespoon": 29537,
+ "him": 29538,
+ "boat": 29539,
+ "\\to": 29540,
+ "Ġbargaining": 29541,
+ "ĠHarvey": 29542,
+ "ĠStain": 29543,
+ "Ġsymbolizing": 29544,
+ "ocumented": 29545,
+ "amen": 29546,
+ "ĠRising": 29547,
+ "istency": 29548,
+ "Ġfragrant": 29549,
+ "ĠUniversities": 29550,
+ "ÐĴ": 29551,
+ "TV": 29552,
+ "ĠPull": 29553,
+ "-invasive": 29554,
+ "Ġophthal": 29555,
+ "Ġgestational": 29556,
+ "Middle": 29557,
+ "CHO": 29558,
+ "Ġdenominations": 29559,
+ "bie": 29560,
+ "inence": 29561,
+ "inians": 29562,
+ "Ġdiaspora": 29563,
+ "ĠBrothers": 29564,
+ "Ġscrat": 29565,
+ "leaf": 29566,
+ "Ġamended": 29567,
+ "ĠInteractions": 29568,
+ "asal": 29569,
+ "ĠMapping": 29570,
+ "ĠStack": 29571,
+ "Ġobstruct": 29572,
+ "])čĊ": 29573,
+ "297": 29574,
+ "384": 29575,
+ "ĠCriticism": 29576,
+ "Ġbroadband": 29577,
+ "Ġscraps": 29578,
+ "289": 29579,
+ "292": 29580,
+ "ĠHelm": 29581,
+ "abc": 29582,
+ "ĠGov": 29583,
+ "Ġbraking": 29584,
+ "celes": 29585,
+ "Ġhandmade": 29586,
+ "Heart": 29587,
+ "Ġzebra": 29588,
+ "cross": 29589,
+ "Stress": 29590,
+ "Ġneutrality": 29591,
+ "before": 29592,
+ "Ġdar": 29593,
+ "ĠRespond": 29594,
+ "Ġwandering": 29595,
+ "Ġconsciously": 29596,
+ "ĠContain": 29597,
+ "Ġcatches": 29598,
+ "Ġextracurricular": 29599,
+ "Ġframed": 29600,
+ "Ġtabs": 29601,
+ "double": 29602,
+ "----------ĊĊ": 29603,
+ "Omega": 29604,
+ "Materials": 29605,
+ "Ġfreezer": 29606,
+ "Ġtrout": 29607,
+ "Ġpropagate": 29608,
+ "etah": 29609,
+ "Ġquasi": 29610,
+ "Ġprohibition": 29611,
+ "LED": 29612,
+ "Ide": 29613,
+ "ochrom": 29614,
+ "ĠAde": 29615,
+ "309": 29616,
+ "Ġairline": 29617,
+ "Ġcracked": 29618,
+ "Overview": 29619,
+ "Ġinhibits": 29620,
+ "ĠInclusion": 29621,
+ "Ġresearches": 29622,
+ "eeding": 29623,
+ ".path": 29624,
+ "Ġdoctrines": 29625,
+ "ĠCalculating": 29626,
+ "-rec": 29627,
+ "Ġclockwise": 29628,
+ "Ġcontempor": 29629,
+ "ĠAppalach": 29630,
+ "Ġmythological": 29631,
+ "Ġjur": 29632,
+ "Ġexported": 29633,
+ "$$.ĊĊ": 29634,
+ "Ġè": 29635,
+ "Ġshowers": 29636,
+ "610": 29637,
+ "Gender": 29638,
+ "soever": 29639,
+ "ĠCAT": 29640,
+ "ĠVegetables": 29641,
+ "ĠBUSINESS": 29642,
+ "ĠEST": 29643,
+ ".count": 29644,
+ "ר": 29645,
+ "enia": 29646,
+ "Ġcane": 29647,
+ "Ġneurom": 29648,
+ "Ġsaline": 29649,
+ "Ġfeeders": 29650,
+ "ĠCorp": 29651,
+ "об": 29652,
+ "Ġcontested": 29653,
+ "Ġstickers": 29654,
+ "Ġquitting": 29655,
+ "Ġfinely": 29656,
+ "continent": 29657,
+ "Ġtournament": 29658,
+ "Ġrichest": 29659,
+ "Ġpseudo": 29660,
+ "ĠEntrepreneurs": 29661,
+ "Bro": 29662,
+ "ĠCoalition": 29663,
+ "figure": 29664,
+ "ĠTrading": 29665,
+ "ĠHg": 29666,
+ "Ġbount": 29667,
+ "Ġmicrocontroll": 29668,
+ "BV": 29669,
+ "Living": 29670,
+ "alone": 29671,
+ "abulous": 29672,
+ "ĠSteam": 29673,
+ "guess": 29674,
+ "ĠAdaptation": 29675,
+ "Ġthresholds": 29676,
+ "Ġchase": 29677,
+ "Ġmodernity": 29678,
+ ",s": 29679,
+ "Ġinactive": 29680,
+ "Ġdreaming": 29681,
+ "Option": 29682,
+ "Ġworkspace": 29683,
+ "Ġtectonic": 29684,
+ "Ġblueprint": 29685,
+ "Ġsupremacy": 29686,
+ "(M": 29687,
+ "*.": 29688,
+ "Ġinfused": 29689,
+ "Ġdiaphragm": 29690,
+ "Ġatop": 29691,
+ "Ġcue": 29692,
+ "Ġpla": 29693,
+ "aucer": 29694,
+ "Ġhorrible": 29695,
+ "Ġcessation": 29696,
+ "hao": 29697,
+ "ĠInstruments": 29698,
+ "`:": 29699,
+ "Ġmoths": 29700,
+ "geal": 29701,
+ "Ġvelocities": 29702,
+ "ĠScots": 29703,
+ "Ġsoybean": 29704,
+ "-val": 29705,
+ "ĠPU": 29706,
+ "rames": 29707,
+ "Ġnormative": 29708,
+ "Ġforgot": 29709,
+ "402": 29710,
+ "Ġdystop": 29711,
+ "Ġnemat": 29712,
+ "avement": 29713,
+ "ĠMarkets": 29714,
+ "direct": 29715,
+ "acia": 29716,
+ "Ġ'.": 29717,
+ "urai": 29718,
+ "ivative": 29719,
+ "291": 29720,
+ "Ġetymology": 29721,
+ "ĠIA": 29722,
+ "Ġleth": 29723,
+ "Ġneo": 29724,
+ "ĠClim": 29725,
+ "ĠTeeth": 29726,
+ "Gal": 29727,
+ "tree": 29728,
+ "legal": 29729,
+ "Hyper": 29730,
+ "-General": 29731,
+ "ĠBach": 29732,
+ "ĠHarold": 29733,
+ "blank": 29734,
+ "ĠNordic": 29735,
+ "lied": 29736,
+ "Ġbizarre": 29737,
+ "Ġvaping": 29738,
+ "Ġinsisted": 29739,
+ "ĠBuilt": 29740,
+ "oelect": 29741,
+ "Ġglean": 29742,
+ "Ġcarbide": 29743,
+ "-brown": 29744,
+ "Ġspellings": 29745,
+ "Ġdump": 29746,
+ "ĠAdolf": 29747,
+ "Ġreferral": 29748,
+ "Ġstupid": 29749,
+ "cile": 29750,
+ "Ġhug": 29751,
+ "Ġcourageous": 29752,
+ "Developing": 29753,
+ "loss": 29754,
+ "!,": 29755,
+ "Ø©": 29756,
+ "Ġyr": 29757,
+ "_B": 29758,
+ "ĠFruits": 29759,
+ "ĠFocusing": 29760,
+ "ĠBrussels": 29761,
+ "Ġwoody": 29762,
+ "ĠCreator": 29763,
+ "cv": 29764,
+ "Ġstreamlined": 29765,
+ "ĠRepair": 29766,
+ "RODUCTION": 29767,
+ "Ġsophist": 29768,
+ "Ġischem": 29769,
+ "ĠâĢŀ": 29770,
+ "Subscribe": 29771,
+ "ĠAutoCAD": 29772,
+ "zone": 29773,
+ "unity": 29774,
+ "ĠGust": 29775,
+ "Ġsimplifies": 29776,
+ "adoes": 29777,
+ "ĠFrost": 29778,
+ "Ġsofter": 29779,
+ "Ġinserting": 29780,
+ "Ġflossing": 29781,
+ "Ġfunctionalities": 29782,
+ "oquine": 29783,
+ "Ġpenny": 29784,
+ "ucaly": 29785,
+ "ylabel": 29786,
+ "Ġnovelist": 29787,
+ "flat": 29788,
+ "Ġcharger": 29789,
+ "ĠRobotics": 29790,
+ "Link": 29791,
+ "isitions": 29792,
+ "obl": 29793,
+ "iners": 29794,
+ "-infect": 29795,
+ "ISPR": 29796,
+ "Hyp": 29797,
+ "results": 29798,
+ "ĠReplace": 29799,
+ "eri": 29800,
+ "Ġconsultants": 29801,
+ "Ġimprisoned": 29802,
+ "-HELP": 29803,
+ "Hol": 29804,
+ "Ġdubbed": 29805,
+ "Final": 29806,
+ "ĠPars": 29807,
+ "Ġwarns": 29808,
+ "Ġdiluted": 29809,
+ "Ġnoteworthy": 29810,
+ "Ġrabies": 29811,
+ "lists": 29812,
+ "ĠSor": 29813,
+ "Ġpristine": 29814,
+ "Ġtribut": 29815,
+ "Ġcavalry": 29816,
+ "ĠBes": 29817,
+ "lling": 29818,
+ "Signs": 29819,
+ "Born": 29820,
+ "Ġtomography": 29821,
+ "Ġdensely": 29822,
+ "ña": 29823,
+ "ĠпÑĢ": 29824,
+ "noun": 29825,
+ "Ġsinks": 29826,
+ "Ġmary": 29827,
+ "ĠSew": 29828,
+ "Ġactionable": 29829,
+ "çī": 29830,
+ "ĠGuru": 29831,
+ "Ġdisg": 29832,
+ "ĠCorinth": 29833,
+ "Smith": 29834,
+ "Ġexcitation": 29835,
+ "ĠðŁ¤": 29836,
+ "umina": 29837,
+ "ĠFrog": 29838,
+ "Ġsuitability": 29839,
+ "Ġmalfunction": 29840,
+ "-Q": 29841,
+ "ĠAnglic": 29842,
+ "Ġknights": 29843,
+ "ĠBuildings": 29844,
+ "?,": 29845,
+ "Ġdefended": 29846,
+ "Ġglaucoma": 29847,
+ "294": 29848,
+ "ĠMarcus": 29849,
+ "isional": 29850,
+ "ĠBB": 29851,
+ "Ġdecoding": 29852,
+ "ĠTraffic": 29853,
+ "Ġrepercussions": 29854,
+ "Ġsinking": 29855,
+ "umbar": 29856,
+ "δ": 29857,
+ "Ġdynamically": 29858,
+ "ĠMilton": 29859,
+ "Ġjumped": 29860,
+ "ĠDaw": 29861,
+ "Ġpatrol": 29862,
+ "Ġgameplay": 29863,
+ "urgery": 29864,
+ "ĠSTAT": 29865,
+ "ABA": 29866,
+ "Ġaquaculture": 29867,
+ "ende": 29868,
+ "Ġnoon": 29869,
+ "Ġmodulus": 29870,
+ "ĠAndy": 29871,
+ "Ġacquaint": 29872,
+ "æĪIJ": 29873,
+ "ĠYemen": 29874,
+ "Ġviolate": 29875,
+ "337": 29876,
+ "Ġvanilla": 29877,
+ "Hub": 29878,
+ "ĠWine": 29879,
+ "Ġabusive": 29880,
+ "Ġpurified": 29881,
+ "Ġexhaustive": 29882,
+ "ĠJin": 29883,
+ "Ġsubordinate": 29884,
+ "ĠEdwards": 29885,
+ "Ġlingering": 29886,
+ "Ġpolio": 29887,
+ "lug": 29888,
+ "403": 29889,
+ "Ġtrigonometry": 29890,
+ "-west": 29891,
+ "ĠPlaying": 29892,
+ "Ġcapsules": 29893,
+ "ĠÂłĠÂłĠÂłĠÂłĠÂłĠÂłĠÂłĠÂł": 29894,
+ "ĠTrace": 29895,
+ "ĠSimulation": 29896,
+ "Ġuterine": 29897,
+ "ĠSTUDY": 29898,
+ "idium": 29899,
+ "444": 29900,
+ "ĠMyc": 29901,
+ "Ġsavory": 29902,
+ "ĠDubai": 29903,
+ "Ġbureauc": 29904,
+ "Ġcipher": 29905,
+ "Ġtraverse": 29906,
+ "Ġbang": 29907,
+ "Ġspills": 29908,
+ "Almost": 29909,
+ "Washington": 29910,
+ "qquad": 29911,
+ "rosclerosis": 29912,
+ "ishers": 29913,
+ "opal": 29914,
+ "Ġrejuven": 29915,
+ "Ġdisposition": 29916,
+ "aseous": 29917,
+ "ĠStim": 29918,
+ "Virtual": 29919,
+ "Ġpolymerase": 29920,
+ "Ġtyped": 29921,
+ "ĠSelecting": 29922,
+ "ĠMastering": 29923,
+ "ifference": 29924,
+ "Ġvaluation": 29925,
+ "Ġdissent": 29926,
+ "Ġinconsistencies": 29927,
+ "ĠPhillips": 29928,
+ "Ġfranchise": 29929,
+ "-X": 29930,
+ "-cre": 29931,
+ "âĢĶor": 29932,
+ "Ġeighteen": 29933,
+ "ĠAttend": 29934,
+ "Ġmucous": 29935,
+ "Challenges": 29936,
+ "Ġwield": 29937,
+ "ĠVariations": 29938,
+ "Ġfurnish": 29939,
+ "Ġfishermen": 29940,
+ "ĠSentences": 29941,
+ "ĠWireless": 29942,
+ "Ġimplication": 29943,
+ "Ġglycemic": 29944,
+ "Ġhooks": 29945,
+ "Ġmemoirs": 29946,
+ "Ġdeepening": 29947,
+ "ïĥŀ": 29948,
+ "WR": 29949,
+ "Ġbead": 29950,
+ "adj": 29951,
+ "oprotein": 29952,
+ "dia": 29953,
+ "Ġasp": 29954,
+ "ĠHelping": 29955,
+ "ĠInfectious": 29956,
+ "Ġscrolling": 29957,
+ "-Americ": 29958,
+ "Ġfabricated": 29959,
+ "ĠCounseling": 29960,
+ "ĠDot": 29961,
+ "ĠColonel": 29962,
+ "dered": 29963,
+ "Ġhover": 29964,
+ "ĠBlake": 29965,
+ "Ġmissionary": 29966,
+ "ÃŁ": 29967,
+ "ĠBread": 29968,
+ "-factor": 29969,
+ "regulated": 29970,
+ "Ġscreened": 29971,
+ "ĠGardening": 29972,
+ "Essential": 29973,
+ "ĠUb": 29974,
+ "ĠFrankenstein": 29975,
+ "Ġclassifier": 29976,
+ "Ġpolygons": 29977,
+ "Ġlongitude": 29978,
+ "Ġsupplemented": 29979,
+ "ĠEpic": 29980,
+ "Ġphylogenetic": 29981,
+ "Ġmates": 29982,
+ "assy": 29983,
+ "Ġpalette": 29984,
+ "local": 29985,
+ "ĠHandwriting": 29986,
+ "Ġdowntime": 29987,
+ "Ġlucrative": 29988,
+ "bishop": 29989,
+ "Ġmountainous": 29990,
+ "Determine": 29991,
+ "zel": 29992,
+ "aler": 29993,
+ "Israel": 29994,
+ "Usually": 29995,
+ "OF": 29996,
+ "Ġresign": 29997,
+ "Ġhypert": 29998,
+ "_word": 29999,
+ "Ġsliced": 30000,
+ "Ġdestroys": 30001,
+ "UCN": 30002,
+ "ĠTypical": 30003,
+ "tor": 30004,
+ "present": 30005,
+ "æ¯": 30006,
+ "ĠEntertainment": 30007,
+ "icity": 30008,
+ "identified": 30009,
+ "Ġpairing": 30010,
+ "Ġsunflower": 30011,
+ "Ġmixes": 30012,
+ "Ġpatriarchal": 30013,
+ "ĠItem": 30014,
+ "Ġequipping": 30015,
+ "Ġutf": 30016,
+ "ĠMalay": 30017,
+ "Ġfestive": 30018,
+ "530": 30019,
+ "592": 30020,
+ "Ġbolt": 30021,
+ "Quick": 30022,
+ "Ġmentorship": 30023,
+ "Ġrover": 30024,
+ "Government": 30025,
+ "-square": 30026,
+ "ĠSimultane": 30027,
+ "Ġacademy": 30028,
+ "urgence": 30029,
+ "roads": 30030,
+ "Ġstylistic": 30031,
+ "/in": 30032,
+ "033": 30033,
+ "Ġthinning": 30034,
+ "Ġdisclose": 30035,
+ "tre": 30036,
+ "ĠIsaiah": 30037,
+ "ĠLar": 30038,
+ "Ġrewarded": 30039,
+ "ĠQR": 30040,
+ "-high": 30041,
+ "Ġdomesticated": 30042,
+ "âĪ´": 30043,
+ "(my": 30044,
+ "HL": 30045,
+ "Ġedema": 30046,
+ "ĠHandling": 30047,
+ "Diabetes": 30048,
+ "Ġmonopol": 30049,
+ "Ġnegligible": 30050,
+ "Germany": 30051,
+ "ĠObviously": 30052,
+ "Ġrhymes": 30053,
+ "|L": 30054,
+ "olutions": 30055,
+ "ĠGatsby": 30056,
+ "Ġcirculatory": 30057,
+ "ĠVinci": 30058,
+ "ĠPrecision": 30059,
+ "Ġceremonial": 30060,
+ "atomic": 30061,
+ "verted": 30062,
+ "Ġreservation": 30063,
+ "ĠSpider": 30064,
+ "Ġstray": 30065,
+ "plate": 30066,
+ "Ġmex": 30067,
+ "arently": 30068,
+ "Ġheadphones": 30069,
+ "Ġmotivating": 30070,
+ "-Le": 30071,
+ "Ġoverdose": 30072,
+ "ĠMusk": 30073,
+ "Ġpreferable": 30074,
+ "Ġsynthesize": 30075,
+ "Ġtroubleshooting": 30076,
+ "Ġpudd": 30077,
+ "ĠPeak": 30078,
+ "Ġtoilets": 30079,
+ "ĠAu": 30080,
+ "Ġfraudulent": 30081,
+ "Ġproactively": 30082,
+ "ĠJur": 30083,
+ "sequence": 30084,
+ "Ġapex": 30085,
+ "ĠLac": 30086,
+ "-word": 30087,
+ "Ġneurotransmitters": 30088,
+ "Ġbreeze": 30089,
+ "iroshima": 30090,
+ "Ġapoptosis": 30091,
+ "];Ċ": 30092,
+ "imizing": 30093,
+ "ĠBever": 30094,
+ "Ġdisciplinary": 30095,
+ "Ġflawed": 30096,
+ "ĠConstantin": 30097,
+ "dates": 30098,
+ "vered": 30099,
+ "ammable": 30100,
+ "ĠRacial": 30101,
+ "entional": 30102,
+ "bread": 30103,
+ "hyper": 30104,
+ "cents": 30105,
+ "|T": 30106,
+ "Ġboast": 30107,
+ "Teacher": 30108,
+ "Ġchiefly": 30109,
+ "ĠGol": 30110,
+ "ĠPersia": 30111,
+ "processing": 30112,
+ "md": 30113,
+ "Ġmoll": 30114,
+ "Ġinscription": 30115,
+ "278": 30116,
+ "abbath": 30117,
+ "Ġemblem": 30118,
+ "talion": 30119,
+ "Ġlandscaping": 30120,
+ "EMENT": 30121,
+ "Ġunexpectedly": 30122,
+ "ĠGest": 30123,
+ "Ġovaries": 30124,
+ "Physics": 30125,
+ "Ġobstructive": 30126,
+ "Ġpg": 30127,
+ "Ġcares": 30128,
+ "ĠAllan": 30129,
+ "341": 30130,
+ "Important": 30131,
+ "bug": 30132,
+ "Ġshingles": 30133,
+ "Ġcommence": 30134,
+ "weights": 30135,
+ "Ġcorrelate": 30136,
+ "Ġcontradictory": 30137,
+ "far": 30138,
+ "oos": 30139,
+ "Ġimmensely": 30140,
+ "Ġinverted": 30141,
+ "ĠPos": 30142,
+ "Ġcosmetics": 30143,
+ "Healthy": 30144,
+ "Ġconcerts": 30145,
+ "emitism": 30146,
+ "âĢĶwhich": 30147,
+ "Ġnighttime": 30148,
+ "Ġformatted": 30149,
+ "-wise": 30150,
+ "ĠConfidence": 30151,
+ "Ġfaraway": 30152,
+ "Japanese": 30153,
+ "mable": 30154,
+ "Ġ).Ċ": 30155,
+ "409": 30156,
+ "Ġtrainers": 30157,
+ "Ġbicycles": 30158,
+ "ĠBuffalo": 30159,
+ "Ġcrest": 30160,
+ "expl": 30161,
+ "Ġplethora": 30162,
+ "Ġadverb": 30163,
+ "Ġdecorate": 30164,
+ "-English": 30165,
+ "ĠFurn": 30166,
+ "ausal": 30167,
+ "Ġeconomist": 30168,
+ "Ġosteoarthritis": 30169,
+ "Ġindelible": 30170,
+ "ĠPatent": 30171,
+ "Ġechoes": 30172,
+ "Ġoceanic": 30173,
+ "Ġpersisted": 30174,
+ "Ġalkal": 30175,
+ "Ġupholding": 30176,
+ "Ġsolvents": 30177,
+ "istles": 30178,
+ "ĠBrew": 30179,
+ "ĠJump": 30180,
+ "Ġmoods": 30181,
+ "Average": 30182,
+ "ĠBD": 30183,
+ "Ġlitres": 30184,
+ "iterate": 30185,
+ "udo": 30186,
+ "-fired": 30187,
+ "ĠGuatemala": 30188,
+ "ĠCOPD": 30189,
+ "Ġdiligent": 30190,
+ "Ġenforcing": 30191,
+ "Ġerupted": 30192,
+ "Ġdistinguishes": 30193,
+ "Ġminimally": 30194,
+ "á¹ĥ": 30195,
+ "Ġunlocking": 30196,
+ "ĠWebb": 30197,
+ "tar": 30198,
+ "Ġblamed": 30199,
+ "ĠMinerals": 30200,
+ "Ġpersec": 30201,
+ "Ġpmid": 30202,
+ "017": 30203,
+ "ERN": 30204,
+ "ĠBoost": 30205,
+ "Discussion": 30206,
+ "Ġblueberries": 30207,
+ "Cloud": 30208,
+ "ĠBarcelona": 30209,
+ "California": 30210,
+ "Ġconcentrates": 30211,
+ "Ġaxial": 30212,
+ "aris": 30213,
+ "ĠIBS": 30214,
+ "ĠButler": 30215,
+ "ĠProvides": 30216,
+ "Ġtreacher": 30217,
+ "Ġdistal": 30218,
+ "Ġcysts": 30219,
+ "Ġdatetime": 30220,
+ "train": 30221,
+ "Ġmodernization": 30222,
+ "Ġtroubled": 30223,
+ "ighthouse": 30224,
+ "ĠLav": 30225,
+ "Ġnewcom": 30226,
+ "ĠTimothy": 30227,
+ "Ġanalysing": 30228,
+ "Ġoutpatient": 30229,
+ "Ġgras": 30230,
+ "angi": 30231,
+ "âs": 30232,
+ "Ġlogarithm": 30233,
+ "ÙIJ": 30234,
+ "-fi": 30235,
+ "clean": 30236,
+ "Ġsatir": 30237,
+ "Latest": 30238,
+ "ĠBasel": 30239,
+ "Ġneighbouring": 30240,
+ "cis": 30241,
+ "Ġintends": 30242,
+ "Ġcoag": 30243,
+ "è¿Ļ": 30244,
+ "asaki": 30245,
+ "Ġshortcut": 30246,
+ "ĠWilhelm": 30247,
+ "ĠEmotions": 30248,
+ "opa": 30249,
+ "ĠDD": 30250,
+ "Ġpolite": 30251,
+ "Star": 30252,
+ "ugu": 30253,
+ "Ġmotive": 30254,
+ "Ġmessy": 30255,
+ "Ġneighbours": 30256,
+ "inkle": 30257,
+ "ĠReasons": 30258,
+ "ĠCyprus": 30259,
+ "Ġconfirming": 30260,
+ "engineering": 30261,
+ "Ren": 30262,
+ "ĠTI": 30263,
+ "ĠFE": 30264,
+ "Arm": 30265,
+ "imon": 30266,
+ "Prof": 30267,
+ "Ġmidpoint": 30268,
+ "Ġ______": 30269,
+ "Ġrage": 30270,
+ "ĠCourts": 30271,
+ "ĠSubsequently": 30272,
+ "Ġmusculoskeletal": 30273,
+ "CBT": 30274,
+ "Ġeject": 30275,
+ "leness": 30276,
+ "ĠAhmed": 30277,
+ "RIC": 30278,
+ "Ġmalign": 30279,
+ "Ġrebels": 30280,
+ "Ġslowed": 30281,
+ "umni": 30282,
+ "Ġreplaces": 30283,
+ "Ñķ": 30284,
+ "Ġ(.": 30285,
+ "Ġposing": 30286,
+ "ĠEnviron": 30287,
+ "Ġalmond": 30288,
+ "Ġattributable": 30289,
+ "ĠBristol": 30290,
+ "oment": 30291,
+ "Ġchatbot": 30292,
+ "Ġaphids": 30293,
+ "roaches": 30294,
+ "Ġexpeditions": 30295,
+ "ĠRoutledge": 30296,
+ "]*": 30297,
+ "pu": 30298,
+ "Ġugly": 30299,
+ "Ġcalend": 30300,
+ "Ġligament": 30301,
+ "Ġplacenta": 30302,
+ "Ġflashes": 30303,
+ "Ġessentials": 30304,
+ "Ġlayered": 30305,
+ "344": 30306,
+ "á½": 30307,
+ "indrome": 30308,
+ "Ġincurred": 30309,
+ "ĠArtist": 30310,
+ "LAW": 30311,
+ "ĠIG": 30312,
+ "Ġunman": 30313,
+ "!!!!": 30314,
+ "otomy": 30315,
+ "ĠGU": 30316,
+ "åħĥ": 30317,
+ "ĠRecommended": 30318,
+ "ëĭ¤": 30319,
+ "-soluble": 30320,
+ "Ġfetch": 30321,
+ "ÄŁ": 30322,
+ "ĠRoh": 30323,
+ "оÑĤ": 30324,
+ "ĠDesk": 30325,
+ "Ġprominently": 30326,
+ "ancel": 30327,
+ "ĠOdysseus": 30328,
+ "411": 30329,
+ "ĠMerc": 30330,
+ "Ġuphe": 30331,
+ "ĠProcedures": 30332,
+ "Ġageing": 30333,
+ "ĠGuidance": 30334,
+ "waves": 30335,
+ "ĠÂłĠ": 30336,
+ "Ġrearrange": 30337,
+ "ĠDuncan": 30338,
+ "Ġhail": 30339,
+ "ĠLamb": 30340,
+ "Ġdistilled": 30341,
+ "Feeling": 30342,
+ "Ġunderpinning": 30343,
+ "tub": 30344,
+ "ĠIber": 30345,
+ "ĠPill": 30346,
+ "Ġrivals": 30347,
+ "argument": 30348,
+ "zu": 30349,
+ "plane": 30350,
+ "Ġcolloqu": 30351,
+ "ĠParameters": 30352,
+ "ariat": 30353,
+ "Ġmutant": 30354,
+ "ĠSlov": 30355,
+ "Economic": 30356,
+ "Tag": 30357,
+ "onna": 30358,
+ "ĠSector": 30359,
+ "Score": 30360,
+ "Ġpillar": 30361,
+ "Ġsucculent": 30362,
+ "Ġauthored": 30363,
+ "Ġbenefiting": 30364,
+ "ĠQuotes": 30365,
+ "Ġringing": 30366,
+ "Ġstakes": 30367,
+ "agons": 30368,
+ "Ġunfavorable": 30369,
+ "ĠRonald": 30370,
+ "overe": 30371,
+ "Ġpotentials": 30372,
+ "Ġpersuasion": 30373,
+ "ĠAttorney": 30374,
+ "Ġorally": 30375,
+ "Ġinfusion": 30376,
+ "oya": 30377,
+ "Ġcyberbullying": 30378,
+ "ĠÊ": 30379,
+ "Ġvicious": 30380,
+ "=a": 30381,
+ "Ġhike": 30382,
+ "Ġrye": 30383,
+ "Ġprototypes": 30384,
+ "Ġ[...": 30385,
+ "Ġ')Ċ": 30386,
+ "Ġcategorize": 30387,
+ "HEMATICS": 30388,
+ "uling": 30389,
+ "Ġclicks": 30390,
+ "Ġunderestimate": 30391,
+ "Ġpaw": 30392,
+ "Ġstakeholder": 30393,
+ "jour": 30394,
+ "Build": 30395,
+ "Ġsustainably": 30396,
+ "Ġdetects": 30397,
+ "Ġcoexistence": 30398,
+ "Historically": 30399,
+ "ĠMN": 30400,
+ "Ġgraves": 30401,
+ "Ġelectrom": 30402,
+ "Ġceased": 30403,
+ "ĠInnovative": 30404,
+ "Ġexploratory": 30405,
+ "/news": 30406,
+ "Ġmedal": 30407,
+ "ĠCarlo": 30408,
+ "Ġcontacted": 30409,
+ "ĠPri": 30410,
+ "Ġdistraction": 30411,
+ "Ġtermites": 30412,
+ "Ġviolin": 30413,
+ "Ġannoying": 30414,
+ "(string": 30415,
+ "letons": 30416,
+ "Ġavoids": 30417,
+ "Ġdeclaring": 30418,
+ ".to": 30419,
+ "470": 30420,
+ "ĠGru": 30421,
+ "Ġformulations": 30422,
+ "Ġsulfide": 30423,
+ "Ġequivalence": 30424,
+ "Ġspotlight": 30425,
+ "ĠREAD": 30426,
+ "Ġtransnational": 30427,
+ "Ġdiseased": 30428,
+ "Ġattacker": 30429,
+ "Ġinterchangeably": 30430,
+ "Ġdeline": 30431,
+ "Ġforehead": 30432,
+ "ĠNoise": 30433,
+ "ĠCruz": 30434,
+ "orkshire": 30435,
+ "Ġflourishing": 30436,
+ "Ġglowing": 30437,
+ "ZE": 30438,
+ "Ġtrache": 30439,
+ "facts": 30440,
+ "Ġselves": 30441,
+ "Ġobsessive": 30442,
+ "Ġlur": 30443,
+ "326": 30444,
+ "dal": 30445,
+ "ĠChest": 30446,
+ "relations": 30447,
+ "kel": 30448,
+ "ĠPair": 30449,
+ "Ġleaching": 30450,
+ "ĠEducators": 30451,
+ "aggering": 30452,
+ "Ġhandout": 30453,
+ "TIs": 30454,
+ "Ġindexes": 30455,
+ "Ġgout": 30456,
+ "abridged": 30457,
+ "Ġlista": 30458,
+ "ĠIncorporating": 30459,
+ "ĠTall": 30460,
+ "Ġexpelled": 30461,
+ "Ġgenerative": 30462,
+ "ĠDouglass": 30463,
+ "ĠBass": 30464,
+ "Ġrepaired": 30465,
+ "ĠAntig": 30466,
+ "Matrix": 30467,
+ "Ġbrutality": 30468,
+ "Ol": 30469,
+ "VM": 30470,
+ "bugs": 30471,
+ "esign": 30472,
+ "ĠFranco": 30473,
+ "ĠPretty": 30474,
+ "Tags": 30475,
+ "atts": 30476,
+ "Ġdisinteg": 30477,
+ "imester": 30478,
+ "Ġcharles": 30479,
+ "ixing": 30480,
+ "Ġwildfire": 30481,
+ "ĠOutdoor": 30482,
+ "Ġsophistication": 30483,
+ "Ġdyst": 30484,
+ "Ġflax": 30485,
+ "ĠJulian": 30486,
+ "ĠAssessing": 30487,
+ "ĠBeginners": 30488,
+ "Ġhibern": 30489,
+ "Ġtopological": 30490,
+ "Ġreplies": 30491,
+ "Ġ+Ċ": 30492,
+ "Ġgreatness": 30493,
+ "Ġhypotenuse": 30494,
+ "ĠCrop": 30495,
+ "opoly": 30496,
+ "Ġnovice": 30497,
+ "ĠSets": 30498,
+ "-linked": 30499,
+ "354": 30500,
+ "cu": 30501,
+ "images": 30502,
+ "leb": 30503,
+ "Ġbaskets": 30504,
+ "ĠCOP": 30505,
+ "Ġresponsiveness": 30506,
+ "Ġrevolutionizing": 30507,
+ "Ġprolific": 30508,
+ "Apart": 30509,
+ "asus": 30510,
+ "ĠLuis": 30511,
+ "-child": 30512,
+ "woman": 30513,
+ "erable": 30514,
+ "%ĊĊ": 30515,
+ "gun": 30516,
+ "Ġbreaker": 30517,
+ "Ġbells": 30518,
+ "ibn": 30519,
+ "Ġbasins": 30520,
+ "ĠRadi": 30521,
+ "éĻ": 30522,
+ "Ġwheelchair": 30523,
+ "would": 30524,
+ "286": 30525,
+ "Ġdielectric": 30526,
+ "ĠRealism": 30527,
+ "Ġstacked": 30528,
+ "Ġpoorest": 30529,
+ "ÑĨи": 30530,
+ "Bit": 30531,
+ "ĠCox": 30532,
+ "scrib": 30533,
+ "Ġforgetting": 30534,
+ "Patients": 30535,
+ "çĤ¹": 30536,
+ "Li": 30537,
+ "Ma": 30538,
+ "Ġgira": 30539,
+ "ĠSaving": 30540,
+ "advert": 30541,
+ "Ġxen": 30542,
+ "ĠInstitutions": 30543,
+ "ĠFerdinand": 30544,
+ "rising": 30545,
+ "ĠOscar": 30546,
+ "Meaning": 30547,
+ "Âłand": 30548,
+ "Ġbroker": 30549,
+ "Ġbarter": 30550,
+ "ĠAnalytical": 30551,
+ "Ġdyn": 30552,
+ "Ġmaturation": 30553,
+ "ĠSuz": 30554,
+ "MCQ": 30555,
+ "Ġhalves": 30556,
+ "ĠStanding": 30557,
+ "ĠBowl": 30558,
+ "-go": 30559,
+ "Mer": 30560,
+ "ĠSalem": 30561,
+ "Ġmicrom": 30562,
+ "Ġasteroids": 30563,
+ "Ġneonatal": 30564,
+ "Ġbury": 30565,
+ "Ġhegemon": 30566,
+ "ĠHann": 30567,
+ "attering": 30568,
+ "Ġappendix": 30569,
+ "clinical": 30570,
+ "ĠSalvador": 30571,
+ "Ġpromotional": 30572,
+ "Ġcrossword": 30573,
+ "Ġspraying": 30574,
+ "ocaly": 30575,
+ "ĠVoy": 30576,
+ "ĠPlain": 30577,
+ "ĠGeology": 30578,
+ "ĠVoltage": 30579,
+ "Ġlocus": 30580,
+ "ĠTeams": 30581,
+ "Ġimplementations": 30582,
+ "isors": 30583,
+ "ravel": 30584,
+ "Ġ[-": 30585,
+ "ĠThankfully": 30586,
+ "ĠScreening": 30587,
+ "050": 30588,
+ "525": 30589,
+ "Ġdelighted": 30590,
+ "wen": 30591,
+ "lette": 30592,
+ "Ġfulfil": 30593,
+ "ĠNano": 30594,
+ "Ġschoolers": 30595,
+ "Ġstartups": 30596,
+ "Ġorchids": 30597,
+ "Ġcoexist": 30598,
+ "Ġcorro": 30599,
+ "ELS": 30600,
+ "optera": 30601,
+ "Ġdavid": 30602,
+ "Ġrevisit": 30603,
+ "Ġanorexia": 30604,
+ "ĠDas": 30605,
+ "Object": 30606,
+ "######": 30607,
+ "Ġintangible": 30608,
+ "ĠExped": 30609,
+ "Ġuh": 30610,
+ "odef": 30611,
+ "Ġwidow": 30612,
+ "rontal": 30613,
+ "Ġurination": 30614,
+ "ĠDirectory": 30615,
+ "ĠSatan": 30616,
+ "Ġarches": 30617,
+ "Ġbackpack": 30618,
+ "ĠXX": 30619,
+ "Ġdrip": 30620,
+ "ĠCraig": 30621,
+ "ĠDj": 30622,
+ "ĠHamm": 30623,
+ "Ġantif": 30624,
+ "-regulation": 30625,
+ "ĠChairman": 30626,
+ "Ġboredom": 30627,
+ "ĠEurek": 30628,
+ "oulder": 30629,
+ "Ġmarketed": 30630,
+ "Event": 30631,
+ "Ġvamp": 30632,
+ "ĠDraft": 30633,
+ "ĠChal": 30634,
+ "Ġrav": 30635,
+ "Ġretin": 30636,
+ "Ġpeanuts": 30637,
+ "ruck": 30638,
+ "erton": 30639,
+ "296": 30640,
+ "KB": 30641,
+ "Ġsurreal": 30642,
+ "ĠBolivia": 30643,
+ "Ġsalty": 30644,
+ "ĠNigerian": 30645,
+ "Ġalmonds": 30646,
+ "ĠVic": 30647,
+ "_per": 30648,
+ "olip": 30649,
+ "Ġhears": 30650,
+ "Ġfixation": 30651,
+ "Ġmah": 30652,
+ "Ġnoodles": 30653,
+ "ĠANOVA": 30654,
+ "Collabor": 30655,
+ "ĠFisheries": 30656,
+ "ĠGaz": 30657,
+ "arist": 30658,
+ "Ġaliens": 30659,
+ "Ġjars": 30660,
+ "Ġpredictors": 30661,
+ "ocyan": 30662,
+ "620": 30663,
+ "Ġimpe": 30664,
+ "ĠAllergy": 30665,
+ "ploid": 30666,
+ "ĠChapters": 30667,
+ "______": 30668,
+ "fuels": 30669,
+ "'),": 30670,
+ "Ġrefusal": 30671,
+ "parts": 30672,
+ "ĠESA": 30673,
+ "Ġhospitalization": 30674,
+ "Ġprecedent": 30675,
+ "Ġvines": 30676,
+ "ĠOptical": 30677,
+ "äºİ": 30678,
+ "pic": 30679,
+ "ĠASTM": 30680,
+ "Peter": 30681,
+ "Ġanime": 30682,
+ "ĠMiles": 30683,
+ "ĠMAP": 30684,
+ "acion": 30685,
+ "ĠFranz": 30686,
+ "ĠPassover": 30687,
+ "alogy": 30688,
+ "omans": 30689,
+ "Ġconditioner": 30690,
+ "Ġhydrocarbons": 30691,
+ "ÂŃ": 30692,
+ "Ġconfinement": 30693,
+ "Ġunused": 30694,
+ "ucalypt": 30695,
+ "Focus": 30696,
+ "630": 30697,
+ "uitive": 30698,
+ "Ġsender": 30699,
+ "student": 30700,
+ "Ġdepleted": 30701,
+ "aceans": 30702,
+ "Ġpitu": 30703,
+ "Ġgranular": 30704,
+ "odend": 30705,
+ "Ever": 30706,
+ "Ġforeigners": 30707,
+ "ections": 30708,
+ "ĠKol": 30709,
+ "ethnic": 30710,
+ "iery": 30711,
+ "Ġrecreate": 30712,
+ "Ġpolys": 30713,
+ "Ġaveraged": 30714,
+ "ĠShen": 30715,
+ "ĠPont": 30716,
+ "Ġsomatic": 30717,
+ "ок": 30718,
+ "ĠHygiene": 30719,
+ "window": 30720,
+ "ĠMing": 30721,
+ "ĠRaspberry": 30722,
+ "Ġheavens": 30723,
+ "Ġindig": 30724,
+ "Ġsaus": 30725,
+ "character": 30726,
+ ")))": 30727,
+ "RAVEL": 30728,
+ "Ġreversal": 30729,
+ "ĠKrishna": 30730,
+ "ĠMATLAB": 30731,
+ "Ġpamph": 30732,
+ "ĠWing": 30733,
+ "Ġmonsoon": 30734,
+ "oglyph": 30735,
+ "Ġsilicone": 30736,
+ "Ġinact": 30737,
+ "ĠFuk": 30738,
+ "Ġoutright": 30739,
+ "Ġfueling": 30740,
+ "ĠTreeNode": 30741,
+ "kner": 30742,
+ "ultures": 30743,
+ "ributed": 30744,
+ "ĠAbbey": 30745,
+ "Ġcaterpillars": 30746,
+ "Kind": 30747,
+ "Ġagon": 30748,
+ "Ġcleanup": 30749,
+ "hey": 30750,
+ "ĠDaisy": 30751,
+ "perors": 30752,
+ "Ġidentifiable": 30753,
+ "Ġlymphatic": 30754,
+ "Ãħ": 30755,
+ "Ġcoff": 30756,
+ "ogas": 30757,
+ "Ġdestined": 30758,
+ "Ġhyperactivity": 30759,
+ "ĠElection": 30760,
+ "Ball": 30761,
+ "Ġexplosions": 30762,
+ "/cm": 30763,
+ "Ú©": 30764,
+ "ĠDrama": 30765,
+ "ĠLent": 30766,
+ "ĠUnity": 30767,
+ "Ġhumankind": 30768,
+ "azes": 30769,
+ "ĠCompute": 30770,
+ "ĠExpand": 30771,
+ "Secondly": 30772,
+ "ashtra": 30773,
+ "Ġsailed": 30774,
+ "Ġfunc": 30775,
+ "ĠLens": 30776,
+ "ĠOthello": 30777,
+ "âĢĺs": 30778,
+ "Ġpenn": 30779,
+ "Ġgracefully": 30780,
+ "ĠGonz": 30781,
+ "ĠRamadan": 30782,
+ "Ġpituitary": 30783,
+ ".ar": 30784,
+ "ĠAppropriate": 30785,
+ "rador": 30786,
+ "Setting": 30787,
+ "Ġelectrically": 30788,
+ "Keeping": 30789,
+ "amo": 30790,
+ "Linear": 30791,
+ "Ġunveiled": 30792,
+ "ĠColle": 30793,
+ "ept": 30794,
+ "zh": 30795,
+ "inomial": 30796,
+ "-efficacy": 30797,
+ "Ġcongregation": 30798,
+ "ĠInvesting": 30799,
+ "()ĊĊĊ": 30800,
+ "osceles": 30801,
+ "andem": 30802,
+ "ĠLunar": 30803,
+ "Ġendings": 30804,
+ "ĠTwain": 30805,
+ "Ġstadium": 30806,
+ "bast": 30807,
+ "itans": 30808,
+ "Ġspins": 30809,
+ "Ġentirety": 30810,
+ "Ġmesmerizing": 30811,
+ "Cond": 30812,
+ "Ġprisons": 30813,
+ "ĠPresidential": 30814,
+ "anasia": 30815,
+ "-inspired": 30816,
+ "Ġeradicate": 30817,
+ ".*": 30818,
+ "/y": 30819,
+ "FM": 30820,
+ "Pet": 30821,
+ "Ġparen": 30822,
+ "Ġmaid": 30823,
+ "Ġlace": 30824,
+ "ĠProfit": 30825,
+ "rification": 30826,
+ "Ġlexical": 30827,
+ "accharides": 30828,
+ "fied": 30829,
+ "ç±": 30830,
+ "plots": 30831,
+ "Ġspraw": 30832,
+ "Ġexemplified": 30833,
+ "Ġsubdiv": 30834,
+ "fts": 30835,
+ "Ġfillings": 30836,
+ "éĿ": 30837,
+ "ĠLM": 30838,
+ "ĠFeeding": 30839,
+ "Ġresiliency": 30840,
+ "Ġmanga": 30841,
+ "Ġqueens": 30842,
+ "Ġaggregation": 30843,
+ "ceral": 30844,
+ "-funded": 30845,
+ "Ġheterogeneity": 30846,
+ "Ġhypothyroidism": 30847,
+ "langle": 30848,
+ "Ġunacceptable": 30849,
+ "ĠAfterward": 30850,
+ "Ġodors": 30851,
+ "Ġcriticisms": 30852,
+ "ä½ľ": 30853,
+ "ĠPaste": 30854,
+ "ĠLeveraging": 30855,
+ "Ġpremier": 30856,
+ "ĠNOAA": 30857,
+ "ophilic": 30858,
+ "Ġnucleotide": 30859,
+ "Notice": 30860,
+ "Ġjuicy": 30861,
+ "OTH": 30862,
+ "ĠVehicles": 30863,
+ "umas": 30864,
+ "angar": 30865,
+ "Ġkite": 30866,
+ "âĢĶan": 30867,
+ "ĠScheme": 30868,
+ "lioma": 30869,
+ "Ġgreeted": 30870,
+ "ĠCatholicism": 30871,
+ "idered": 30872,
+ "climate": 30873,
+ "Active": 30874,
+ "Henry": 30875,
+ "nip": 30876,
+ "Ġrealizes": 30877,
+ "Ġpercentile": 30878,
+ ")$.": 30879,
+ "ĠParticipation": 30880,
+ "Ġelucidate": 30881,
+ "!\"Ċ": 30882,
+ "Ġquint": 30883,
+ "iku": 30884,
+ "Ġmiller": 30885,
+ "Ġmarginalization": 30886,
+ "ĠGastro": 30887,
+ "TIV": 30888,
+ "Ġsow": 30889,
+ "Ġdisconnected": 30890,
+ "Ġoutrage": 30891,
+ "ĠUI": 30892,
+ "kn": 30893,
+ "ĠDiagrams": 30894,
+ "ĠCemetery": 30895,
+ "Ġdelegates": 30896,
+ "Ġlys": 30897,
+ "Ġunb": 30898,
+ "ĠGujar": 30899,
+ "Ġvertebrates": 30900,
+ "Ġaffiliation": 30901,
+ "Ġpeptides": 30902,
+ "é¢": 30903,
+ "ĻĤ": 30904,
+ "ĠDriver": 30905,
+ "aeus": 30906,
+ "Ġunethical": 30907,
+ "Ġsweep": 30908,
+ "á¹Ń": 30909,
+ "ḥ": 30910,
+ "ĠBiotechnology": 30911,
+ "ĠMilan": 30912,
+ "asci": 30913,
+ "ĠBanking": 30914,
+ "idx": 30915,
+ "Ġ(*": 30916,
+ "Ġcliffs": 30917,
+ "Ġsyst": 30918,
+ "Ġrashes": 30919,
+ "Ġscriptures": 30920,
+ "Ġintellectuals": 30921,
+ "ĠPutin": 30922,
+ "ricter": 30923,
+ "-case": 30924,
+ "Ġconfrontation": 30925,
+ "ĠTobacco": 30926,
+ "Ġembroidery": 30927,
+ "-directed": 30928,
+ "acs": 30929,
+ "ĠTextbook": 30930,
+ "Ġtrademarks": 30931,
+ "Ġcathode": 30932,
+ "Ġattire": 30933,
+ "ĠCommissioner": 30934,
+ "Ġза": 30935,
+ "½æķ°": 30936,
+ "eme": 30937,
+ "agnosed": 30938,
+ "Ġoccupying": 30939,
+ "Ġquestionable": 30940,
+ "ĠHomo": 30941,
+ "Chat": 30942,
+ "Native": 30943,
+ "bras": 30944,
+ "Ġdoubling": 30945,
+ "arum": 30946,
+ "ĠMonster": 30947,
+ "\"What": 30948,
+ "City": 30949,
+ "ospor": 30950,
+ "Ġcalligraphy": 30951,
+ "Later": 30952,
+ "Ġtaxonomy": 30953,
+ "ĠRodrig": 30954,
+ "stanbul": 30955,
+ "det": 30956,
+ "âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦": 30957,
+ "ĠPyramid": 30958,
+ "rez": 30959,
+ "ĠSara": 30960,
+ "Ġglacial": 30961,
+ "aaS": 30962,
+ "ĠMormon": 30963,
+ "ietzsche": 30964,
+ "ithe": 30965,
+ "Ġpredefined": 30966,
+ "Ġ$$(": 30967,
+ "ilate": 30968,
+ "Ġdetention": 30969,
+ "earance": 30970,
+ "Ġhey": 30971,
+ "ardon": 30972,
+ "Ġmotivational": 30973,
+ "Ġ&&": 30974,
+ "ĠDifficulty": 30975,
+ "initial": 30976,
+ "umann": 30977,
+ "Ġjapan": 30978,
+ "Ġnozzle": 30979,
+ "Ġcousins": 30980,
+ "Ġelevator": 30981,
+ "ĠGalaxy": 30982,
+ "Ġjealousy": 30983,
+ "uthanasia": 30984,
+ "ĠCurious": 30985,
+ "ophysiology": 30986,
+ "chery": 30987,
+ "ĠVegas": 30988,
+ "ĠChapel": 30989,
+ "ISE": 30990,
+ "ĠDuration": 30991,
+ "Ġsentenced": 30992,
+ "Ġflavour": 30993,
+ ".us": 30994,
+ "***": 30995,
+ "Ġembell": 30996,
+ "Ġcorrective": 30997,
+ "Ġjournaling": 30998,
+ "Occ": 30999,
+ "berger": 31000,
+ "ĠGoddess": 31001,
+ "Ġlabelled": 31002,
+ "347": 31003,
+ "Ġmacular": 31004,
+ "ĠTasman": 31005,
+ "æľĢ": 31006,
+ "Ġinclination": 31007,
+ "chant": 31008,
+ "Ġknives": 31009,
+ "Maintaining": 31010,
+ "^^": 31011,
+ "ĠSocialist": 31012,
+ "eres": 31013,
+ "rr": 31014,
+ "Ġnotification": 31015,
+ "ĠKarn": 31016,
+ "Ġcompulsive": 31017,
+ "Ġnumbness": 31018,
+ "junct": 31019,
+ "ionic": 31020,
+ "ainting": 31021,
+ "-hop": 31022,
+ "Ġwestward": 31023,
+ "Ġtattoo": 31024,
+ "Ġsang": 31025,
+ "Ġcondu": 31026,
+ "Ġsept": 31027,
+ "Ġdisconnect": 31028,
+ "Ġfrightening": 31029,
+ "Ġdepended": 31030,
+ "ĠSTR": 31031,
+ "-than": 31032,
+ "符": 31033,
+ "rivers": 31034,
+ "ĠAside": 31035,
+ "Ġbiomarkers": 31036,
+ "nec": 31037,
+ "oxid": 31038,
+ "occupied": 31039,
+ "ĠMouse": 31040,
+ "bladder": 31041,
+ "Ġstylish": 31042,
+ "GIS": 31043,
+ "ĠOrganizational": 31044,
+ "Ġendorsed": 31045,
+ "Ġ\\;": 31046,
+ "Ġintroductions": 31047,
+ "ĠSurge": 31048,
+ "Ġwhatsoever": 31049,
+ "ĠMessiah": 31050,
+ "rystall": 31051,
+ "ĠRebell": 31052,
+ "mud": 31053,
+ "ĠHoliday": 31054,
+ "ĠAdvertising": 31055,
+ "ĠSignificant": 31056,
+ "Ġá¼": 31057,
+ "phrine": 31058,
+ "-linear": 31059,
+ "furt": 31060,
+ "Ġrecalls": 31061,
+ "Ġmaximal": 31062,
+ "Ġcloudy": 31063,
+ "SION": 31064,
+ "Ġaustralia": 31065,
+ "Ġdealer": 31066,
+ "Ġinhaled": 31067,
+ "Ġfrying": 31068,
+ "castle": 31069,
+ "Ġcompanionship": 31070,
+ "ĠWorkplace": 31071,
+ "ĠOutside": 31072,
+ "à¥įर": 31073,
+ "Ġartifact": 31074,
+ "Ġplaywright": 31075,
+ "Ġbroadcasting": 31076,
+ "Ġaffirmative": 31077,
+ "span": 31078,
+ "342": 31079,
+ "ĠPersons": 31080,
+ "Ġdishon": 31081,
+ "IK": 31082,
+ "Ġoversh": 31083,
+ "ferred": 31084,
+ "Ġlinearly": 31085,
+ "§": 31086,
+ "ĠREM": 31087,
+ "Process": 31088,
+ "ĠRut": 31089,
+ "awed": 31090,
+ "Ġplatinum": 31091,
+ "Ġtransmitter": 31092,
+ "Ġselenium": 31093,
+ "Person": 31094,
+ "write": 31095,
+ "Ġanomaly": 31096,
+ "ocracies": 31097,
+ "ĠGenerator": 31098,
+ "aryngeal": 31099,
+ "uscular": 31100,
+ "bolds": 31101,
+ "ĠLancet": 31102,
+ "urtle": 31103,
+ "rength": 31104,
+ "ĠAttack": 31105,
+ "ineteen": 31106,
+ "(key": 31107,
+ "ĠFrame": 31108,
+ "miah": 31109,
+ "Ġmicropro": 31110,
+ "Ġrebel": 31111,
+ "Ġtemptation": 31112,
+ "Ġexcitedly": 31113,
+ "(result": 31114,
+ "Ġrider": 31115,
+ "\"]Ċ": 31116,
+ "Ġobsession": 31117,
+ "ĠRegiment": 31118,
+ "Ġdolls": 31119,
+ "Ġabbreviations": 31120,
+ "odor": 31121,
+ "udor": 31122,
+ "ĠLob": 31123,
+ "лÑı": 31124,
+ "ĠHC": 31125,
+ "Ġaccents": 31126,
+ "Ġbiologically": 31127,
+ "Ġе": 31128,
+ "oplastic": 31129,
+ "ĠEllen": 31130,
+ "ĠFormal": 31131,
+ "Ġinventors": 31132,
+ "ĠGam": 31133,
+ "352": 31134,
+ "Ġawakening": 31135,
+ "Ġbehaves": 31136,
+ "hra": 31137,
+ "something": 31138,
+ "Ġpayload": 31139,
+ "Ġrainforests": 31140,
+ "development": 31141,
+ "Latin": 31142,
+ "ĠLenn": 31143,
+ "ĠReagan": 31144,
+ "Ġpilgrimage": 31145,
+ "ecute": 31146,
+ "preting": 31147,
+ "Ġballoons": 31148,
+ "ά": 31149,
+ "Ġarchival": 31150,
+ "rien": 31151,
+ "azole": 31152,
+ "Ġscratching": 31153,
+ "patic": 31154,
+ "ĠVish": 31155,
+ "())ĊĊ": 31156,
+ "ĠTexts": 31157,
+ "ĠAcknow": 31158,
+ "TY": 31159,
+ "ĠServe": 31160,
+ "Move": 31161,
+ "sur": 31162,
+ "Ġscrib": 31163,
+ "Ġequilateral": 31164,
+ "DAY": 31165,
+ "IoT": 31166,
+ "ĠBil": 31167,
+ "Ġsparks": 31168,
+ "Ġcurse": 31169,
+ "????": 31170,
+ "Edit": 31171,
+ "334": 31172,
+ "ĠConsulting": 31173,
+ "Ġassembl": 31174,
+ "Ġvertebrae": 31175,
+ "åī": 31176,
+ "ĠHip": 31177,
+ "ĠHEALTH": 31178,
+ "ĠJP": 31179,
+ "ĠCherokee": 31180,
+ "Ġreversible": 31181,
+ "boldsymbol": 31182,
+ "hift": 31183,
+ "temp": 31184,
+ "Ġdp": 31185,
+ "arching": 31186,
+ "ĠTheodore": 31187,
+ "Ġtheolog": 31188,
+ "ouched": 31189,
+ "ciences": 31190,
+ "Ġaches": 31191,
+ "ĠISSN": 31192,
+ "-management": 31193,
+ "Ġcapitalize": 31194,
+ "Ġrivalry": 31195,
+ "ĠAxis": 31196,
+ "ĠAdvocacy": 31197,
+ "mt": 31198,
+ "Ġache": 31199,
+ "_model": 31200,
+ "ĠCream": 31201,
+ "Ġhypogly": 31202,
+ "ĠRemoval": 31203,
+ "ĠRecipes": 31204,
+ "Ġsecretly": 31205,
+ ")|": 31206,
+ "ĠFilter": 31207,
+ "Ġinfin": 31208,
+ "ĠHighlight": 31209,
+ "Ġsubtropical": 31210,
+ "Ġbolts": 31211,
+ "ointed": 31212,
+ "Ġrankings": 31213,
+ "ĠCPR": 31214,
+ "-border": 31215,
+ "Ġfirewall": 31216,
+ "ĠAugustus": 31217,
+ "Ġ[âĢ¦]": 31218,
+ "Ġcrane": 31219,
+ "âĢ¢Ċ": 31220,
+ "ĠâĪĨ": 31221,
+ "ĠHarlem": 31222,
+ "Ġorientations": 31223,
+ "ÑĤÑĮ": 31224,
+ "Ġaunt": 31225,
+ "ĠParas": 31226,
+ "ggling": 31227,
+ "-group": 31228,
+ "888": 31229,
+ "ĠLoop": 31230,
+ "ĠEvere": 31231,
+ "ĠOECD": 31232,
+ "Ġ___": 31233,
+ "Ġasserts": 31234,
+ "Ġacquainted": 31235,
+ "âĪŀ": 31236,
+ "OCs": 31237,
+ "Ġhelmets": 31238,
+ "040": 31239,
+ "ĠLor": 31240,
+ "Ġrooft": 31241,
+ "ixel": 31242,
+ "amba": 31243,
+ "Ġrockets": 31244,
+ "ĠPrices": 31245,
+ "ĠEF": 31246,
+ "atorial": 31247,
+ "ĠGlobe": 31248,
+ "Ġorthodox": 31249,
+ "Ġunchecked": 31250,
+ "âĢĶincluding": 31251,
+ "Ġdna": 31252,
+ "ĠMY": 31253,
+ "ĠHI": 31254,
+ "usters": 31255,
+ "396": 31256,
+ "ĠCarnegie": 31257,
+ "ungs": 31258,
+ "tight": 31259,
+ "cycles": 31260,
+ "secure": 31261,
+ "Function": 31262,
+ "Ġsynag": 31263,
+ "Ġmigraines": 31264,
+ "onucle": 31265,
+ "ĠPOW": 31266,
+ "Ġachieves": 31267,
+ "Ġsuspects": 31268,
+ "Ġoccupants": 31269,
+ "GD": 31270,
+ "å±": 31271,
+ "Ġreapp": 31272,
+ "Ġwears": 31273,
+ "Ġinsist": 31274,
+ "990": 31275,
+ "Ġalve": 31276,
+ "ertations": 31277,
+ "Ġincremental": 31278,
+ "ĠPharaoh": 31279,
+ "ĠRevision": 31280,
+ "-att": 31281,
+ "Turn": 31282,
+ "ĠMeans": 31283,
+ "ä¸ĭ": 31284,
+ "Ġturbulence": 31285,
+ "Ġtranscripts": 31286,
+ "ĠEmployee": 31287,
+ "ĠAdmiral": 31288,
+ "Ġcushion": 31289,
+ "washing": 31290,
+ "ĠSina": 31291,
+ "ĠCardiovascular": 31292,
+ "ĠBurns": 31293,
+ "Ġgrease": 31294,
+ "ichever": 31295,
+ "watch": 31296,
+ "ĠHamburg": 31297,
+ "ĠLD": 31298,
+ "``}": 31299,
+ "Ġflick": 31300,
+ "ĠTemper": 31301,
+ "Ġinstantaneous": 31302,
+ "Ġsixteenth": 31303,
+ "CRI": 31304,
+ "Ġunseen": 31305,
+ "Future": 31306,
+ "yrinth": 31307,
+ "åİ": 31308,
+ "quo": 31309,
+ "agos": 31310,
+ "ĠKun": 31311,
+ "IDs": 31312,
+ "ĠPartner": 31313,
+ "Ġnestled": 31314,
+ "ĠSnake": 31315,
+ "Ġfauc": 31316,
+ "Ġpredecessor": 31317,
+ "760": 31318,
+ "Ec": 31319,
+ "axes": 31320,
+ "Ġfootwear": 31321,
+ "ĠMongolia": 31322,
+ "EU": 31323,
+ "Ġstrata": 31324,
+ "Ġstaring": 31325,
+ "ĠOutlook": 31326,
+ "ĠLeading": 31327,
+ "Ġperpetuating": 31328,
+ "Ġfist": 31329,
+ "Ġε": 31330,
+ "Ġimmunization": 31331,
+ "Ġnucleic": 31332,
+ "Si": 31333,
+ "âĢł": 31334,
+ "uder": 31335,
+ "ĠBasket": 31336,
+ "ptune": 31337,
+ "Ġlocalization": 31338,
+ "Positive": 31339,
+ "|R": 31340,
+ "Ġtumult": 31341,
+ "Brown": 31342,
+ "ku": 31343,
+ "Ġcentr": 31344,
+ "Ġoppressed": 31345,
+ "ĠHabits": 31346,
+ "whether": 31347,
+ "auf": 31348,
+ "ĠSynthesis": 31349,
+ "ĠCret": 31350,
+ "ĠDear": 31351,
+ "Ġcoy": 31352,
+ "ĠDecimals": 31353,
+ "onite": 31354,
+ "Ġpedestrian": 31355,
+ "Ġlaborers": 31356,
+ "VC": 31357,
+ "Ġdegrade": 31358,
+ "House": 31359,
+ "Ġomitted": 31360,
+ "Ġfret": 31361,
+ "Ġharming": 31362,
+ "Ġreconcile": 31363,
+ "Ġshielding": 31364,
+ "åºı": 31365,
+ "Ġmourning": 31366,
+ "Chemical": 31367,
+ "ĠCN": 31368,
+ "Ġinspirational": 31369,
+ "Ġpalate": 31370,
+ "neigh": 31371,
+ "Ġwaited": 31372,
+ "Ġextrater": 31373,
+ "Sort": 31374,
+ "Ġinvestigator": 31375,
+ "Ġcheat": 31376,
+ "Ġ,Ċ": 31377,
+ "-eye": 31378,
+ "ĠCritics": 31379,
+ "Ġspontaneously": 31380,
+ "ishi": 31381,
+ "ructuring": 31382,
+ "-proof": 31383,
+ "guard": 31384,
+ "ĠInvestigate": 31385,
+ "Ġ=\\": 31386,
+ "Ġroadmap": 31387,
+ "Monday": 31388,
+ "dp": 31389,
+ "Ġpac": 31390,
+ "Ġencode": 31391,
+ "Ġrequesting": 31392,
+ "Ġridges": 31393,
+ "Ġsparkling": 31394,
+ "ressor": 31395,
+ "ĠCamera": 31396,
+ "culous": 31397,
+ "-dep": 31398,
+ "Ġfacult": 31399,
+ "ĠReply": 31400,
+ "ĠExperiments": 31401,
+ "Ġfluent": 31402,
+ "Ġprairie": 31403,
+ "412": 31404,
+ "950": 31405,
+ "ĠSodium": 31406,
+ "Ġnanot": 31407,
+ "ĠGilbert": 31408,
+ "ĠBenedict": 31409,
+ "ĠMau": 31410,
+ "Ġconditioned": 31411,
+ "reshape": 31412,
+ "Urban": 31413,
+ "Ġemancipation": 31414,
+ "'T": 31415,
+ "Brain": 31416,
+ "Ġstaggering": 31417,
+ "ĠEas": 31418,
+ "placed": 31419,
+ "ĠSatellite": 31420,
+ "ĠBullying": 31421,
+ ".âĢľ": 31422,
+ "Ġlang": 31423,
+ "ranial": 31424,
+ "Ġrouters": 31425,
+ "Ġcorrelates": 31426,
+ "ĠCryptocurrency": 31427,
+ ".print": 31428,
+ "Ġlign": 31429,
+ "601": 31430,
+ "Ġsubstitutes": 31431,
+ "Ġperfor": 31432,
+ "Ġmandates": 31433,
+ "ĠRaymond": 31434,
+ "hello": 31435,
+ "ĠNg": 31436,
+ "ligious": 31437,
+ "Ġshines": 31438,
+ "Ġrefuses": 31439,
+ "ĠFBI": 31440,
+ "iping": 31441,
+ "Ġmicros": 31442,
+ "Ġmedial": 31443,
+ "Ġlaure": 31444,
+ "âĢĶâĢĶâĢĶâĢĶ": 31445,
+ "ĠLC": 31446,
+ "Ġfolic": 31447,
+ "Ġhindi": 31448,
+ "Ġprestige": 31449,
+ "Ġowls": 31450,
+ "igmoid": 31451,
+ "Ġpointers": 31452,
+ "ĠExcept": 31453,
+ "ipples": 31454,
+ "Ġbracket": 31455,
+ "ĠAchilles": 31456,
+ "Ġmacrophages": 31457,
+ "Ġregiment": 31458,
+ "Ġherds": 31459,
+ "Ġ{}Ċ": 31460,
+ "meter": 31461,
+ "Ġthro": 31462,
+ "opp": 31463,
+ "Ġunwilling": 31464,
+ "-developed": 31465,
+ "Mic": 31466,
+ "loop": 31467,
+ "uisines": 31468,
+ "ĠMechanisms": 31469,
+ "Ġging": 31470,
+ "ĠAlm": 31471,
+ "ĠReaction": 31472,
+ "ĠPerry": 31473,
+ "ĠMao": 31474,
+ "-met": 31475,
+ "()čĊčĊ": 31476,
+ "Ġhrs": 31477,
+ "ĠEfficient": 31478,
+ "Ġcapillary": 31479,
+ "Ġcucumbers": 31480,
+ "ĠZhou": 31481,
+ "Ġallegations": 31482,
+ "imar": 31483,
+ "Ġhass": 31484,
+ "Ġastronomer": 31485,
+ "walls": 31486,
+ "Ġattackers": 31487,
+ "Äģn": 31488,
+ "ĠKirk": 31489,
+ "Ġaneur": 31490,
+ "Ġcamoufl": 31491,
+ "Ġabrasive": 31492,
+ "ĠScul": 31493,
+ "Ġmonk": 31494,
+ "Ġmisinter": 31495,
+ "Ġcandies": 31496,
+ "Ġchiropractic": 31497,
+ "Ġamalg": 31498,
+ "ĠPsychotherapy": 31499,
+ "lown": 31500,
+ "Ġmilligrams": 31501,
+ "ÑģÑı": 31502,
+ "Ġpirates": 31503,
+ "����": 31504,
+ "{A": 31505,
+ "ĠSyl": 31506,
+ "-occur": 31507,
+ "Ġhalls": 31508,
+ "ĠKet": 31509,
+ "Ġparan": 31510,
+ "ĠCivilization": 31511,
+ "ĠTunis": 31512,
+ "ĠMorrison": 31513,
+ "ĠEnhancing": 31514,
+ "ĠWaves": 31515,
+ "thermal": 31516,
+ "opedic": 31517,
+ "akra": 31518,
+ "ĠExodus": 31519,
+ "Ġantidepressants": 31520,
+ "games": 31521,
+ "ĠSoul": 31522,
+ "Ġteeming": 31523,
+ "ĠTracking": 31524,
+ "ephal": 31525,
+ "(file": 31526,
+ "ĠHydro": 31527,
+ "Greek": 31528,
+ "Ġgaseous": 31529,
+ "ĠFro": 31530,
+ "asionally": 31531,
+ "omorphism": 31532,
+ "Ġdialysis": 31533,
+ "Ġpharmaceuticals": 31534,
+ "Knowing": 31535,
+ "Ġapprehens": 31536,
+ "Ġstalk": 31537,
+ "ĠUniform": 31538,
+ "âĢĶfrom": 31539,
+ "ataka": 31540,
+ "ĠFriend": 31541,
+ "soil": 31542,
+ "ĠFactory": 31543,
+ "Ġpragmatic": 31544,
+ "Ġolds": 31545,
+ "Ġvern": 31546,
+ "-choice": 31547,
+ "Ġadvisors": 31548,
+ "Has": 31549,
+ "ĠBarry": 31550,
+ "{m": 31551,
+ "Ġimplying": 31552,
+ "control": 31553,
+ "Ġscanner": 31554,
+ "Ġblunt": 31555,
+ "Ġaltitudes": 31556,
+ "ĠVikings": 31557,
+ "ndum": 31558,
+ "istries": 31559,
+ "ĠÐĴ": 31560,
+ "Ġidol": 31561,
+ "Ġskiing": 31562,
+ "æŀľ": 31563,
+ "Ġbritain": 31564,
+ "cimal": 31565,
+ "Ġcarriage": 31566,
+ "Ġartificially": 31567,
+ "Jack": 31568,
+ "cester": 31569,
+ "Ġconsulted": 31570,
+ "Ġmetabolites": 31571,
+ "Managing": 31572,
+ ".lower": 31573,
+ "/k": 31574,
+ "Ġtmp": 31575,
+ "Ġshamp": 31576,
+ "Ġcarrot": 31577,
+ "ĠBaron": 31578,
+ "ĠUtt": 31579,
+ "Algebra": 31580,
+ "riter": 31581,
+ "insky": 31582,
+ "untu": 31583,
+ "ĠRobot": 31584,
+ "Ġdrafts": 31585,
+ "liest": 31586,
+ "Ġimpending": 31587,
+ "-Cent": 31588,
+ "ÑĢÑĥ": 31589,
+ "Tri": 31590,
+ "Ġactivates": 31591,
+ "ĠNumerical": 31592,
+ "Ġintrusion": 31593,
+ "ĠRabbit": 31594,
+ "ĠGalileo": 31595,
+ "numpy": 31596,
+ "ĠUltimate": 31597,
+ "ĠProbably": 31598,
+ ",m": 31599,
+ "arers": 31600,
+ "Ġpatented": 31601,
+ "Ġinductive": 31602,
+ "ĠDeveloped": 31603,
+ "Ġfearful": 31604,
+ "Ġmisconception": 31605,
+ "ан": 31606,
+ "Ġextant": 31607,
+ "ullah": 31608,
+ "ĠïĢ«": 31609,
+ "Ġbiking": 31610,
+ "ĠEdmund": 31611,
+ "Ġfission": 31612,
+ "ĠHDL": 31613,
+ "Ġkay": 31614,
+ "ĠMant": 31615,
+ "bellum": 31616,
+ "Ġbuckle": 31617,
+ ")*(": 31618,
+ "Ġterra": 31619,
+ "351": 31620,
+ "ĠOpportunity": 31621,
+ "-hyd": 31622,
+ "Ġheels": 31623,
+ "Bul": 31624,
+ "Ġchili": 31625,
+ "ĠZn": 31626,
+ "Ġinstrumentation": 31627,
+ "Theore": 31628,
+ "Ġleftover": 31629,
+ "Ġpathogenesis": 31630,
+ "OND": 31631,
+ "Ġbyte": 31632,
+ "Ġgeneralization": 31633,
+ "960": 31634,
+ "Ġrespectfully": 31635,
+ "Communication": 31636,
+ "ects": 31637,
+ "opedia": 31638,
+ "ĠBibliography": 31639,
+ "Hot": 31640,
+ "ĠBT": 31641,
+ "quant": 31642,
+ "ĠOE": 31643,
+ "-three": 31644,
+ "-Term": 31645,
+ "-verbal": 31646,
+ "alus": 31647,
+ "031": 31648,
+ "hee": 31649,
+ "ĠAK": 31650,
+ "ardi": 31651,
+ "Ġsimmer": 31652,
+ "screen": 31653,
+ "ĠCust": 31654,
+ "Ġyouths": 31655,
+ "ĠPam": 31656,
+ "Ġhurry": 31657,
+ "Ġcontemplation": 31658,
+ "Ġrefractive": 31659,
+ "ĠOdyssey": 31660,
+ "ĠBark": 31661,
+ "waters": 31662,
+ "imps": 31663,
+ "ĠConsequences": 31664,
+ "Ġguessed": 31665,
+ "ĠPropag": 31666,
+ "Ġrehears": 31667,
+ "ĠPVC": 31668,
+ "Ġconjugate": 31669,
+ "ĠRah": 31670,
+ "ĠManit": 31671,
+ "Ġethos": 31672,
+ "pol": 31673,
+ "ĠHide": 31674,
+ "Ġapplicability": 31675,
+ "Ġheavenly": 31676,
+ ".the": 31677,
+ "arden": 31678,
+ "ĠTet": 31679,
+ "Ġdiscounted": 31680,
+ "Ġreservations": 31681,
+ "Ġgypsum": 31682,
+ "wash": 31683,
+ "ĠTroy": 31684,
+ "Ġcatastrophe": 31685,
+ "RD": 31686,
+ "ĠSwe": 31687,
+ "phot": 31688,
+ "ĠWestminster": 31689,
+ "Lin": 31690,
+ "partum": 31691,
+ "ĠDistingu": 31692,
+ "Ġdecompose": 31693,
+ "ĠRevelation": 31694,
+ "protected": 31695,
+ "329": 31696,
+ "ĠBulgaria": 31697,
+ "ĠShows": 31698,
+ ".sort": 31699,
+ "ĠConcerns": 31700,
+ "ĠLon": 31701,
+ "(iii": 31702,
+ "akan": 31703,
+ "ĠKor": 31704,
+ "Ġvisa": 31705,
+ "rapeutics": 31706,
+ "Ġmanagerial": 31707,
+ "unches": 31708,
+ "radius": 31709,
+ "Ġconvictions": 31710,
+ "Define": 31711,
+ "chez": 31712,
+ "Ġdisputed": 31713,
+ "Individuals": 31714,
+ ".dot": 31715,
+ "Ġinequities": 31716,
+ "Ġimpartial": 31717,
+ "Roman": 31718,
+ "Ġethically": 31719,
+ "-main": 31720,
+ "Ġrevolve": 31721,
+ "ĠWayne": 31722,
+ "PSS": 31723,
+ "Ġsickle": 31724,
+ "Ġbaths": 31725,
+ "alamus": 31726,
+ "ĠAbility": 31727,
+ "button": 31728,
+ "Ġaneurys": 31729,
+ "aras": 31730,
+ "ensit": 31731,
+ "Ġprotr": 31732,
+ "ĠMarvel": 31733,
+ "enoid": 31734,
+ "ĠYugoslav": 31735,
+ "Ġpore": 31736,
+ "Ġentrenched": 31737,
+ "Tip": 31738,
+ "Ġponder": 31739,
+ "ĠEmployees": 31740,
+ "Ġquarantine": 31741,
+ "follow": 31742,
+ "Ġchasing": 31743,
+ "ĠGPT": 31744,
+ "ĠAnch": 31745,
+ "505": 31746,
+ "ĠOttawa": 31747,
+ "cam": 31748,
+ "Ġstricter": 31749,
+ "Ġcrowns": 31750,
+ "Ġdrafted": 31751,
+ "opathology": 31752,
+ "Ġellipse": 31753,
+ "economics": 31754,
+ "urbs": 31755,
+ "etc": 31756,
+ "essing": 31757,
+ "Ġsolves": 31758,
+ "Ġorganelles": 31759,
+ "leston": 31760,
+ "Ġmiscarriage": 31761,
+ "ĠCer": 31762,
+ "ĠQuart": 31763,
+ "Ġtimed": 31764,
+ "]{": 31765,
+ "nation": 31766,
+ "ĠMarxist": 31767,
+ "Ġamusement": 31768,
+ "GG": 31769,
+ "Ġcrawl": 31770,
+ "-breaking": 31771,
+ "rity": 31772,
+ "vous": 31773,
+ "Ġdownfall": 31774,
+ "ĠâĹ": 31775,
+ "Ġfellowship": 31776,
+ "ĠRestaur": 31777,
+ "MAP": 31778,
+ "lamyd": 31779,
+ "ĠMcDonald": 31780,
+ "Ġpans": 31781,
+ "Ġlaunches": 31782,
+ "Ġwitchcraft": 31783,
+ "Ġpaddle": 31784,
+ "Ġinterfer": 31785,
+ "ĠLighting": 31786,
+ "-Americans": 31787,
+ "odon": 31788,
+ "endas": 31789,
+ "ĠMonument": 31790,
+ "arianism": 31791,
+ "Ġconjunct": 31792,
+ "ĠTub": 31793,
+ "Ġelites": 31794,
+ "-top": 31795,
+ "Ġcultured": 31796,
+ "Ġblockage": 31797,
+ "346": 31798,
+ "Ġforgive": 31799,
+ "Ye": 31800,
+ "ç¨": 31801,
+ "ĠMotivation": 31802,
+ "ĠYellowstone": 31803,
+ "arag": 31804,
+ "seller": 31805,
+ "Ġdiligence": 31806,
+ "Bu": 31807,
+ "ĠWeak": 31808,
+ "Ġcovariance": 31809,
+ "grams": 31810,
+ "Ġrebuilding": 31811,
+ "Webster": 31812,
+ "TD": 31813,
+ "ĠMicrobiology": 31814,
+ ".col": 31815,
+ "570": 31816,
+ "cakes": 31817,
+ "Ġdivert": 31818,
+ "Everything": 31819,
+ "Ġwhitening": 31820,
+ "odiac": 31821,
+ "Ġ(@": 31822,
+ "ĠEurekAlert": 31823,
+ "Ġreadability": 31824,
+ "Ġcommunicates": 31825,
+ "Ġastrology": 31826,
+ "Ġstemming": 31827,
+ "ĠAj": 31828,
+ "oden": 31829,
+ "Ġgust": 31830,
+ "Ġrefrain": 31831,
+ "Ġcros": 31832,
+ "Ġfolate": 31833,
+ "ĠAspects": 31834,
+ "ĠCIA": 31835,
+ "Ġabre": 31836,
+ "Ġinsur": 31837,
+ "ĠNotable": 31838,
+ "ĠFranç": 31839,
+ "Ġfingertips": 31840,
+ "?!ĊĊ": 31841,
+ "cit": 31842,
+ "iya": 31843,
+ "verting": 31844,
+ "ĠMaritime": 31845,
+ "loo": 31846,
+ "Ġsmallpox": 31847,
+ "Ġsurvivor": 31848,
+ "ĠLots": 31849,
+ "phys": 31850,
+ "Ġtrivia": 31851,
+ "Ġinmates": 31852,
+ "ĠSkill": 31853,
+ "ĠStrat": 31854,
+ "(G": 31855,
+ "heel": 31856,
+ "otting": 31857,
+ "Ġpanor": 31858,
+ "}$.ĊĊ": 31859,
+ "particularly": 31860,
+ "Matthew": 31861,
+ "ĠConstantinople": 31862,
+ "Normal": 31863,
+ "ĠWit": 31864,
+ "âĢĿ;": 31865,
+ "uche": 31866,
+ "ergus": 31867,
+ "Ġslipp": 31868,
+ "ĠGeor": 31869,
+ "rime": 31870,
+ "|Number": 31871,
+ "Ġks": 31872,
+ "Ġimminent": 31873,
+ "353": 31874,
+ "ĠBarriers": 31875,
+ "ĠAdvice": 31876,
+ "Ġunreliable": 31877,
+ "åŃIJ": 31878,
+ "Ġpavement": 31879,
+ "Flu": 31880,
+ "ĠSik": 31881,
+ "Ġcoch": 31882,
+ "ĠPedro": 31883,
+ "iflower": 31884,
+ "Ġdecree": 31885,
+ "Ġcritiques": 31886,
+ "Ġcapacitance": 31887,
+ "ĠPoems": 31888,
+ "Ġdisclosed": 31889,
+ "Collins": 31890,
+ "-volume": 31891,
+ ".sc": 31892,
+ "Ġagar": 31893,
+ "Ġcornea": 31894,
+ "Ġneurodeg": 31895,
+ "ĠPlanting": 31896,
+ "Ġpsychiatrist": 31897,
+ "ĠRhet": 31898,
+ "etti": 31899,
+ "TECHNOLOGY": 31900,
+ "Ġstd": 31901,
+ "ucking": 31902,
+ "Ġcompounded": 31903,
+ "links": 31904,
+ "}&": 31905,
+ "hemer": 31906,
+ "isations": 31907,
+ "Ġmoms": 31908,
+ "ĠCAS": 31909,
+ "Ġquil": 31910,
+ "Ġdiabetics": 31911,
+ "([[": 31912,
+ "ĠCooperative": 31913,
+ "Ġsund": 31914,
+ "ðĿij¥": 31915,
+ "Ġsymptomatic": 31916,
+ "Happy": 31917,
+ "vr": 31918,
+ "ĠPenguin": 31919,
+ "ĠYorkshire": 31920,
+ "Ġinferences": 31921,
+ "Ġgrassland": 31922,
+ "ĠWiFi": 31923,
+ "ĠLieutenant": 31924,
+ "Ġcorrecting": 31925,
+ "Ġtenderness": 31926,
+ ".remove": 31927,
+ "ĠHes": 31928,
+ "ĠRebecca": 31929,
+ "Ġshortcuts": 31930,
+ "Ġefficiencies": 31931,
+ "ĠMissing": 31932,
+ "Ġsleek": 31933,
+ "Ġcontinual": 31934,
+ "Ġimagining": 31935,
+ "Plus": 31936,
+ "Ġfingerprint": 31937,
+ "arde": 31938,
+ "Ġtrek": 31939,
+ "Ġnotebooks": 31940,
+ "Ġsubscript": 31941,
+ "Ġgadget": 31942,
+ "ĠPractition": 31943,
+ "inished": 31944,
+ "Ġdumb": 31945,
+ "ĠGly": 31946,
+ "ĠPurple": 31947,
+ "Rate": 31948,
+ "Ġtofu": 31949,
+ "ĠScen": 31950,
+ "ĠCartesian": 31951,
+ "Ġove": 31952,
+ "Ġwhisk": 31953,
+ "Ġvibrating": 31954,
+ "College": 31955,
+ "+,": 31956,
+ "cub": 31957,
+ "plings": 31958,
+ "Ġparade": 31959,
+ "Ġetched": 31960,
+ "ĠâĪ§": 31961,
+ "ĠRecall": 31962,
+ "Ġhinges": 31963,
+ "ĠWordPress": 31964,
+ "Ġminimized": 31965,
+ "Ġfences": 31966,
+ "Ġbishops": 31967,
+ "ä¸Ĭ": 31968,
+ "ĠSTD": 31969,
+ "ĠOriental": 31970,
+ "Ġperi": 31971,
+ ",...Ċ": 31972,
+ "435": 31973,
+ "ews": 31974,
+ "Ġsupernov": 31975,
+ "ÂĿÂijÂ": 31976,
+ "ĠðĿIJ": 31977,
+ "Ġhygien": 31978,
+ "413": 31979,
+ "enta": 31980,
+ "ĠSecrets": 31981,
+ "519": 31982,
+ "cp": 31983,
+ "ĠACE": 31984,
+ "iqued": 31985,
+ "Ġspotting": 31986,
+ "folios": 31987,
+ "lash": 31988,
+ "Ġprosecution": 31989,
+ "bek": 31990,
+ "-eyed": 31991,
+ "Ġinterpolation": 31992,
+ "Ġsludge": 31993,
+ "Ġmartin": 31994,
+ "Growing": 31995,
+ "ĠVern": 31996,
+ "Ġpoop": 31997,
+ "Ġ}}": 31998,
+ "ĠRelevant": 31999,
+ "ĠEditorial": 32000,
+ "ĠWindow": 32001,
+ "tag": 32002,
+ "Ġmassacre": 32003,
+ "Ġchunk": 32004,
+ "Ġturf": 32005,
+ "Ġsalv": 32006,
+ ");ĊĊ": 32007,
+ "ĠLloyd": 32008,
+ "inoid": 32009,
+ "ĠDriving": 32010,
+ "ĠCodes": 32011,
+ "Ġatroc": 32012,
+ "ĠSlave": 32013,
+ "Ġunemployed": 32014,
+ "offrey": 32015,
+ "lawful": 32016,
+ "ĠCoding": 32017,
+ "ĠRoles": 32018,
+ "ICEF": 32019,
+ "ĠGor": 32020,
+ "ĠJak": 32021,
+ "Ġsway": 32022,
+ "ucalyptus": 32023,
+ "cock": 32024,
+ "ionage": 32025,
+ "Ġdocumentaries": 32026,
+ "ĠPutting": 32027,
+ "Ġlinen": 32028,
+ "Ġpowerpoint": 32029,
+ "Ġfireworks": 32030,
+ "Ġresidency": 32031,
+ "Ġmanifold": 32032,
+ "Ġdiminishing": 32033,
+ "-traumatic": 32034,
+ "ĠInfections": 32035,
+ "Ġovercrow": 32036,
+ "Ġoedipus": 32037,
+ "ĠBhar": 32038,
+ "kal": 32039,
+ "ĠVerb": 32040,
+ "Ġmall": 32041,
+ "Ġinvasions": 32042,
+ "Ġkidn": 32043,
+ "Ġapartheid": 32044,
+ "ĠLAW": 32045,
+ "Created": 32046,
+ "Ġmoreover": 32047,
+ "bees": 32048,
+ "Ġterrifying": 32049,
+ "itone": 32050,
+ "Category": 32051,
+ "OWN": 32052,
+ "Ġluther": 32053,
+ "ngoing": 32054,
+ "Ġexemplary": 32055,
+ "Der": 32056,
+ "rar": 32057,
+ "Ġpian": 32058,
+ "Ġhomeschooling": 32059,
+ "Ġwrinkles": 32060,
+ "adding": 32061,
+ "Ġjets": 32062,
+ "Ġbuilder": 32063,
+ "Ġflavon": 32064,
+ "ĠNW": 32065,
+ "Ġpeasant": 32066,
+ "Ġfiner": 32067,
+ "ĠBelgian": 32068,
+ "Ġharmoniously": 32069,
+ "ifera": 32070,
+ "Ġeyeb": 32071,
+ "Ġroofing": 32072,
+ "ĠCRISPR": 32073,
+ "Hg": 32074,
+ "\\'": 32075,
+ "406": 32076,
+ "Ġrhomb": 32077,
+ "ilers": 32078,
+ "ibe": 32079,
+ "oughton": 32080,
+ "ĠGenome": 32081,
+ "Ġlecturer": 32082,
+ "ĠReynolds": 32083,
+ "ĠOedipus": 32084,
+ "ĠSpatial": 32085,
+ "Training": 32086,
+ "ĠIncluded": 32087,
+ "ĠAnonymous": 32088,
+ "Ġpermutation": 32089,
+ "ĠScandinavian": 32090,
+ "Dear": 32091,
+ "Ġrins": 32092,
+ "lims": 32093,
+ "Ġstochastic": 32094,
+ "ĠHod": 32095,
+ "Ġparticiple": 32096,
+ "Ġcollateral": 32097,
+ "Content": 32098,
+ "munition": 32099,
+ "ĠWealth": 32100,
+ "Application": 32101,
+ "Ġlst": 32102,
+ "-food": 32103,
+ "Ġsteroid": 32104,
+ "Ġhives": 32105,
+ "rabic": 32106,
+ "Ġbranding": 32107,
+ "ĠScotia": 32108,
+ "angelo": 32109,
+ "Ġantennas": 32110,
+ "opper": 32111,
+ "Ġinstitutes": 32112,
+ "ĠAssist": 32113,
+ "ĠAssuming": 32114,
+ "amos": 32115,
+ "Ġaudits": 32116,
+ "Ġescalating": 32117,
+ "Ġredundant": 32118,
+ "Ġcottage": 32119,
+ "hog": 32120,
+ "ondo": 32121,
+ "Ġservings": 32122,
+ "olicy": 32123,
+ "ĠDebt": 32124,
+ "Ġsneezing": 32125,
+ "ĠHazard": 32126,
+ "Ġsmiling": 32127,
+ "Ġcovalent": 32128,
+ "ĠHoff": 32129,
+ "ĠHorses": 32130,
+ "Ġsounded": 32131,
+ "Ġshoreline": 32132,
+ "660": 32133,
+ "Ġresurgence": 32134,
+ "Ġerase": 32135,
+ "uras": 32136,
+ "Ġsuction": 32137,
+ "Ġchicks": 32138,
+ "ĠOwen": 32139,
+ "),(": 32140,
+ "Ġdeclares": 32141,
+ "qa": 32142,
+ "story": 32143,
+ "Ġinterconnect": 32144,
+ "-states": 32145,
+ "081": 32146,
+ "ĠHav": 32147,
+ "ĠUnknown": 32148,
+ "ĠReed": 32149,
+ "ĠTensor": 32150,
+ "Ġleuk": 32151,
+ "rupted": 32152,
+ "Professional": 32153,
+ "Ġgorgeous": 32154,
+ ".Google": 32155,
+ "Player": 32156,
+ "ĠVladimir": 32157,
+ "Ġreimb": 32158,
+ "Ġdenominators": 32159,
+ "ĠWarsaw": 32160,
+ "Ġimmortal": 32161,
+ "Ġhr": 32162,
+ "ĠSitu": 32163,
+ "Ġemig": 32164,
+ "Ġidentifier": 32165,
+ "ophila": 32166,
+ "ĠPup": 32167,
+ "Ġplung": 32168,
+ "ickness": 32169,
+ "Ġhunted": 32170,
+ "Ġtempo": 32171,
+ "Ġह": 32172,
+ "liter": 32173,
+ "ê°": 32174,
+ "Ġlavender": 32175,
+ "Ġphe": 32176,
+ "ICA": 32177,
+ "Richard": 32178,
+ "Ġworkpiece": 32179,
+ "052": 32180,
+ "ĠBog": 32181,
+ "Ġscreenings": 32182,
+ "ĠAdolescent": 32183,
+ "gang": 32184,
+ "ĠPerception": 32185,
+ "Ġrotations": 32186,
+ "-offs": 32187,
+ "symbol": 32188,
+ "Ġplato": 32189,
+ "ĠSensor": 32190,
+ "approximately": 32191,
+ "ĠTreatments": 32192,
+ "Ġrebirth": 32193,
+ "oplasmic": 32194,
+ "Ġcloses": 32195,
+ "othelioma": 32196,
+ "Ġfilename": 32197,
+ "Ġjudging": 32198,
+ "ĠISS": 32199,
+ "nett": 32200,
+ "ĠNoble": 32201,
+ "ĠTort": 32202,
+ "urus": 32203,
+ "Ġlatin": 32204,
+ "Ġfirearms": 32205,
+ "Ġrebuilt": 32206,
+ "Norm": 32207,
+ "asonable": 32208,
+ "EMS": 32209,
+ "Ġeighty": 32210,
+ "uttering": 32211,
+ "ĠMED": 32212,
+ "ĠInclusive": 32213,
+ "umor": 32214,
+ "Ġforeground": 32215,
+ "fessional": 32216,
+ "ĠAW": 32217,
+ "icht": 32218,
+ "Ġglorious": 32219,
+ "./": 32220,
+ "los": 32221,
+ "Ġrefusing": 32222,
+ "ozoic": 32223,
+ "Ġsubscribers": 32224,
+ "Ġlenders": 32225,
+ "Ġnegligence": 32226,
+ "ĠJSON": 32227,
+ "ĠItal": 32228,
+ "Ġinsulating": 32229,
+ "Ġconceive": 32230,
+ "urst": 32231,
+ "Ġreacting": 32232,
+ "ĠMBA": 32233,
+ "Ġassemblies": 32234,
+ "Ġfollicles": 32235,
+ "atism": 32236,
+ "ĠPayment": 32237,
+ "Ġalienation": 32238,
+ "Ġneurotransmitter": 32239,
+ "ĠWalt": 32240,
+ "ocultural": 32241,
+ "arser": 32242,
+ "ĠFeet": 32243,
+ "ð": 32244,
+ "Ġpublishes": 32245,
+ "Ġinvoluntary": 32246,
+ "Chronic": 32247,
+ "Ġfibrous": 32248,
+ "Ġyouthful": 32249,
+ "Ġdiffraction": 32250,
+ "ĠShiva": 32251,
+ "Ġpredic": 32252,
+ "ĠPubMed": 32253,
+ "ĠPowder": 32254,
+ "ĠStainless": 32255,
+ "uga": 32256,
+ "hatma": 32257,
+ "Ġspecialties": 32258,
+ "Ġdebit": 32259,
+ "Ġsharpen": 32260,
+ "Ġawaiting": 32261,
+ "Ġworkflows": 32262,
+ "Ġfabulous": 32263,
+ "ĠShelley": 32264,
+ ".fit": 32265,
+ "Ġgamers": 32266,
+ "ifix": 32267,
+ "essions": 32268,
+ "_csv": 32269,
+ "Ġhomosexuality": 32270,
+ "GO": 32271,
+ "wana": 32272,
+ "Ġâľ": 32273,
+ "ĠTracing": 32274,
+ "Ġmr": 32275,
+ "ĠStatements": 32276,
+ "Ġmalad": 32277,
+ "Ġstabilization": 32278,
+ "ĠFrequently": 32279,
+ "Ġdeletion": 32280,
+ "ilic": 32281,
+ "ĠPBS": 32282,
+ "Ġcowork": 32283,
+ "_row": 32284,
+ "ĠAffordable": 32285,
+ "ĠNeo": 32286,
+ "ĠMatplotlib": 32287,
+ "ĠFiref": 32288,
+ ".How": 32289,
+ "Ġalters": 32290,
+ "Ġgrinder": 32291,
+ "Pan": 32292,
+ "Ġdresses": 32293,
+ "emporal": 32294,
+ "Eds": 32295,
+ "Ġcontacting": 32296,
+ "Ġtoughness": 32297,
+ "ĠMurphy": 32298,
+ "Ġsubgroup": 32299,
+ "Ġweekends": 32300,
+ "Ġstandardization": 32301,
+ "Ġalarms": 32302,
+ "ĠLaz": 32303,
+ "iker": 32304,
+ "workers": 32305,
+ "Leave": 32306,
+ "Ġemits": 32307,
+ "Ġeds": 32308,
+ "ĠPerimeter": 32309,
+ "ĠRegistration": 32310,
+ "Ġration": 32311,
+ "Ġamazon": 32312,
+ "ĠEmotion": 32313,
+ "Ġpowdered": 32314,
+ "Ġchimpan": 32315,
+ "Ġorchestra": 32316,
+ "Board": 32317,
+ "Ġay": 32318,
+ "Ġanne": 32319,
+ "Ġvene": 32320,
+ "Ġgeographically": 32321,
+ "ĠGravity": 32322,
+ "RAF": 32323,
+ ".length": 32324,
+ "Methods": 32325,
+ "Ġintravenous": 32326,
+ "ilename": 32327,
+ "urbed": 32328,
+ "ĠUAE": 32329,
+ "Ġsalient": 32330,
+ "Ġvisualizations": 32331,
+ "uffs": 32332,
+ "Ġtragedies": 32333,
+ "Ġivory": 32334,
+ "Ġothello": 32335,
+ "Ġcheek": 32336,
+ "icum": 32337,
+ "Ġeman": 32338,
+ "Ġseekers": 32339,
+ "Ġpowders": 32340,
+ "ĠDecide": 32341,
+ "micron": 32342,
+ "Ġsafest": 32343,
+ "Ġsteadfast": 32344,
+ "Ġcuisines": 32345,
+ "Ġonc": 32346,
+ "estine": 32347,
+ "Ġintently": 32348,
+ "Ġfilmmakers": 32349,
+ "Ġvapour": 32350,
+ "Ġsustenance": 32351,
+ "ç±»": 32352,
+ "tube": 32353,
+ "Martin": 32354,
+ "either": 32355,
+ "Ġclaws": 32356,
+ "Ġrushed": 32357,
+ "Ġapplicant": 32358,
+ "ASD": 32359,
+ "organization": 32360,
+ "Ġendothelial": 32361,
+ "ĠFITNESS": 32362,
+ "ĠAe": 32363,
+ "Ġga": 32364,
+ "ĠBacon": 32365,
+ "Ġinduct": 32366,
+ "Ġtoolkit": 32367,
+ "ĠKeys": 32368,
+ "ĠRequest": 32369,
+ "Ġanxieties": 32370,
+ "ĠSag": 32371,
+ "Ġ(=": 32372,
+ "Ġundetect": 32373,
+ "ĠLaunch": 32374,
+ "Ġspiritually": 32375,
+ "Ġgait": 32376,
+ "Ġdiagonals": 32377,
+ "Ġclotting": 32378,
+ "ĠPush": 32379,
+ "Ġvoluntarily": 32380,
+ "Regardless": 32381,
+ "Navigating": 32382,
+ "cepts": 32383,
+ "(max": 32384,
+ "incinn": 32385,
+ "ĠMenu": 32386,
+ "Ġhubs": 32387,
+ "Ġpropriet": 32388,
+ "ĠInequality": 32389,
+ ",B": 32390,
+ "Risk": 32391,
+ "writers": 32392,
+ "omencl": 32393,
+ "Ġhydroelectric": 32394,
+ "Ġblossoms": 32395,
+ "Ġdiscoloration": 32396,
+ "eph": 32397,
+ "Ġpublicity": 32398,
+ "Ġtallest": 32399,
+ "ĠLudwig": 32400,
+ "false": 32401,
+ "ĠTick": 32402,
+ "oides": 32403,
+ "Ġarbitration": 32404,
+ "!\")Ċ": 32405,
+ "Ġalex": 32406,
+ "Ġmajors": 32407,
+ "Ġmadness": 32408,
+ "Ġsandwiches": 32409,
+ "Ġpledge": 32410,
+ "Ġsyphilis": 32411,
+ "ĠASC": 32412,
+ "{pmatrix": 32413,
+ "Ġapril": 32414,
+ "Ġinvading": 32415,
+ "Ġeyesight": 32416,
+ "Statistics": 32417,
+ "enary": 32418,
+ "Ġreused": 32419,
+ "Ġseaweed": 32420,
+ "Ġmerger": 32421,
+ "Ġrumors": 32422,
+ "ĠCrystal": 32423,
+ "Ġhypothesized": 32424,
+ "ĠPassion": 32425,
+ "âĢĻ)": 32426,
+ "Ġorchestr": 32427,
+ "Ġà¹ıÂĢ": 32428,
+ "(q": 32429,
+ "otropic": 32430,
+ "ĠHood": 32431,
+ "Ġpolish": 32432,
+ "Ġaugment": 32433,
+ "/J": 32434,
+ "Ġcomorbid": 32435,
+ "Ġsubconscious": 32436,
+ "ĠSlope": 32437,
+ "ĠThoughts": 32438,
+ "ĠAccounts": 32439,
+ "holes": 32440,
+ "omedical": 32441,
+ "Ġcoloration": 32442,
+ "Ġphy": 32443,
+ "Ġsolemn": 32444,
+ "ĠHeroes": 32445,
+ "Ġfountain": 32446,
+ "Ġvalence": 32447,
+ "Ġabreast": 32448,
+ "ĠPour": 32449,
+ "Ġmeiosis": 32450,
+ "Too": 32451,
+ "Wow": 32452,
+ "า": 32453,
+ "ĠNFTs": 32454,
+ "422": 32455,
+ "Ġpredation": 32456,
+ "ĠTruman": 32457,
+ "--------------------------------------------------------": 32458,
+ "Princ": 32459,
+ "Ġgestation": 32460,
+ "Ġexcerpts": 32461,
+ "Ġtedious": 32462,
+ "Ġpenguins": 32463,
+ "quared": 32464,
+ ".....": 32465,
+ "Ġflooring": 32466,
+ "Ġpraying": 32467,
+ "ĠNegot": 32468,
+ "Ġplurality": 32469,
+ "_df": 32470,
+ "ĠNerv": 32471,
+ "-built": 32472,
+ "Ġ:-": 32473,
+ "knowledge": 32474,
+ "Ġcontradictions": 32475,
+ "copy": 32476,
+ "utative": 32477,
+ "ellings": 32478,
+ "Ġrefund": 32479,
+ "Ġinhalation": 32480,
+ "Around": 32481,
+ "Ġtul": 32482,
+ "quart": 32483,
+ "ighted": 32484,
+ "Ġinhibiting": 32485,
+ "Ġmandated": 32486,
+ "Essays": 32487,
+ "Ġpas": 32488,
+ "Ġein": 32489,
+ "ourg": 32490,
+ "program": 32491,
+ "ĠComputational": 32492,
+ "ĠSuperior": 32493,
+ "Ġradians": 32494,
+ "ĠEarthqu": 32495,
+ "cifically": 32496,
+ "peed": 32497,
+ "Ġsandstone": 32498,
+ "ilde": 32499,
+ "ungsten": 32500,
+ "ĠGlobalization": 32501,
+ "zip": 32502,
+ "âĢĶyou": 32503,
+ "+Ċ": 32504,
+ "ĠRecommendations": 32505,
+ "ĠAnything": 32506,
+ "Neuro": 32507,
+ "mc": 32508,
+ "Ġhospitalized": 32509,
+ "ìł": 32510,
+ "ĠMcL": 32511,
+ "人": 32512,
+ "Ser": 32513,
+ "Ġillumin": 32514,
+ "ĠJerry": 32515,
+ "ĠCHAPTER": 32516,
+ "ä¿": 32517,
+ "ĠHM": 32518,
+ "Ġcolonized": 32519,
+ "ĠRocks": 32520,
+ "Ġpinch": 32521,
+ "ĠNavigation": 32522,
+ "bringing": 32523,
+ "Ġcollaborated": 32524,
+ "ĠEdison": 32525,
+ "``````ĊĊ": 32526,
+ "ĠSask": 32527,
+ "ometown": 32528,
+ "Ġgardener": 32529,
+ "ĠQUES": 32530,
+ "Ġbrig": 32531,
+ "ĠAutobi": 32532,
+ "Ġcheating": 32533,
+ "ĠAutonomous": 32534,
+ "owder": 32535,
+ "ĠDermat": 32536,
+ "Ġrites": 32537,
+ "Ġnarration": 32538,
+ "ĠDisadvantages": 32539,
+ "Ġfeudal": 32540,
+ "Ġeukaryotic": 32541,
+ "431": 32542,
+ "Ġreint": 32543,
+ "ĠWeber": 32544,
+ "Ġpermutations": 32545,
+ "Experts": 32546,
+ ";`": 32547,
+ "Ġbail": 32548,
+ "Ġshale": 32549,
+ "Ġflor": 32550,
+ "/,": 32551,
+ "Safety": 32552,
+ "ÑĦ": 32553,
+ "ochem": 32554,
+ "arcin": 32555,
+ "}}$ĊĊ": 32556,
+ ".mean": 32557,
+ "termin": 32558,
+ "ĠBlind": 32559,
+ "Ġnarrowing": 32560,
+ "Ġdilute": 32561,
+ "Ġcatalogue": 32562,
+ "Ġprerequisite": 32563,
+ ".pi": 32564,
+ "ocalyptic": 32565,
+ "Ġprune": 32566,
+ "-headed": 32567,
+ "Ġlogarithmic": 32568,
+ "ryan": 32569,
+ "Ġawaken": 32570,
+ "-needed": 32571,
+ "ĠOtto": 32572,
+ "ĠGamb": 32573,
+ "Ġuprising": 32574,
+ "Identifying": 32575,
+ "illet": 32576,
+ "ĠBAS": 32577,
+ "KING": 32578,
+ "356": 32579,
+ "eers": 32580,
+ "zep": 32581,
+ "Ġ[]": 32582,
+ "Ġbronchitis": 32583,
+ "Ġunexplained": 32584,
+ "Ġwithdrawn": 32585,
+ ",the": 32586,
+ "ĠLact": 32587,
+ "ĠCanon": 32588,
+ ")x": 32589,
+ "orations": 32590,
+ "ĠJet": 32591,
+ "Ġdelinqu": 32592,
+ "Ġnonviol": 32593,
+ "Ġcytoplasm": 32594,
+ "ĠAlps": 32595,
+ "veniles": 32596,
+ "Ġhello": 32597,
+ "Ġremediation": 32598,
+ "ĠSha": 32599,
+ "ĠSymposium": 32600,
+ "Ġunrealistic": 32601,
+ "MAN": 32602,
+ "Ġwander": 32603,
+ "Ġconfines": 32604,
+ "Ġspindle": 32605,
+ "cribes": 32606,
+ "gee": 32607,
+ "Ġeagles": 32608,
+ "Ġdex": 32609,
+ "Ġsolubility": 32610,
+ "roxy": 32611,
+ "wild": 32612,
+ "Ġallig": 32613,
+ "Ġcaesar": 32614,
+ "Ġreceptive": 32615,
+ "Ġstereotyp": 32616,
+ "ĠMans": 32617,
+ "Ġlongstanding": 32618,
+ "Ġradiometric": 32619,
+ "Ġadorable": 32620,
+ "Quote": 32621,
+ "Points": 32622,
+ "Ġaber": 32623,
+ "ĠPluto": 32624,
+ "Ġobserves": 32625,
+ "Ġbattling": 32626,
+ "chu": 32627,
+ "RELIGION": 32628,
+ "ëĬ": 32629,
+ "Ġopaque": 32630,
+ "ablo": 32631,
+ "ĠLarry": 32632,
+ "ĠNom": 32633,
+ "oko": 32634,
+ "Ġkinase": 32635,
+ "Ġusability": 32636,
+ "Thursday": 32637,
+ "Ġsituational": 32638,
+ "Ġswords": 32639,
+ "Ġiris": 32640,
+ "ĠRacism": 32641,
+ "leanor": 32642,
+ "loc": 32643,
+ "ptide": 32644,
+ "ĠForestry": 32645,
+ "Ġsar": 32646,
+ "Ġcf": 32647,
+ "он": 32648,
+ "Ġimitation": 32649,
+ "Ġken": 32650,
+ "paragus": 32651,
+ "ĠAgent": 32652,
+ "ĠPrompt": 32653,
+ "cous": 32654,
+ "ĠShared": 32655,
+ "!).": 32656,
+ "Ġmish": 32657,
+ "umper": 32658,
+ "Ġresentment": 32659,
+ "Ġrighteousness": 32660,
+ "Ġelectroph": 32661,
+ "cert": 32662,
+ "ĠDSM": 32663,
+ "ĠDeaf": 32664,
+ "ĠNeolithic": 32665,
+ "naire": 32666,
+ "avier": 32667,
+ "Ġserene": 32668,
+ "Ġfumes": 32669,
+ "ONG": 32670,
+ "Ġnth": 32671,
+ "ĠReve": 32672,
+ "olytic": 32673,
+ "âĢī": 32674,
+ "Ġskins": 32675,
+ "chedel": 32676,
+ "Ġperturb": 32677,
+ "ĠRwanda": 32678,
+ "Ö¼": 32679,
+ "ĠDual": 32680,
+ "axial": 32681,
+ "Ġdivor": 32682,
+ "enhagen": 32683,
+ "ĠFitzgerald": 32684,
+ "Ġww": 32685,
+ "ĠBub": 32686,
+ "Ġintegrative": 32687,
+ "Ġtingling": 32688,
+ "Ġradiant": 32689,
+ "Ġelectrolytes": 32690,
+ "ĠInfantry": 32691,
+ "Ġclash": 32692,
+ "ĠDigit": 32693,
+ "Ġcirculate": 32694,
+ "ĠTalking": 32695,
+ "Ġindulge": 32696,
+ "store": 32697,
+ "ellular": 32698,
+ "373": 32699,
+ "ĠConfederation": 32700,
+ "Nevertheless": 32701,
+ "Ġwrestling": 32702,
+ "ÏĮ": 32703,
+ "-flow": 32704,
+ "Ġcommunicative": 32705,
+ "auxite": 32706,
+ "_D": 32707,
+ "Ġpeek": 32708,
+ "Ġfragrance": 32709,
+ "}(\\": 32710,
+ "Ġchor": 32711,
+ "ĠMaple": 32712,
+ "avis": 32713,
+ "Ġprobiotic": 32714,
+ "Employ": 32715,
+ "Ġwrath": 32716,
+ "-it": 32717,
+ "hots": 32718,
+ "ĠPerman": 32719,
+ "Ġnorthwestern": 32720,
+ "Ġthermodynamics": 32721,
+ "ĠOpinion": 32722,
+ "Ãī": 32723,
+ "Ġchapel": 32724,
+ "Ġcontours": 32725,
+ "ĠOC": 32726,
+ "Ġscrum": 32727,
+ "-cap": 32728,
+ "Ġshellfish": 32729,
+ "ĠNetworking": 32730,
+ "ĠLett": 32731,
+ "-eight": 32732,
+ "ĠHolidays": 32733,
+ "-we": 32734,
+ "pancy": 32735,
+ "Ġabound": 32736,
+ "âĢĶas": 32737,
+ "Ġratified": 32738,
+ "Ġpredisposition": 32739,
+ "Ġfecal": 32740,
+ "Ġromances": 32741,
+ "Ġpatriotism": 32742,
+ "Mad": 32743,
+ "governmental": 32744,
+ "ĠMIN": 32745,
+ "ĠFrag": 32746,
+ "Clinical": 32747,
+ "Ġko": 32748,
+ "Ġemitting": 32749,
+ "Ġembedding": 32750,
+ "Ġexcurs": 32751,
+ "anders": 32752,
+ "Ġradically": 32753,
+ "ĠPromote": 32754,
+ "Ġμm": 32755,
+ "Ġstratification": 32756,
+ "}-\\": 32757,
+ "ghum": 32758,
+ "odeficiency": 32759,
+ "ĠZika": 32760,
+ "Ġswamp": 32761,
+ "ĠEllis": 32762,
+ "Ġlakh": 32763,
+ "ĠHO": 32764,
+ "ĠKw": 32765,
+ "Ġfolders": 32766,
+ "ADE": 32767
+ },
+ "merges": [
+ [
+ "Ġ",
+ "t"
+ ],
+ [
+ "Ġ",
+ "a"
+ ],
+ [
+ "i",
+ "n"
+ ],
+ [
+ "h",
+ "e"
+ ],
+ [
+ "r",
+ "e"
+ ],
+ [
+ "o",
+ "n"
+ ],
+ [
+ "e",
+ "r"
+ ],
+ [
+ "Ġt",
+ "he"
+ ],
+ [
+ "a",
+ "t"
+ ],
+ [
+ "Ġ",
+ "s"
+ ],
+ [
+ "Ġ",
+ "o"
+ ],
+ [
+ "e",
+ "n"
+ ],
+ [
+ "Ġ",
+ "c"
+ ],
+ [
+ "e",
+ "s"
+ ],
+ [
+ "n",
+ "d"
+ ],
+ [
+ "i",
+ "t"
+ ],
+ [
+ "o",
+ "r"
+ ],
+ [
+ "i",
+ "s"
+ ],
+ [
+ "Ġ",
+ "w"
+ ],
+ [
+ "a",
+ "l"
+ ],
+ [
+ "in",
+ "g"
+ ],
+ [
+ "Ġ",
+ "p"
+ ],
+ [
+ "a",
+ "n"
+ ],
+ [
+ "Ġ",
+ "f"
+ ],
+ [
+ "Ġ",
+ "b"
+ ],
+ [
+ "o",
+ "u"
+ ],
+ [
+ "Ġ",
+ "in"
+ ],
+ [
+ "e",
+ "d"
+ ],
+ [
+ "Ġo",
+ "f"
+ ],
+ [
+ "a",
+ "r"
+ ],
+ [
+ "i",
+ "on"
+ ],
+ [
+ "Ġa",
+ "nd"
+ ],
+ [
+ "Ġ",
+ "m"
+ ],
+ [
+ "i",
+ "c"
+ ],
+ [
+ "Ġ",
+ "d"
+ ],
+ [
+ "Ġt",
+ "o"
+ ],
+ [
+ "l",
+ "e"
+ ],
+ [
+ "r",
+ "o"
+ ],
+ [
+ "en",
+ "t"
+ ],
+ [
+ "c",
+ "t"
+ ],
+ [
+ "Ġ",
+ "e"
+ ],
+ [
+ "a",
+ "s"
+ ],
+ [
+ "Ġ",
+ "h"
+ ],
+ [
+ "Ġt",
+ "h"
+ ],
+ [
+ "Ġ",
+ "re"
+ ],
+ [
+ "v",
+ "e"
+ ],
+ [
+ "o",
+ "m"
+ ],
+ [
+ "i",
+ "l"
+ ],
+ [
+ "s",
+ "t"
+ ],
+ [
+ "Ġ",
+ "l"
+ ],
+ [
+ "Ġ",
+ "n"
+ ],
+ [
+ ".",
+ "Ċ"
+ ],
+ [
+ "e",
+ "t"
+ ],
+ [
+ "o",
+ "l"
+ ],
+ [
+ "at",
+ "ion"
+ ],
+ [
+ "Ġ",
+ "Ġ"
+ ],
+ [
+ "Ġ",
+ "is"
+ ],
+ [
+ "l",
+ "y"
+ ],
+ [
+ "Ġ",
+ "T"
+ ],
+ [
+ "r",
+ "a"
+ ],
+ [
+ "s",
+ "e"
+ ],
+ [
+ "i",
+ "d"
+ ],
+ [
+ "i",
+ "m"
+ ],
+ [
+ "Ġ",
+ "g"
+ ],
+ [
+ "c",
+ "e"
+ ],
+ [
+ "c",
+ "h"
+ ],
+ [
+ "o",
+ "w"
+ ],
+ [
+ "Ġ",
+ "u"
+ ],
+ [
+ "i",
+ "g"
+ ],
+ [
+ "Ġb",
+ "e"
+ ],
+ [
+ "o",
+ "t"
+ ],
+ [
+ "u",
+ "t"
+ ],
+ [
+ "u",
+ "r"
+ ],
+ [
+ "Ġf",
+ "or"
+ ],
+ [
+ "Ġ",
+ "y"
+ ],
+ [
+ "â",
+ "Ģ"
+ ],
+ [
+ "Ġs",
+ "t"
+ ],
+ [
+ "Ġ",
+ "A"
+ ],
+ [
+ "Ġ",
+ "S"
+ ],
+ [
+ "v",
+ "er"
+ ],
+ [
+ "u",
+ "l"
+ ],
+ [
+ "Ġ",
+ "on"
+ ],
+ [
+ "Ġ",
+ "I"
+ ],
+ [
+ "Ġ",
+ "C"
+ ],
+ [
+ "Ġy",
+ "ou"
+ ],
+ [
+ "i",
+ "r"
+ ],
+ [
+ "Ġc",
+ "on"
+ ],
+ [
+ "a",
+ "y"
+ ],
+ [
+ "a",
+ "m"
+ ],
+ [
+ "e",
+ "l"
+ ],
+ [
+ "Ġth",
+ "at"
+ ],
+ [
+ "it",
+ "h"
+ ],
+ [
+ "i",
+ "f"
+ ],
+ [
+ "Ġp",
+ "ro"
+ ],
+ [
+ "Ġa",
+ "n"
+ ],
+ [
+ "Ġa",
+ "s"
+ ],
+ [
+ "Ġe",
+ "x"
+ ],
+ [
+ "Ġw",
+ "ith"
+ ],
+ [
+ "Ġo",
+ "r"
+ ],
+ [
+ "a",
+ "d"
+ ],
+ [
+ "es",
+ "s"
+ ],
+ [
+ "g",
+ "e"
+ ],
+ [
+ "t",
+ "er"
+ ],
+ [
+ "he",
+ "r"
+ ],
+ [
+ "Ġa",
+ "re"
+ ],
+ [
+ "o",
+ "d"
+ ],
+ [
+ "m",
+ "ent"
+ ],
+ [
+ "er",
+ "s"
+ ],
+ [
+ "Ġa",
+ "l"
+ ],
+ [
+ "Ġ",
+ "it"
+ ],
+ [
+ "at",
+ "e"
+ ],
+ [
+ "Ġ",
+ "P"
+ ],
+ [
+ "e",
+ "ct"
+ ],
+ [
+ "i",
+ "es"
+ ],
+ [
+ "is",
+ "t"
+ ],
+ [
+ "Ġw",
+ "h"
+ ],
+ [
+ "t",
+ "h"
+ ],
+ [
+ "a",
+ "b"
+ ],
+ [
+ "Ġ",
+ "("
+ ],
+ [
+ "Ġ",
+ "M"
+ ],
+ [
+ "Ġd",
+ "e"
+ ],
+ [
+ "i",
+ "ve"
+ ],
+ [
+ "ĠT",
+ "he"
+ ],
+ [
+ "Ġc",
+ "om"
+ ],
+ [
+ "u",
+ "m"
+ ],
+ [
+ "re",
+ "s"
+ ],
+ [
+ "q",
+ "u"
+ ],
+ [
+ "u",
+ "s"
+ ],
+ [
+ "it",
+ "y"
+ ],
+ [
+ "o",
+ "p"
+ ],
+ [
+ "Ġ",
+ "v"
+ ],
+ [
+ "i",
+ "v"
+ ],
+ [
+ "u",
+ "d"
+ ],
+ [
+ "Ġ",
+ "B"
+ ],
+ [
+ "Ġ",
+ "he"
+ ],
+ [
+ "Ġs",
+ "u"
+ ],
+ [
+ "o",
+ "re"
+ ],
+ [
+ "Ġw",
+ "e"
+ ],
+ [
+ "il",
+ "l"
+ ],
+ [
+ "k",
+ "e"
+ ],
+ [
+ "es",
+ "t"
+ ],
+ [
+ "p",
+ "p"
+ ],
+ [
+ "Ġ",
+ "W"
+ ],
+ [
+ "e",
+ "m"
+ ],
+ [
+ "an",
+ "t"
+ ],
+ [
+ "o",
+ "s"
+ ],
+ [
+ "i",
+ "al"
+ ],
+ [
+ "a",
+ "c"
+ ],
+ [
+ "n",
+ "t"
+ ],
+ [
+ "Ġ",
+ "E"
+ ],
+ [
+ "ig",
+ "h"
+ ],
+ [
+ "a",
+ "nd"
+ ],
+ [
+ "a",
+ "in"
+ ],
+ [
+ "o",
+ "c"
+ ],
+ [
+ "Ġc",
+ "an"
+ ],
+ [
+ "Ġ",
+ "D"
+ ],
+ [
+ "ro",
+ "m"
+ ],
+ [
+ "Ġc",
+ "h"
+ ],
+ [
+ "Ġ",
+ "H"
+ ],
+ [
+ "l",
+ "d"
+ ],
+ [
+ "ĠĠ",
+ "ĠĠ"
+ ],
+ [
+ "ic",
+ "al"
+ ],
+ [
+ "Ġ",
+ "F"
+ ],
+ [
+ "u",
+ "re"
+ ],
+ [
+ "Ġb",
+ "y"
+ ],
+ [
+ "or",
+ "t"
+ ],
+ [
+ "Ġ",
+ "r"
+ ],
+ [
+ "Ġ",
+ "en"
+ ],
+ [
+ "p",
+ "l"
+ ],
+ [
+ "Ġ",
+ "R"
+ ],
+ [
+ "Ġ",
+ "le"
+ ],
+ [
+ "Ġn",
+ "e"
+ ],
+ [
+ "u",
+ "n"
+ ],
+ [
+ "âĢ",
+ "Ļ"
+ ],
+ [
+ "r",
+ "i"
+ ],
+ [
+ "ion",
+ "s"
+ ],
+ [
+ "Ġh",
+ "a"
+ ],
+ [
+ "Ġf",
+ "rom"
+ ],
+ [
+ "o",
+ "g"
+ ],
+ [
+ "ar",
+ "t"
+ ],
+ [
+ "Ċ",
+ "Ċ"
+ ],
+ [
+ "Ġa",
+ "t"
+ ],
+ [
+ "Ġs",
+ "e"
+ ],
+ [
+ "Ġs",
+ "h"
+ ],
+ [
+ "p",
+ "t"
+ ],
+ [
+ "igh",
+ "t"
+ ],
+ [
+ "a",
+ "g"
+ ],
+ [
+ "e",
+ "re"
+ ],
+ [
+ "Ġ",
+ "L"
+ ],
+ [
+ "p",
+ "e"
+ ],
+ [
+ "Ġw",
+ "or"
+ ],
+ [
+ "Ġin",
+ "t"
+ ],
+ [
+ "p",
+ "er"
+ ],
+ [
+ "Ġa",
+ "b"
+ ],
+ [
+ "d",
+ "u"
+ ],
+ [
+ "Ġyou",
+ "r"
+ ],
+ [
+ "Ġ",
+ "im"
+ ],
+ [
+ "r",
+ "ou"
+ ],
+ [
+ "in",
+ "e"
+ ],
+ [
+ "Ġn",
+ "ot"
+ ],
+ [
+ "ou",
+ "r"
+ ],
+ [
+ "Ġth",
+ "is"
+ ],
+ [
+ "i",
+ "z"
+ ],
+ [
+ "Ġ",
+ "N"
+ ],
+ [
+ "a",
+ "ct"
+ ],
+ [
+ "Ġ",
+ "G"
+ ],
+ [
+ "al",
+ "l"
+ ],
+ [
+ "ou",
+ "t"
+ ],
+ [
+ "a",
+ "ge"
+ ],
+ [
+ "Ġu",
+ "s"
+ ],
+ [
+ "Ġ",
+ "âĢ"
+ ],
+ [
+ "Ġha",
+ "ve"
+ ],
+ [
+ "g",
+ "h"
+ ],
+ [
+ "ation",
+ "s"
+ ],
+ [
+ "Ġp",
+ "l"
+ ],
+ [
+ "om",
+ "e"
+ ],
+ [
+ "id",
+ "e"
+ ],
+ [
+ "Ġw",
+ "as"
+ ],
+ [
+ "at",
+ "ed"
+ ],
+ [
+ "ar",
+ "d"
+ ],
+ [
+ "a",
+ "re"
+ ],
+ [
+ "Ġcon",
+ "t"
+ ],
+ [
+ "-",
+ "-"
+ ],
+ [
+ "Ġcom",
+ "p"
+ ],
+ [
+ "2",
+ "0"
+ ],
+ [
+ "Ġ",
+ "k"
+ ],
+ [
+ "ul",
+ "t"
+ ],
+ [
+ "o",
+ "st"
+ ],
+ [
+ "Ġa",
+ "d"
+ ],
+ [
+ "Ġthe",
+ "ir"
+ ],
+ [
+ "f",
+ "f"
+ ],
+ [
+ "c",
+ "l"
+ ],
+ [
+ "Ġ",
+ "O"
+ ],
+ [
+ "r",
+ "u"
+ ],
+ [
+ "ou",
+ "ld"
+ ],
+ [
+ "ic",
+ "h"
+ ],
+ [
+ "ou",
+ "s"
+ ],
+ [
+ "el",
+ "l"
+ ],
+ [
+ "t",
+ "her"
+ ],
+ [
+ "Ġt",
+ "e"
+ ],
+ [
+ "a",
+ "k"
+ ],
+ [
+ "an",
+ "s"
+ ],
+ [
+ "en",
+ "d"
+ ],
+ [
+ "u",
+ "st"
+ ],
+ [
+ "i",
+ "b"
+ ],
+ [
+ "ent",
+ "s"
+ ],
+ [
+ "o",
+ "k"
+ ],
+ [
+ "Ġre",
+ "s"
+ ],
+ [
+ "i",
+ "p"
+ ],
+ [
+ "r",
+ "it"
+ ],
+ [
+ "ab",
+ "le"
+ ],
+ [
+ "T",
+ "he"
+ ],
+ [
+ "c",
+ "c"
+ ],
+ [
+ "Ġw",
+ "he"
+ ],
+ [
+ "an",
+ "ce"
+ ],
+ [
+ "ve",
+ "l"
+ ],
+ [
+ "or",
+ "m"
+ ],
+ [
+ "ĠI",
+ "n"
+ ],
+ [
+ "as",
+ "t"
+ ],
+ [
+ "Ġd",
+ "is"
+ ],
+ [
+ "Ġ",
+ "U"
+ ],
+ [
+ "i",
+ "e"
+ ],
+ [
+ "ĠT",
+ "h"
+ ],
+ [
+ "en",
+ "ce"
+ ],
+ [
+ "ar",
+ "y"
+ ],
+ [
+ "a",
+ "p"
+ ],
+ [
+ "a",
+ "ch"
+ ],
+ [
+ "âĢĻ",
+ "s"
+ ],
+ [
+ ".Ċ",
+ "Ċ"
+ ],
+ [
+ "'",
+ "s"
+ ],
+ [
+ "Ġal",
+ "l"
+ ],
+ [
+ "u",
+ "al"
+ ],
+ [
+ "on",
+ "g"
+ ],
+ [
+ "in",
+ "d"
+ ],
+ [
+ "Ġw",
+ "ill"
+ ],
+ [
+ "r",
+ "y"
+ ],
+ [
+ "e",
+ "p"
+ ],
+ [
+ "Ġthe",
+ "y"
+ ],
+ [
+ "i",
+ "re"
+ ],
+ [
+ "Ġim",
+ "p"
+ ],
+ [
+ "e",
+ "ar"
+ ],
+ [
+ "ig",
+ "n"
+ ],
+ [
+ "ct",
+ "ion"
+ ],
+ [
+ "Ġ",
+ "j"
+ ],
+ [
+ "Ġu",
+ "n"
+ ],
+ [
+ "o",
+ "od"
+ ],
+ [
+ "Ġd",
+ "o"
+ ],
+ [
+ "Ġwh",
+ "ich"
+ ],
+ [
+ "or",
+ "y"
+ ],
+ [
+ "Ġst",
+ "ud"
+ ],
+ [
+ "k",
+ "s"
+ ],
+ [
+ "Ġm",
+ "e"
+ ],
+ [
+ "Ġc",
+ "l"
+ ],
+ [
+ "re",
+ "at"
+ ],
+ [
+ "c",
+ "es"
+ ],
+ [
+ "i",
+ "a"
+ ],
+ [
+ "Ġ",
+ "J"
+ ],
+ [
+ "o",
+ "ok"
+ ],
+ [
+ "s",
+ "o"
+ ],
+ [
+ "Ġm",
+ "ore"
+ ],
+ [
+ "Ġm",
+ "an"
+ ],
+ [
+ "Ġa",
+ "pp"
+ ],
+ [
+ "Ġh",
+ "as"
+ ],
+ [
+ "Ġ",
+ "="
+ ],
+ [
+ "res",
+ "s"
+ ],
+ [
+ "as",
+ "s"
+ ],
+ [
+ "Ġa",
+ "r"
+ ],
+ [
+ "it",
+ "ion"
+ ],
+ [
+ "a",
+ "ke"
+ ],
+ [
+ "on",
+ "e"
+ ],
+ [
+ "a",
+ "v"
+ ],
+ [
+ "ic",
+ "e"
+ ],
+ [
+ "Ġo",
+ "ther"
+ ],
+ [
+ "ĠĠ",
+ "Ġ"
+ ],
+ [
+ "u",
+ "e"
+ ],
+ [
+ "Ġab",
+ "out"
+ ],
+ [
+ "b",
+ "er"
+ ],
+ [
+ "Ġp",
+ "er"
+ ],
+ [
+ "im",
+ "e"
+ ],
+ [
+ "at",
+ "er"
+ ],
+ [
+ "or",
+ "s"
+ ],
+ [
+ "i",
+ "ke"
+ ],
+ [
+ "Ġ",
+ "\""
+ ],
+ [
+ "Ġon",
+ "e"
+ ],
+ [
+ "an",
+ "g"
+ ],
+ [
+ "nd",
+ "er"
+ ],
+ [
+ "Ġs",
+ "p"
+ ],
+ [
+ "en",
+ "s"
+ ],
+ [
+ "Ġp",
+ "re"
+ ],
+ [
+ "a",
+ "il"
+ ],
+ [
+ "in",
+ "t"
+ ],
+ [
+ "il",
+ "d"
+ ],
+ [
+ "Ġ",
+ "qu"
+ ],
+ [
+ "f",
+ "orm"
+ ],
+ [
+ "o",
+ "se"
+ ],
+ [
+ "ra",
+ "ct"
+ ],
+ [
+ "as",
+ "e"
+ ],
+ [
+ "Ġal",
+ "so"
+ ],
+ [
+ "i",
+ "le"
+ ],
+ [
+ "Ġp",
+ "art"
+ ],
+ [
+ "n",
+ "ow"
+ ],
+ [
+ "ĠS",
+ "t"
+ ],
+ [
+ "ver",
+ "y"
+ ],
+ [
+ "Ġb",
+ "ut"
+ ],
+ [
+ "Ġo",
+ "ut"
+ ],
+ [
+ "c",
+ "i"
+ ],
+ [
+ "if",
+ "f"
+ ],
+ [
+ "Ġe",
+ "v"
+ ],
+ [
+ "ol",
+ "og"
+ ],
+ [
+ "Ġs",
+ "y"
+ ],
+ [
+ "Ġcom",
+ "m"
+ ],
+ [
+ "cl",
+ "ud"
+ ],
+ [
+ "a",
+ "ce"
+ ],
+ [
+ "Ġs",
+ "o"
+ ],
+ [
+ "1",
+ "9"
+ ],
+ [
+ "or",
+ "d"
+ ],
+ [
+ "x",
+ "t"
+ ],
+ [
+ "l",
+ "ow"
+ ],
+ [
+ "ou",
+ "nt"
+ ],
+ [
+ "ac",
+ "k"
+ ],
+ [
+ "re",
+ "e"
+ ],
+ [
+ "Ġthe",
+ "m"
+ ],
+ [
+ "p",
+ "h"
+ ],
+ [
+ "Ġh",
+ "ow"
+ ],
+ [
+ "0",
+ "0"
+ ],
+ [
+ "am",
+ "e"
+ ],
+ [
+ "r",
+ "ic"
+ ],
+ [
+ "a",
+ "u"
+ ],
+ [
+ "is",
+ "h"
+ ],
+ [
+ "if",
+ "ic"
+ ],
+ [
+ "Ġre",
+ "l"
+ ],
+ [
+ "Ġint",
+ "o"
+ ],
+ [
+ "Ġs",
+ "pe"
+ ],
+ [
+ "it",
+ "ies"
+ ],
+ [
+ "Ġd",
+ "iff"
+ ],
+ [
+ "Ġ",
+ "ro"
+ ],
+ [
+ "?",
+ "Ċ"
+ ],
+ [
+ "u",
+ "b"
+ ],
+ [
+ "Ġp",
+ "e"
+ ],
+ [
+ "Ġthe",
+ "se"
+ ],
+ [
+ "âĢ",
+ "Ŀ"
+ ],
+ [
+ "rou",
+ "gh"
+ ],
+ [
+ "at",
+ "ive"
+ ],
+ [
+ "ou",
+ "nd"
+ ],
+ [
+ "Ġu",
+ "nder"
+ ],
+ [
+ "Ġc",
+ "ol"
+ ],
+ [
+ "ĠI",
+ "t"
+ ],
+ [
+ "Ġl",
+ "ike"
+ ],
+ [
+ "Ġe",
+ "m"
+ ],
+ [
+ "ĠTh",
+ "is"
+ ],
+ [
+ "ing",
+ "s"
+ ],
+ [
+ "y",
+ "s"
+ ],
+ [
+ "ay",
+ "s"
+ ],
+ [
+ "Ġf",
+ "e"
+ ],
+ [
+ "ment",
+ "s"
+ ],
+ [
+ ".",
+ "."
+ ],
+ [
+ "at",
+ "ing"
+ ],
+ [
+ "Ġu",
+ "p"
+ ],
+ [
+ "Ġ",
+ "-"
+ ],
+ [
+ "Ġt",
+ "ra"
+ ],
+ [
+ ":",
+ "Ċ"
+ ],
+ [
+ "o",
+ "ve"
+ ],
+ [
+ "Ġb",
+ "et"
+ ],
+ [
+ "j",
+ "ect"
+ ],
+ [
+ "m",
+ "s"
+ ],
+ [
+ "Ġk",
+ "now"
+ ],
+ [
+ "Ġ",
+ "K"
+ ],
+ [
+ "at",
+ "es"
+ ],
+ [
+ "c",
+ "re"
+ ],
+ [
+ "p",
+ "le"
+ ],
+ [
+ "Ġit",
+ "s"
+ ],
+ [
+ "ic",
+ "s"
+ ],
+ [
+ "it",
+ "e"
+ ],
+ [
+ "Ġin",
+ "clud"
+ ],
+ [
+ "ar",
+ "i"
+ ],
+ [
+ "Ġhe",
+ "l"
+ ],
+ [
+ "n",
+ "e"
+ ],
+ [
+ "Ġp",
+ "r"
+ ],
+ [
+ "Ġs",
+ "ome"
+ ],
+ [
+ "Ġcon",
+ "s"
+ ],
+ [
+ "ĠC",
+ "h"
+ ],
+ [
+ "w",
+ "e"
+ ],
+ [
+ "Ġa",
+ "cc"
+ ],
+ [
+ "c",
+ "on"
+ ],
+ [
+ "Ġo",
+ "ver"
+ ],
+ [
+ "le",
+ "ct"
+ ],
+ [
+ "Ġo",
+ "ur"
+ ],
+ [
+ "Ġbe",
+ "c"
+ ],
+ [
+ "n",
+ "ing"
+ ],
+ [
+ "Ġwe",
+ "re"
+ ],
+ [
+ "Ġt",
+ "ime"
+ ],
+ [
+ "Ġp",
+ "h"
+ ],
+ [
+ "o",
+ "ol"
+ ],
+ [
+ "Ġwh",
+ "o"
+ ],
+ [
+ "Ġu",
+ "se"
+ ],
+ [
+ "c",
+ "ess"
+ ],
+ [
+ "Ġhel",
+ "p"
+ ],
+ [
+ "Ġm",
+ "ay"
+ ],
+ [
+ "Ġwhe",
+ "n"
+ ],
+ [
+ "ver",
+ "s"
+ ],
+ [
+ "Ġ",
+ "if"
+ ],
+ [
+ "al",
+ "th"
+ ],
+ [
+ "Ġin",
+ "ter"
+ ],
+ [
+ "--",
+ "--"
+ ],
+ [
+ "l",
+ "es"
+ ],
+ [
+ "Ġa",
+ "ct"
+ ],
+ [
+ "al",
+ "ly"
+ ],
+ [
+ "Ġt",
+ "r"
+ ],
+ [
+ "Ġwor",
+ "k"
+ ],
+ [
+ "l",
+ "l"
+ ],
+ [
+ "Ġ",
+ "Y"
+ ],
+ [
+ "op",
+ "le"
+ ],
+ [
+ "Ġd",
+ "es"
+ ],
+ [
+ "ou",
+ "gh"
+ ],
+ [
+ "Ġ",
+ "V"
+ ],
+ [
+ "Ġin",
+ "d"
+ ],
+ [
+ "ĠâĢ",
+ "ľ"
+ ],
+ [
+ "er",
+ "v"
+ ],
+ [
+ "Ġex",
+ "t"
+ ],
+ [
+ "Ġsu",
+ "ch"
+ ],
+ [
+ "Ġthe",
+ "re"
+ ],
+ [
+ "Ġre",
+ "c"
+ ],
+ [
+ "t",
+ "e"
+ ],
+ [
+ "vel",
+ "op"
+ ],
+ [
+ "on",
+ "s"
+ ],
+ [
+ "ff",
+ "ect"
+ ],
+ [
+ "n",
+ "g"
+ ],
+ [
+ "Ġg",
+ "o"
+ ],
+ [
+ "st",
+ "em"
+ ],
+ [
+ "Ġex",
+ "am"
+ ],
+ [
+ "Ġth",
+ "an"
+ ],
+ [
+ "ul",
+ "ar"
+ ],
+ [
+ "o",
+ "b"
+ ],
+ [
+ "n",
+ "s"
+ ],
+ [
+ "Ġ",
+ "ra"
+ ],
+ [
+ "at",
+ "h"
+ ],
+ [
+ "Ġdiff",
+ "ere"
+ ],
+ [
+ "Ġa",
+ "g"
+ ],
+ [
+ "o",
+ "v"
+ ],
+ [
+ "Ġne",
+ "ed"
+ ],
+ [
+ "ro",
+ "w"
+ ],
+ [
+ "Ġa",
+ "m"
+ ],
+ [
+ ")",
+ "Ċ"
+ ],
+ [
+ "f",
+ "ul"
+ ],
+ [
+ "et",
+ "h"
+ ],
+ [
+ "l",
+ "ic"
+ ],
+ [
+ "Ġth",
+ "rough"
+ ],
+ [
+ "u",
+ "res"
+ ],
+ [
+ "Ġt",
+ "w"
+ ],
+ [
+ "20",
+ "1"
+ ],
+ [
+ "h",
+ "at"
+ ],
+ [
+ "Ġn",
+ "um"
+ ],
+ [
+ "Ġpe",
+ "ople"
+ ],
+ [
+ "ur",
+ "ing"
+ ],
+ [
+ "il",
+ "ity"
+ ],
+ [
+ "Ġne",
+ "w"
+ ],
+ [
+ "Ġpro",
+ "v"
+ ],
+ [
+ "ir",
+ "st"
+ ],
+ [
+ "Ġh",
+ "is"
+ ],
+ [
+ "Ġex",
+ "pl"
+ ],
+ [
+ "#",
+ "#"
+ ],
+ [
+ "ch",
+ "n"
+ ],
+ [
+ "i",
+ "an"
+ ],
+ [
+ "1",
+ "0"
+ ],
+ [
+ "Ġsu",
+ "b"
+ ],
+ [
+ "c",
+ "ial"
+ ],
+ [
+ "Ġwh",
+ "at"
+ ],
+ [
+ "Ġd",
+ "i"
+ ],
+ [
+ "Ġde",
+ "velop"
+ ],
+ [
+ "au",
+ "se"
+ ],
+ [
+ "Ġan",
+ "y"
+ ],
+ [
+ "al",
+ "s"
+ ],
+ [
+ "Ġg",
+ "en"
+ ],
+ [
+ "Ġb",
+ "l"
+ ],
+ [
+ "ri",
+ "b"
+ ],
+ [
+ "c",
+ "ed"
+ ],
+ [
+ "Ġas",
+ "s"
+ ],
+ [
+ "_",
+ "_"
+ ],
+ [
+ "e",
+ "f"
+ ],
+ [
+ "Ġus",
+ "ed"
+ ],
+ [
+ "Ġy",
+ "ear"
+ ],
+ [
+ "Ġd",
+ "et"
+ ],
+ [
+ "Ġm",
+ "ost"
+ ],
+ [
+ "Ġa",
+ "c"
+ ],
+ [
+ "Ġre",
+ "g"
+ ],
+ [
+ "rou",
+ "nd"
+ ],
+ [
+ "ĠĠĠĠ",
+ "ĠĠĠ"
+ ],
+ [
+ "Ġad",
+ "d"
+ ],
+ [
+ ")",
+ "."
+ ],
+ [
+ "ch",
+ "ool"
+ ],
+ [
+ "re",
+ "d"
+ ],
+ [
+ "ib",
+ "le"
+ ],
+ [
+ "Ġbe",
+ "en"
+ ],
+ [
+ "Ġin",
+ "v"
+ ],
+ [
+ "ar",
+ "k"
+ ],
+ [
+ "is",
+ "e"
+ ],
+ [
+ "we",
+ "en"
+ ],
+ [
+ "ation",
+ "al"
+ ],
+ [
+ "Ġpro",
+ "du"
+ ],
+ [
+ "p",
+ "ect"
+ ],
+ [
+ "an",
+ "ge"
+ ],
+ [
+ "Ġstud",
+ "ents"
+ ],
+ [
+ "ot",
+ "h"
+ ],
+ [
+ "Ġof",
+ "f"
+ ],
+ [
+ "st",
+ "and"
+ ],
+ [
+ "if",
+ "e"
+ ],
+ [
+ "Ġsh",
+ "ould"
+ ],
+ [
+ "Ġle",
+ "ar"
+ ],
+ [
+ "Ġw",
+ "rit"
+ ],
+ [
+ "ce",
+ "pt"
+ ],
+ [
+ "Ġsy",
+ "stem"
+ ],
+ [
+ "Ġbet",
+ "ween"
+ ],
+ [
+ "Ġp",
+ "os"
+ ],
+ [
+ "Ġre",
+ "p"
+ ],
+ [
+ "re",
+ "n"
+ ],
+ [
+ "m",
+ "er"
+ ],
+ [
+ "er",
+ "t"
+ ],
+ [
+ "er",
+ "m"
+ ],
+ [
+ ")",
+ ","
+ ],
+ [
+ "Ġc",
+ "o"
+ ],
+ [
+ "Ġhe",
+ "alth"
+ ],
+ [
+ "Ġo",
+ "b"
+ ],
+ [
+ "in",
+ "k"
+ ],
+ [
+ "u",
+ "c"
+ ],
+ [
+ "b",
+ "le"
+ ],
+ [
+ "ow",
+ "er"
+ ],
+ [
+ "as",
+ "ed"
+ ],
+ [
+ "Ġtw",
+ "o"
+ ],
+ [
+ "it",
+ "s"
+ ],
+ [
+ "ut",
+ "ion"
+ ],
+ [
+ "Ġman",
+ "y"
+ ],
+ [
+ "Ġv",
+ "ari"
+ ],
+ [
+ "t",
+ "en"
+ ],
+ [
+ "Ġs",
+ "c"
+ ],
+ [
+ "Ġp",
+ "ers"
+ ],
+ [
+ "s",
+ "s"
+ ],
+ [
+ "se",
+ "l"
+ ],
+ [
+ "Ġ",
+ "ess"
+ ],
+ [
+ "ra",
+ "m"
+ ],
+ [
+ "d",
+ "s"
+ ],
+ [
+ "at",
+ "a"
+ ],
+ [
+ "Ġp",
+ "o"
+ ],
+ [
+ "Ġs",
+ "a"
+ ],
+ [
+ "Ġp",
+ "res"
+ ],
+ [
+ "Ġex",
+ "per"
+ ],
+ [
+ "c",
+ "y"
+ ],
+ [
+ "Ġtr",
+ "ans"
+ ],
+ [
+ "Ġte",
+ "chn"
+ ],
+ [
+ "Ġn",
+ "o"
+ ],
+ [
+ "Ġf",
+ "irst"
+ ],
+ [
+ "Ġin",
+ "f"
+ ],
+ [
+ "I",
+ "n"
+ ],
+ [
+ "Ġimp",
+ "ort"
+ ],
+ [
+ "ar",
+ "ch"
+ ],
+ [
+ "Ġfor",
+ "m"
+ ],
+ [
+ "ĠâĢ",
+ "ĵ"
+ ],
+ [
+ "olog",
+ "y"
+ ],
+ [
+ "Â",
+ "ł"
+ ],
+ [
+ "Ġm",
+ "od"
+ ],
+ [
+ "f",
+ "t"
+ ],
+ [
+ "ic",
+ "t"
+ ],
+ [
+ "ent",
+ "ial"
+ ],
+ [
+ "Ġdiffere",
+ "nt"
+ ],
+ [
+ "et",
+ "s"
+ ],
+ [
+ "ur",
+ "al"
+ ],
+ [
+ "he",
+ "d"
+ ],
+ [
+ "Ġm",
+ "ake"
+ ],
+ [
+ "Ġt",
+ "y"
+ ],
+ [
+ "er",
+ "g"
+ ],
+ [
+ "Ġre",
+ "m"
+ ],
+ [
+ "e",
+ "g"
+ ],
+ [
+ "f",
+ "ter"
+ ],
+ [
+ "Ġs",
+ "oc"
+ ],
+ [
+ "iz",
+ "e"
+ ],
+ [
+ "Ġch",
+ "ild"
+ ],
+ [
+ "he",
+ "s"
+ ],
+ [
+ "Ġin",
+ "st"
+ ],
+ [
+ "Ġs",
+ "ign"
+ ],
+ [
+ "Ġv",
+ "al"
+ ],
+ [
+ "Ġw",
+ "ould"
+ ],
+ [
+ "u",
+ "es"
+ ],
+ [
+ "ĠU",
+ "n"
+ ],
+ [
+ "Ġw",
+ "ell"
+ ],
+ [
+ "Ġp",
+ "ol"
+ ],
+ [
+ "ak",
+ "ing"
+ ],
+ [
+ "ag",
+ "es"
+ ],
+ [
+ "Ġs",
+ "im"
+ ],
+ [
+ "Ġsu",
+ "pp"
+ ],
+ [
+ "Ġat",
+ "t"
+ ],
+ [
+ "Ġwhe",
+ "re"
+ ],
+ [
+ "Ġe",
+ "ach"
+ ],
+ [
+ "is",
+ "m"
+ ],
+ [
+ "ow",
+ "n"
+ ],
+ [
+ "n",
+ "ess"
+ ],
+ [
+ "g",
+ "an"
+ ],
+ [
+ "Ġs",
+ "ur"
+ ],
+ [
+ "Ġar",
+ "t"
+ ],
+ [
+ "in",
+ "es"
+ ],
+ [
+ "f",
+ "ore"
+ ],
+ [
+ "Ġs",
+ "ol"
+ ],
+ [
+ "Ġon",
+ "ly"
+ ],
+ [
+ "Ġs",
+ "chool"
+ ],
+ [
+ "t",
+ "ing"
+ ],
+ [
+ "at",
+ "ure"
+ ],
+ [
+ "he",
+ "n"
+ ],
+ [
+ "ic",
+ "k"
+ ],
+ [
+ "Ġwor",
+ "ld"
+ ],
+ [
+ "Ġs",
+ "m"
+ ],
+ [
+ "ĠP",
+ "ro"
+ ],
+ [
+ "iv",
+ "es"
+ ],
+ [
+ "as",
+ "es"
+ ],
+ [
+ "Ġex",
+ "p"
+ ],
+ [
+ "Ġh",
+ "igh"
+ ],
+ [
+ "Ġf",
+ "ol"
+ ],
+ [
+ "Ġf",
+ "l"
+ ],
+ [
+ "Ġdis",
+ "c"
+ ],
+ [
+ "e",
+ "w"
+ ],
+ [
+ "Ġe",
+ "very"
+ ],
+ [
+ "is",
+ "s"
+ ],
+ [
+ "ie",
+ "w"
+ ],
+ [
+ "i",
+ "qu"
+ ],
+ [
+ "ar",
+ "g"
+ ],
+ [
+ "Ġunder",
+ "stand"
+ ],
+ [
+ "Ġj",
+ "ust"
+ ],
+ [
+ "il",
+ "y"
+ ],
+ [
+ "a",
+ "w"
+ ],
+ [
+ "Ġg",
+ "ra"
+ ],
+ [
+ "Ġspe",
+ "c"
+ ],
+ [
+ "on",
+ "d"
+ ],
+ [
+ "ter",
+ "n"
+ ],
+ [
+ "ic",
+ "es"
+ ],
+ [
+ "Ġ",
+ "ke"
+ ],
+ [
+ "Ġpro",
+ "cess"
+ ],
+ [
+ "Ġh",
+ "ad"
+ ],
+ [
+ "p",
+ "s"
+ ],
+ [
+ "Ġf",
+ "un"
+ ],
+ [
+ "c",
+ "k"
+ ],
+ [
+ "w",
+ "ard"
+ ],
+ [
+ "i",
+ "ous"
+ ],
+ [
+ "Ġre",
+ "se"
+ ],
+ [
+ "ru",
+ "ct"
+ ],
+ [
+ "Ġst",
+ "r"
+ ],
+ [
+ "l",
+ "ed"
+ ],
+ [
+ "o",
+ "y"
+ ],
+ [
+ "Ġ",
+ "ed"
+ ],
+ [
+ "e",
+ "ver"
+ ],
+ [
+ "Ġe",
+ "ffect"
+ ],
+ [
+ "Ġm",
+ "ed"
+ ],
+ [
+ "Ġ",
+ "her"
+ ],
+ [
+ "Ġre",
+ "f"
+ ],
+ [
+ "Ġin",
+ "s"
+ ],
+ [
+ "v",
+ "ent"
+ ],
+ [
+ "iv",
+ "id"
+ ],
+ [
+ "Ġg",
+ "et"
+ ],
+ [
+ "t",
+ "s"
+ ],
+ [
+ "Ġb",
+ "u"
+ ],
+ [
+ "Ġh",
+ "um"
+ ],
+ [
+ "Ġcomm",
+ "un"
+ ],
+ [
+ "Ġus",
+ "ing"
+ ],
+ [
+ "id",
+ "ent"
+ ],
+ [
+ "Ġc",
+ "re"
+ ],
+ [
+ "Ġin",
+ "cre"
+ ],
+ [
+ "et",
+ "y"
+ ],
+ [
+ "ĠH",
+ "ow"
+ ],
+ [
+ "Ġw",
+ "ater"
+ ],
+ [
+ "Ġin",
+ "form"
+ ],
+ [
+ "ant",
+ "s"
+ ],
+ [
+ "Ġde",
+ "f"
+ ],
+ [
+ "20",
+ "0"
+ ],
+ [
+ "i",
+ "ed"
+ ],
+ [
+ "h",
+ "ip"
+ ],
+ [
+ "Ġc",
+ "ould"
+ ],
+ [
+ "Ġre",
+ "ad"
+ ],
+ [
+ "Ġc",
+ "ur"
+ ],
+ [
+ "Ġe",
+ "qu"
+ ],
+ [
+ "ical",
+ "ly"
+ ],
+ [
+ "ad",
+ "e"
+ ],
+ [
+ "ere",
+ "d"
+ ],
+ [
+ "ĠC",
+ "on"
+ ],
+ [
+ "in",
+ "s"
+ ],
+ [
+ "Ġde",
+ "c"
+ ],
+ [
+ "w",
+ "n"
+ ],
+ [
+ "ĠR",
+ "e"
+ ],
+ [
+ "ist",
+ "s"
+ ],
+ [
+ "Ġs",
+ "k"
+ ],
+ [
+ "Ġapp",
+ "ro"
+ ],
+ [
+ "ro",
+ "du"
+ ],
+ [
+ "Ġd",
+ "ata"
+ ],
+ [
+ "1",
+ "8"
+ ],
+ [
+ "ir",
+ "on"
+ ],
+ [
+ "iz",
+ "ed"
+ ],
+ [
+ "it",
+ "ed"
+ ],
+ [
+ "Ġde",
+ "p"
+ ],
+ [
+ "ol",
+ "d"
+ ],
+ [
+ "Ġfol",
+ "low"
+ ],
+ [
+ "Ġwh",
+ "ile"
+ ],
+ [
+ "ur",
+ "n"
+ ],
+ [
+ "Ġf",
+ "act"
+ ],
+ [
+ "Ġm",
+ "y"
+ ],
+ [
+ "or",
+ "k"
+ ],
+ [
+ "Ġgen",
+ "er"
+ ],
+ [
+ "Ġd",
+ "ist"
+ ],
+ [
+ "ect",
+ "ion"
+ ],
+ [
+ "pl",
+ "es"
+ ],
+ [
+ "Ġev",
+ "en"
+ ],
+ [
+ "Ġte",
+ "xt"
+ ],
+ [
+ "r",
+ "on"
+ ],
+ [
+ "Ġw",
+ "ay"
+ ],
+ [
+ "c",
+ "om"
+ ],
+ [
+ "ĠH",
+ "e"
+ ],
+ [
+ "*",
+ "*"
+ ],
+ [
+ "en",
+ "g"
+ ],
+ [
+ "Ġcomp",
+ "le"
+ ],
+ [
+ "Ġf",
+ "ind"
+ ],
+ [
+ "Ġen",
+ "g"
+ ],
+ [
+ "Ġres",
+ "ult"
+ ],
+ [
+ "Ġpers",
+ "on"
+ ],
+ [
+ "Ġ",
+ "$"
+ ],
+ [
+ "Ġre",
+ "qu"
+ ],
+ [
+ "Ġimport",
+ "ant"
+ ],
+ [
+ "Ġl",
+ "ife"
+ ],
+ [
+ "Ġp",
+ "at"
+ ],
+ [
+ "Ġe",
+ "ar"
+ ],
+ [
+ "al",
+ "ity"
+ ],
+ [
+ "u",
+ "ch"
+ ],
+ [
+ "Ġh",
+ "ist"
+ ],
+ [
+ "ot",
+ "her"
+ ],
+ [
+ "Ġl",
+ "ong"
+ ],
+ [
+ "ĠF",
+ "or"
+ ],
+ [
+ "Ġdo",
+ "es"
+ ],
+ [
+ "Ġd",
+ "uring"
+ ],
+ [
+ "Ġto",
+ "p"
+ ],
+ [
+ "ĠW",
+ "e"
+ ],
+ [
+ "Ġa",
+ "v"
+ ],
+ [
+ "Ġc",
+ "ar"
+ ],
+ [
+ "Ġthe",
+ "n"
+ ],
+ [
+ "d",
+ "ition"
+ ],
+ [
+ "Ġc",
+ "all"
+ ],
+ [
+ "ĠC",
+ "om"
+ ],
+ [
+ "Ġle",
+ "ad"
+ ],
+ [
+ "Ġm",
+ "ain"
+ ],
+ [
+ "Ġc",
+ "ount"
+ ],
+ [
+ "Ġse",
+ "e"
+ ],
+ [
+ "Ġm",
+ "in"
+ ],
+ [
+ "Ġyear",
+ "s"
+ ],
+ [
+ "Ġnum",
+ "ber"
+ ],
+ [
+ "Ġc",
+ "ent"
+ ],
+ [
+ "Ġ",
+ "&"
+ ],
+ [
+ "Ġpart",
+ "ic"
+ ],
+ [
+ "ar",
+ "m"
+ ],
+ [
+ "ual",
+ "ly"
+ ],
+ [
+ "Ġ",
+ "ent"
+ ],
+ [
+ "i",
+ "ent"
+ ],
+ [
+ "Ġs",
+ "et"
+ ],
+ [
+ "ĠA",
+ "s"
+ ],
+ [
+ "im",
+ "es"
+ ],
+ [
+ "ion",
+ "al"
+ ],
+ [
+ "Ġc",
+ "a"
+ ],
+ [
+ "Ġa",
+ "fter"
+ ],
+ [
+ "ire",
+ "ct"
+ ],
+ [
+ "Ġb",
+ "oth"
+ ],
+ [
+ "Ġa",
+ "ut"
+ ],
+ [
+ "a",
+ "x"
+ ],
+ [
+ "Ġ",
+ "/"
+ ],
+ [
+ "Ġp",
+ "ract"
+ ],
+ [
+ "Ġbec",
+ "ause"
+ ],
+ [
+ "Ġr",
+ "ight"
+ ],
+ [
+ "Ġm",
+ "at"
+ ],
+ [
+ "T",
+ "h"
+ ],
+ [
+ "1",
+ "2"
+ ],
+ [
+ "Ġpro",
+ "g"
+ ],
+ [
+ "ĠA",
+ "n"
+ ],
+ [
+ "v",
+ "ing"
+ ],
+ [
+ "ĠA",
+ "l"
+ ],
+ [
+ "g",
+ "et"
+ ],
+ [
+ "Ġl",
+ "oc"
+ ],
+ [
+ "od",
+ "y"
+ ],
+ [
+ "i",
+ "en"
+ ],
+ [
+ "Ġc",
+ "our"
+ ],
+ [
+ "Ġinclud",
+ "e"
+ ],
+ [
+ "Ġg",
+ "row"
+ ],
+ [
+ "v",
+ "iron"
+ ],
+ [
+ "Ġpro",
+ "ble"
+ ],
+ [
+ "he",
+ "m"
+ ],
+ [
+ "Ġf",
+ "ound"
+ ],
+ [
+ "mer",
+ "ic"
+ ],
+ [
+ "n",
+ "ce"
+ ],
+ [
+ "ivid",
+ "ual"
+ ],
+ [
+ "Ġf",
+ "am"
+ ],
+ [
+ "Ġ",
+ "+"
+ ],
+ [
+ "id",
+ "d"
+ ],
+ [
+ "and",
+ "s"
+ ],
+ [
+ "Ġinform",
+ "ation"
+ ],
+ [
+ "sel",
+ "f"
+ ],
+ [
+ "Ġth",
+ "ose"
+ ],
+ [
+ "Ġch",
+ "ar"
+ ],
+ [
+ "re",
+ "ad"
+ ],
+ [
+ "Ġext",
+ "ract"
+ ],
+ [
+ "Ġg",
+ "l"
+ ],
+ [
+ "Ġc",
+ "or"
+ ],
+ [
+ "Ġs",
+ "he"
+ ],
+ [
+ "Ġstud",
+ "y"
+ ],
+ [
+ "Ġbe",
+ "fore"
+ ],
+ [
+ "o",
+ "id"
+ ],
+ [
+ "c",
+ "er"
+ ],
+ [
+ "Ġwe",
+ "b"
+ ],
+ [
+ "ĠThe",
+ "y"
+ ],
+ [
+ "er",
+ "ing"
+ ],
+ [
+ "Ġ",
+ "very"
+ ],
+ [
+ "Ġ",
+ "ide"
+ ],
+ [
+ "Ġcl",
+ "ass"
+ ],
+ [
+ "ĠĠĠĠ",
+ "ĠĠĠĠ"
+ ],
+ [
+ "Ġprov",
+ "id"
+ ],
+ [
+ "Ġres",
+ "p"
+ ],
+ [
+ "----",
+ "----"
+ ],
+ [
+ "Ġind",
+ "ividual"
+ ],
+ [
+ "Ġg",
+ "u"
+ ],
+ [
+ "Ġwith",
+ "in"
+ ],
+ [
+ "re",
+ "nt"
+ ],
+ [
+ "oc",
+ "us"
+ ],
+ [
+ "d",
+ "e"
+ ],
+ [
+ "Ġbe",
+ "ing"
+ ],
+ [
+ "Ġdes",
+ "ign"
+ ],
+ [
+ "g",
+ "g"
+ ],
+ [
+ "Ġst",
+ "art"
+ ],
+ [
+ "Ġle",
+ "vel"
+ ],
+ [
+ "Ġo",
+ "wn"
+ ],
+ [
+ "Ġp",
+ "ower"
+ ],
+ [
+ "us",
+ "s"
+ ],
+ [
+ "Ġc",
+ "ult"
+ ],
+ [
+ "Ġrese",
+ "arch"
+ ],
+ [
+ "Ġexam",
+ "ple"
+ ],
+ [
+ ":",
+ "ĊĊ"
+ ],
+ [
+ "eth",
+ "od"
+ ],
+ [
+ "v",
+ "ed"
+ ],
+ [
+ "Ġan",
+ "al"
+ ],
+ [
+ "it",
+ "al"
+ ],
+ [
+ "ak",
+ "es"
+ ],
+ [
+ "Ġg",
+ "reat"
+ ],
+ [
+ "Ġqu",
+ "est"
+ ],
+ [
+ "i",
+ "vers"
+ ],
+ [
+ "ut",
+ "e"
+ ],
+ [
+ "Ġb",
+ "ack"
+ ],
+ [
+ "Ġm",
+ "on"
+ ],
+ [
+ "Ġl",
+ "it"
+ ],
+ [
+ "Ġsh",
+ "ow"
+ ],
+ [
+ "ĠA",
+ "meric"
+ ],
+ [
+ "t",
+ "y"
+ ],
+ [
+ "in",
+ "al"
+ ],
+ [
+ "ĠE",
+ "x"
+ ],
+ [
+ "Ġp",
+ "op"
+ ],
+ [
+ "ĠI",
+ "f"
+ ],
+ [
+ "Ġpl",
+ "ay"
+ ],
+ [
+ "'",
+ "t"
+ ],
+ [
+ "âĢĻ",
+ "t"
+ ],
+ [
+ "v",
+ "es"
+ ],
+ [
+ "i",
+ "el"
+ ],
+ [
+ "el",
+ "f"
+ ],
+ [
+ "e",
+ "x"
+ ],
+ [
+ "ĠY",
+ "ou"
+ ],
+ [
+ "Ġ",
+ "'"
+ ],
+ [
+ "Ġl",
+ "ook"
+ ],
+ [
+ "Ġs",
+ "ci"
+ ],
+ [
+ "an",
+ "y"
+ ],
+ [
+ "Ġc",
+ "are"
+ ],
+ [
+ "c",
+ "ent"
+ ],
+ [
+ "Ġor",
+ "gan"
+ ],
+ [
+ "Ġof",
+ "ten"
+ ],
+ [
+ "Ġcons",
+ "id"
+ ],
+ [
+ ".",
+ ","
+ ],
+ [
+ "Ġ",
+ "\\"
+ ],
+ [
+ "Ġg",
+ "rou"
+ ],
+ [
+ "c",
+ "ing"
+ ],
+ [
+ "Ġs",
+ "erv"
+ ],
+ [
+ "Ġf",
+ "ood"
+ ],
+ [
+ "Ġre",
+ "t"
+ ],
+ [
+ "1",
+ "5"
+ ],
+ [
+ "ra",
+ "ph"
+ ],
+ [
+ "at",
+ "her"
+ ],
+ [
+ "it",
+ "ions"
+ ],
+ [
+ "W",
+ "hat"
+ ],
+ [
+ "Ġb",
+ "ook"
+ ],
+ [
+ "Ġg",
+ "ood"
+ ],
+ [
+ "Ġp",
+ "ub"
+ ],
+ [
+ "iz",
+ "ation"
+ ],
+ [
+ "Ġact",
+ "iv"
+ ],
+ [
+ "it",
+ "ive"
+ ],
+ [
+ "Ġen",
+ "d"
+ ],
+ [
+ "p",
+ "r"
+ ],
+ [
+ "in",
+ "ed"
+ ],
+ [
+ "oc",
+ "k"
+ ],
+ [
+ "Ġad",
+ "v"
+ ],
+ [
+ "viron",
+ "ment"
+ ],
+ [
+ "Ġf",
+ "ocus"
+ ],
+ [
+ "al",
+ "e"
+ ],
+ [
+ "Ġl",
+ "ess"
+ ],
+ [
+ "Ġpo",
+ "int"
+ ],
+ [
+ "Ġt",
+ "est"
+ ],
+ [
+ "Ġall",
+ "ow"
+ ],
+ [
+ "Ġlear",
+ "n"
+ ],
+ [
+ "ĠThe",
+ "se"
+ ],
+ [
+ "Ġchild",
+ "ren"
+ ],
+ [
+ "Ġm",
+ "uch"
+ ],
+ [
+ "Ġcomm",
+ "on"
+ ],
+ [
+ "in",
+ "ing"
+ ],
+ [
+ "d",
+ "er"
+ ],
+ [
+ "erg",
+ "y"
+ ],
+ [
+ "Ġpres",
+ "ent"
+ ],
+ [
+ "i",
+ "x"
+ ],
+ [
+ "act",
+ "er"
+ ],
+ [
+ "Ġty",
+ "p"
+ ],
+ [
+ "Ġd",
+ "irect"
+ ],
+ [
+ "ab",
+ "ility"
+ ],
+ [
+ "in",
+ "ess"
+ ],
+ [
+ "i",
+ "ence"
+ ],
+ [
+ "l",
+ "ine"
+ ],
+ [
+ "ater",
+ "ial"
+ ],
+ [
+ "Ġdet",
+ "ail"
+ ],
+ [
+ "i",
+ "o"
+ ],
+ [
+ "Ġv",
+ "is"
+ ],
+ [
+ "Ġa",
+ "round"
+ ],
+ [
+ "ĠI",
+ "nd"
+ ],
+ [
+ "Ġs",
+ "om"
+ ],
+ [
+ "|",
+ "|"
+ ],
+ [
+ "Ġcon",
+ "f"
+ ],
+ [
+ "č",
+ "Ċ"
+ ],
+ [
+ "o",
+ "ver"
+ ],
+ [
+ "t",
+ "le"
+ ],
+ [
+ "Ġhum",
+ "an"
+ ],
+ [
+ "ang",
+ "u"
+ ],
+ [
+ "Ġs",
+ "ame"
+ ],
+ [
+ "Ġre",
+ "al"
+ ],
+ [
+ "ro",
+ "ss"
+ ],
+ [
+ "d",
+ "ay"
+ ],
+ [
+ "Ġpro",
+ "t"
+ ],
+ [
+ "Ġre",
+ "du"
+ ],
+ [
+ "ĠA",
+ "r"
+ ],
+ [
+ "Ġsupp",
+ "ort"
+ ],
+ [
+ "Ġb",
+ "r"
+ ],
+ [
+ "Ġt",
+ "ake"
+ ],
+ [
+ "t",
+ "he"
+ ],
+ [
+ "im",
+ "ate"
+ ],
+ [
+ "Ġp",
+ "ot"
+ ],
+ [
+ "u",
+ "nd"
+ ],
+ [
+ "Ġ",
+ "["
+ ],
+ [
+ "idd",
+ "le"
+ ],
+ [
+ "Ġth",
+ "ough"
+ ],
+ [
+ "b",
+ "ers"
+ ],
+ [
+ "Ġm",
+ "ade"
+ ],
+ [
+ "l",
+ "ish"
+ ],
+ [
+ "Ġpos",
+ "s"
+ ],
+ [
+ "ro",
+ "l"
+ ],
+ [
+ "b",
+ "ook"
+ ],
+ [
+ "Ġm",
+ "ethod"
+ ],
+ [
+ "h",
+ "y"
+ ],
+ [
+ "Ġsm",
+ "all"
+ ],
+ [
+ "iv",
+ "en"
+ ],
+ [
+ "Ġm",
+ "em"
+ ],
+ [
+ "Ġwith",
+ "out"
+ ],
+ [
+ "a",
+ "ve"
+ ],
+ [
+ "i",
+ "er"
+ ],
+ [
+ "ar",
+ "s"
+ ],
+ [
+ "Ġsoc",
+ "ial"
+ ],
+ [
+ "a",
+ "ir"
+ ],
+ [
+ "iv",
+ "ing"
+ ],
+ [
+ "Ġbe",
+ "l"
+ ],
+ [
+ "if",
+ "y"
+ ],
+ [
+ "Ġinclud",
+ "ing"
+ ],
+ [
+ "ĠA",
+ "d"
+ ],
+ [
+ "Ġt",
+ "reat"
+ ],
+ [
+ "Ġm",
+ "ight"
+ ],
+ [
+ "Ġcon",
+ "cept"
+ ],
+ [
+ "Ġd",
+ "own"
+ ],
+ [
+ "Ġc",
+ "reat"
+ ],
+ [
+ "Ġcon",
+ "st"
+ ],
+ [
+ "Ġpro",
+ "f"
+ ],
+ [
+ "Ġe",
+ "lect"
+ ],
+ [
+ "c",
+ "ul"
+ ],
+ [
+ "ĠS",
+ "e"
+ ],
+ [
+ "Ġbe",
+ "h"
+ ],
+ [
+ "-",
+ "b"
+ ],
+ [
+ "Ġst",
+ "ate"
+ ],
+ [
+ "Ġed",
+ "uc"
+ ],
+ [
+ "Ġ",
+ "x"
+ ],
+ [
+ "n",
+ "ect"
+ ],
+ [
+ "r",
+ "al"
+ ],
+ [
+ "ate",
+ "g"
+ ],
+ [
+ "oc",
+ "i"
+ ],
+ [
+ "t",
+ "ed"
+ ],
+ [
+ "Ġ",
+ "ident"
+ ],
+ [
+ "Ġsign",
+ "ific"
+ ],
+ [
+ "Ġcont",
+ "ent"
+ ],
+ [
+ "Ġpl",
+ "an"
+ ],
+ [
+ "our",
+ "ces"
+ ],
+ [
+ "ĠD",
+ "e"
+ ],
+ [
+ "Ġ",
+ "."
+ ],
+ [
+ "ĠW",
+ "hat"
+ ],
+ [
+ "ent",
+ "ion"
+ ],
+ [
+ "in",
+ "ce"
+ ],
+ [
+ "ar",
+ "r"
+ ],
+ [
+ "Ġcont",
+ "in"
+ ],
+ [
+ "ff",
+ "ic"
+ ],
+ [
+ "Ġd",
+ "ay"
+ ],
+ [
+ "t",
+ "ain"
+ ],
+ [
+ "1",
+ "1"
+ ],
+ [
+ "Ġess",
+ "ay"
+ ],
+ [
+ "Ġm",
+ "et"
+ ],
+ [
+ "or",
+ "ies"
+ ],
+ [
+ "Ġb",
+ "ody"
+ ],
+ [
+ "Ġimp",
+ "ro"
+ ],
+ [
+ "ter",
+ "s"
+ ],
+ [
+ "are",
+ "d"
+ ],
+ [
+ "el",
+ "s"
+ ],
+ [
+ "Ġlear",
+ "ning"
+ ],
+ [
+ "Ġo",
+ "p"
+ ],
+ [
+ "Ġr",
+ "is"
+ ],
+ [
+ "Ġwor",
+ "ks"
+ ],
+ [
+ "Ġacc",
+ "ess"
+ ],
+ [
+ "Ġm",
+ "aterial"
+ ],
+ [
+ "ill",
+ "s"
+ ],
+ [
+ "Ġcall",
+ "ed"
+ ],
+ [
+ "ere",
+ "st"
+ ],
+ [
+ "Ġe",
+ "as"
+ ],
+ [
+ "u",
+ "p"
+ ],
+ [
+ "Ġcour",
+ "se"
+ ],
+ [
+ "Ġle",
+ "t"
+ ],
+ [
+ "led",
+ "ge"
+ ],
+ [
+ "Ġc",
+ "le"
+ ],
+ [
+ "om",
+ "en"
+ ],
+ [
+ "ent",
+ "al"
+ ],
+ [
+ "Ġs",
+ "elf"
+ ],
+ [
+ "Ġs",
+ "er"
+ ],
+ [
+ "p",
+ "ut"
+ ],
+ [
+ "Ġvari",
+ "ous"
+ ],
+ [
+ "Ġag",
+ "ain"
+ ],
+ [
+ "Ġprodu",
+ "ct"
+ ],
+ [
+ "in",
+ "ation"
+ ],
+ [
+ "Ġth",
+ "ink"
+ ],
+ [
+ "Ġm",
+ "ust"
+ ],
+ [
+ "Ġc",
+ "ell"
+ ],
+ [
+ "Ġl",
+ "ist"
+ ],
+ [
+ "Ġint",
+ "rodu"
+ ],
+ [
+ "Ġinv",
+ "ol"
+ ],
+ [
+ "con",
+ "om"
+ ],
+ [
+ "Ġpro",
+ "m"
+ ],
+ [
+ "v",
+ "en"
+ ],
+ [
+ "st",
+ "r"
+ ],
+ [
+ "Ġfun",
+ "ction"
+ ],
+ [
+ "ire",
+ "d"
+ ],
+ [
+ "os",
+ "s"
+ ],
+ [
+ "p",
+ "or"
+ ],
+ [
+ "Ġwrit",
+ "ing"
+ ],
+ [
+ "Ġen",
+ "vironment"
+ ],
+ [
+ "Ġe",
+ "le"
+ ],
+ [
+ "-",
+ "s"
+ ],
+ [
+ "Th",
+ "is"
+ ],
+ [
+ "Ġc",
+ "al"
+ ],
+ [
+ "Ġ",
+ "est"
+ ],
+ [
+ "Ġph",
+ "ys"
+ ],
+ [
+ "Ġme",
+ "an"
+ ],
+ [
+ "Ġp",
+ "ar"
+ ],
+ [
+ "v",
+ "iew"
+ ],
+ [
+ "Ġth",
+ "ree"
+ ],
+ [
+ "Ġis",
+ "s"
+ ],
+ [
+ "Ġw",
+ "ant"
+ ],
+ [
+ "Ġm",
+ "ult"
+ ],
+ [
+ "ar",
+ "ge"
+ ],
+ [
+ "en",
+ "se"
+ ],
+ [
+ "Ġunderstand",
+ "ing"
+ ],
+ [
+ "ĠE",
+ "ng"
+ ],
+ [
+ "ain",
+ "s"
+ ],
+ [
+ "Ġsy",
+ "m"
+ ],
+ [
+ "Ġo",
+ "cc"
+ ],
+ [
+ "Ġp",
+ "ur"
+ ],
+ [
+ "1",
+ "6"
+ ],
+ [
+ "Ġ",
+ "Q"
+ ],
+ [
+ "Ġbu",
+ "ild"
+ ],
+ [
+ "Ġde",
+ "m"
+ ],
+ [
+ "Ġb",
+ "o"
+ ],
+ [
+ "Ġn",
+ "ow"
+ ],
+ [
+ "pt",
+ "ion"
+ ],
+ [
+ "l",
+ "and"
+ ],
+ [
+ "Ġknow",
+ "n"
+ ],
+ [
+ "ĠB",
+ "y"
+ ],
+ [
+ "p",
+ "ort"
+ ],
+ [
+ "ul",
+ "ation"
+ ],
+ [
+ "ul",
+ "l"
+ ],
+ [
+ "is",
+ "hed"
+ ],
+ [
+ "i",
+ "or"
+ ],
+ [
+ "Ġsub",
+ "ject"
+ ],
+ [
+ "Ġd",
+ "el"
+ ],
+ [
+ "ert",
+ "ain"
+ ],
+ [
+ "Ġrel",
+ "ated"
+ ],
+ [
+ "ag",
+ "ing"
+ ],
+ [
+ "Ġdevelop",
+ "ment"
+ ],
+ [
+ "Ġm",
+ "iddle"
+ ],
+ [
+ "Ġen",
+ "ergy"
+ ],
+ [
+ "Ġb",
+ "en"
+ ],
+ [
+ "Ġst",
+ "ory"
+ ],
+ [
+ "Ġin",
+ "c"
+ ],
+ [
+ "l",
+ "ess"
+ ],
+ [
+ "a",
+ "per"
+ ],
+ [
+ "Ġ",
+ "ve"
+ ],
+ [
+ "Ġb",
+ "est"
+ ],
+ [
+ "ĠA",
+ "nd"
+ ],
+ [
+ "Ġab",
+ "ove"
+ ],
+ [
+ "Ġl",
+ "angu"
+ ],
+ [
+ "Ġa",
+ "w"
+ ],
+ [
+ "Ġm",
+ "us"
+ ],
+ [
+ "Ġt",
+ "em"
+ ],
+ [
+ "as",
+ "h"
+ ],
+ [
+ "l",
+ "u"
+ ],
+ [
+ "iqu",
+ "e"
+ ],
+ [
+ "Ġm",
+ "ark"
+ ],
+ [
+ "Ġb",
+ "as"
+ ],
+ [
+ "her",
+ "s"
+ ],
+ [
+ "Ġb",
+ "us"
+ ],
+ [
+ "Ġdis",
+ "e"
+ ],
+ [
+ "olog",
+ "ical"
+ ],
+ [
+ "Ġen",
+ "s"
+ ],
+ [
+ "Ġch",
+ "all"
+ ],
+ [
+ "-",
+ "d"
+ ],
+ [
+ "r",
+ "ation"
+ ],
+ [
+ "i",
+ "od"
+ ],
+ [
+ "n",
+ "er"
+ ],
+ [
+ "ĠT",
+ "o"
+ ],
+ [
+ "an",
+ "k"
+ ],
+ [
+ "rit",
+ "e"
+ ],
+ [
+ "Ġch",
+ "ang"
+ ],
+ [
+ "or",
+ "ing"
+ ],
+ [
+ "om",
+ "s"
+ ],
+ [
+ "Ġprov",
+ "ide"
+ ],
+ [
+ "ĠD",
+ "o"
+ ],
+ [
+ "Ġper",
+ "form"
+ ],
+ [
+ "Ġhist",
+ "ory"
+ ],
+ [
+ "Ġme",
+ "as"
+ ],
+ [
+ "Ġh",
+ "and"
+ ],
+ [
+ "Ġch",
+ "ange"
+ ],
+ [
+ "a",
+ "j"
+ ],
+ [
+ "1",
+ "4"
+ ],
+ [
+ "H",
+ "ow"
+ ],
+ [
+ "__",
+ "__"
+ ],
+ [
+ "Ġs",
+ "it"
+ ],
+ [
+ "a",
+ "h"
+ ],
+ [
+ "Ġe",
+ "t"
+ ],
+ [
+ "Ġpro",
+ "per"
+ ],
+ [
+ "Ġc",
+ "ap"
+ ],
+ [
+ "Ġcur",
+ "rent"
+ ],
+ [
+ "âĢ",
+ "ĵ"
+ ],
+ [
+ ".",
+ "\""
+ ],
+ [
+ "Ġknow",
+ "ledge"
+ ],
+ [
+ "ĠThe",
+ "re"
+ ],
+ [
+ "1",
+ "7"
+ ],
+ [
+ "Ġd",
+ "id"
+ ],
+ [
+ "p",
+ "ar"
+ ],
+ [
+ "is",
+ "ion"
+ ],
+ [
+ "20",
+ "2"
+ ],
+ [
+ "ic",
+ "ation"
+ ],
+ [
+ "Ġf",
+ "in"
+ ],
+ [
+ "Ġcre",
+ "ate"
+ ],
+ [
+ "od",
+ "e"
+ ],
+ [
+ "Ġsignific",
+ "ant"
+ ],
+ [
+ "Ġe",
+ "l"
+ ],
+ [
+ "ĠN",
+ "ew"
+ ],
+ [
+ "er",
+ "n"
+ ],
+ [
+ "ĠHow",
+ "ever"
+ ],
+ [
+ "con",
+ "d"
+ ],
+ [
+ "Ġint",
+ "erest"
+ ],
+ [
+ "cc",
+ "ess"
+ ],
+ [
+ "f",
+ "or"
+ ],
+ [
+ "ur",
+ "y"
+ ],
+ [
+ "c",
+ "o"
+ ],
+ [
+ "1",
+ "3"
+ ],
+ [
+ "ag",
+ "n"
+ ],
+ [
+ "Ġt",
+ "re"
+ ],
+ [
+ "Ġo",
+ "pp"
+ ],
+ [
+ "Ġh",
+ "y"
+ ],
+ [
+ "t",
+ "o"
+ ],
+ [
+ "`",
+ "`"
+ ],
+ [
+ "i",
+ "k"
+ ],
+ [
+ "Ġbet",
+ "ter"
+ ],
+ [
+ "ĠW",
+ "h"
+ ],
+ [
+ "an",
+ "ces"
+ ],
+ [
+ "ou",
+ "n"
+ ],
+ [
+ "ys",
+ "is"
+ ],
+ [
+ "e",
+ "ad"
+ ],
+ [
+ "at",
+ "ic"
+ ],
+ [
+ "Ġfollow",
+ "ing"
+ ],
+ [
+ "w",
+ "ork"
+ ],
+ [
+ "Âł",
+ "Âł"
+ ],
+ [
+ "end",
+ "s"
+ ],
+ [
+ "Ġd",
+ "r"
+ ],
+ [
+ "ĠS",
+ "h"
+ ],
+ [
+ "Ġfe",
+ "el"
+ ],
+ [
+ "it",
+ "ing"
+ ],
+ [
+ "Ġpl",
+ "ace"
+ ],
+ [
+ "og",
+ "raph"
+ ],
+ [
+ "id",
+ "s"
+ ],
+ [
+ "Ġc",
+ "he"
+ ],
+ [
+ "ivers",
+ "ity"
+ ],
+ [
+ "iel",
+ "d"
+ ],
+ [
+ "Ġh",
+ "ome"
+ ],
+ [
+ "Ġgo",
+ "ver"
+ ],
+ [
+ "u",
+ "ro"
+ ],
+ [
+ "i",
+ "um"
+ ],
+ [
+ "Ġca",
+ "us"
+ ],
+ [
+ "og",
+ "n"
+ ],
+ [
+ "Ġb",
+ "ased"
+ ],
+ [
+ "Ġsa",
+ "f"
+ ],
+ [
+ "Ġpot",
+ "ential"
+ ],
+ [
+ "Ġyou",
+ "ng"
+ ],
+ [
+ "ĠR",
+ "es"
+ ],
+ [
+ "Ġimp",
+ "act"
+ ],
+ [
+ "âĢ",
+ "Ķ"
+ ],
+ [
+ "Ġo",
+ "per"
+ ],
+ [
+ "Ġsa",
+ "id"
+ ],
+ [
+ "Ġt",
+ "er"
+ ],
+ [
+ "Ġl",
+ "ight"
+ ],
+ [
+ "Ġun",
+ "it"
+ ],
+ [
+ "age",
+ "ment"
+ ],
+ [
+ "ĠI",
+ "s"
+ ],
+ [
+ "ĠP",
+ "l"
+ ],
+ [
+ "ot",
+ "e"
+ ],
+ [
+ "Ġ",
+ "i"
+ ],
+ [
+ "Ġan",
+ "other"
+ ],
+ [
+ "t",
+ "t"
+ ],
+ [
+ "ra",
+ "in"
+ ],
+ [
+ "al",
+ "k"
+ ],
+ [
+ "Ġp",
+ "ass"
+ ],
+ [
+ "Ġch",
+ "o"
+ ],
+ [
+ "l",
+ "ing"
+ ],
+ [
+ "as",
+ "on"
+ ],
+ [
+ "Ġdes",
+ "c"
+ ],
+ [
+ "Ġst",
+ "ruct"
+ ],
+ [
+ "Ġb",
+ "re"
+ ],
+ [
+ "ou",
+ "se"
+ ],
+ [
+ "Ġpro",
+ "ject"
+ ],
+ [
+ "3",
+ "0"
+ ],
+ [
+ "-",
+ "p"
+ ],
+ [
+ "il",
+ "ar"
+ ],
+ [
+ "Ġst",
+ "re"
+ ],
+ [
+ "Ġs",
+ "l"
+ ],
+ [
+ "a",
+ "z"
+ ],
+ [
+ "Ġf",
+ "ac"
+ ],
+ [
+ "Ġst",
+ "and"
+ ],
+ [
+ "Ġme",
+ "ans"
+ ],
+ [
+ "Ġrep",
+ "res"
+ ],
+ [
+ "Ġim",
+ "m"
+ ],
+ [
+ "ord",
+ "ing"
+ ],
+ [
+ "i",
+ "ents"
+ ],
+ [
+ "Ġin",
+ "du"
+ ],
+ [
+ "y",
+ "le"
+ ],
+ [
+ "Ġl",
+ "arge"
+ ],
+ [
+ "S",
+ "t"
+ ],
+ [
+ "Ġexam",
+ "ples"
+ ],
+ [
+ "at",
+ "or"
+ ],
+ [
+ "Ġspec",
+ "ific"
+ ],
+ [
+ "ĠB",
+ "ut"
+ ],
+ [
+ "Ġd",
+ "on"
+ ],
+ [
+ "w",
+ "ays"
+ ],
+ [
+ "Ġse",
+ "ver"
+ ],
+ [
+ "Ġd",
+ "ue"
+ ],
+ [
+ "Ġc",
+ "rit"
+ ],
+ [
+ "e",
+ "c"
+ ],
+ [
+ "cl",
+ "us"
+ ],
+ [
+ "h",
+ "or"
+ ],
+ [
+ "Ġm",
+ "aking"
+ ],
+ [
+ "ore",
+ "d"
+ ],
+ [
+ "Ġpr",
+ "int"
+ ],
+ [
+ "Ġde",
+ "v"
+ ],
+ [
+ "00",
+ "0"
+ ],
+ [
+ "at",
+ "ural"
+ ],
+ [
+ "ot",
+ "s"
+ ],
+ [
+ "Ġbel",
+ "ie"
+ ],
+ [
+ "Ġty",
+ "pe"
+ ],
+ [
+ "Ġgover",
+ "n"
+ ],
+ [
+ "ol",
+ "ution"
+ ],
+ [
+ "Ġben",
+ "ef"
+ ],
+ [
+ "our",
+ "ce"
+ ],
+ [
+ "Ġbec",
+ "ome"
+ ],
+ [
+ "Ġke",
+ "ep"
+ ],
+ [
+ "ress",
+ "ion"
+ ],
+ [
+ "ic",
+ "le"
+ ],
+ [
+ "Ġc",
+ "r"
+ ],
+ [
+ "ent",
+ "ly"
+ ],
+ [
+ "Ġtext",
+ "book"
+ ],
+ [
+ "Ġha",
+ "pp"
+ ],
+ [
+ "2",
+ "5"
+ ],
+ [
+ "Ġadd",
+ "ition"
+ ],
+ [
+ "ard",
+ "s"
+ ],
+ [
+ "p",
+ "os"
+ ],
+ [
+ "Ġob",
+ "ject"
+ ],
+ [
+ "ir",
+ "c"
+ ],
+ [
+ "r",
+ "ies"
+ ],
+ [
+ "at",
+ "s"
+ ],
+ [
+ "Ġm",
+ "ove"
+ ],
+ [
+ ".",
+ "âĢĿ"
+ ],
+ [
+ "ĠC",
+ "l"
+ ],
+ [
+ "Ġle",
+ "g"
+ ],
+ [
+ "Ġam",
+ "ong"
+ ],
+ [
+ "Ġcont",
+ "rol"
+ ],
+ [
+ "i",
+ "ver"
+ ],
+ [
+ "Ġt",
+ "ru"
+ ],
+ [
+ "ĠT",
+ "e"
+ ],
+ [
+ "it",
+ "le"
+ ],
+ [
+ "Ġpub",
+ "lic"
+ ],
+ [
+ "Ġare",
+ "a"
+ ],
+ [
+ "Ġe",
+ "conom"
+ ],
+ [
+ "Ġa",
+ "ffect"
+ ],
+ [
+ "are",
+ "nt"
+ ],
+ [
+ "..",
+ "."
+ ],
+ [
+ "Ġf",
+ "ree"
+ ],
+ [
+ "Ġh",
+ "im"
+ ],
+ [
+ "Ġdisc",
+ "uss"
+ ],
+ [
+ "Ġother",
+ "s"
+ ],
+ [
+ "Ġrep",
+ "ort"
+ ],
+ [
+ "am",
+ "es"
+ ],
+ [
+ "Ġst",
+ "ill"
+ ],
+ [
+ "Ġbus",
+ "iness"
+ ],
+ [
+ "Ġval",
+ "ue"
+ ],
+ [
+ "u",
+ "g"
+ ],
+ [
+ "s",
+ "w"
+ ],
+ [
+ "ri",
+ "or"
+ ],
+ [
+ "Ġn",
+ "on"
+ ],
+ [
+ "Ġl",
+ "aw"
+ ],
+ [
+ "he",
+ "re"
+ ],
+ [
+ "en",
+ "ces"
+ ],
+ [
+ "ĠW",
+ "hen"
+ ],
+ [
+ "Ġpartic",
+ "ular"
+ ],
+ [
+ "if",
+ "ied"
+ ],
+ [
+ "iv",
+ "ed"
+ ],
+ [
+ "Ġke",
+ "y"
+ ],
+ [
+ "Ġan",
+ "t"
+ ],
+ [
+ "d",
+ "itions"
+ ],
+ [
+ "ro",
+ "p"
+ ],
+ [
+ "ur",
+ "ther"
+ ],
+ [
+ "Ġtop",
+ "ic"
+ ],
+ [
+ "m",
+ "e"
+ ],
+ [
+ "en",
+ "cy"
+ ],
+ [
+ "eth",
+ "ing"
+ ],
+ [
+ "âĢ",
+ "¢"
+ ],
+ [
+ "Ġlangu",
+ "age"
+ ],
+ [
+ "Ġrel",
+ "ations"
+ ],
+ [
+ "Ġgrou",
+ "p"
+ ],
+ [
+ "Ġsever",
+ "al"
+ ],
+ [
+ "em",
+ "ber"
+ ],
+ [
+ "Ġess",
+ "ential"
+ ],
+ [
+ "Ġl",
+ "ine"
+ ],
+ [
+ "Ġst",
+ "ep"
+ ],
+ [
+ "a",
+ "pe"
+ ],
+ [
+ "Ġinv",
+ "est"
+ ],
+ [
+ "ut",
+ "ions"
+ ],
+ [
+ "Ġo",
+ "pt"
+ ],
+ [
+ "ra",
+ "p"
+ ],
+ [
+ "Ġfe",
+ "w"
+ ],
+ [
+ "Ġto",
+ "ol"
+ ],
+ [
+ "Ġcol",
+ "le"
+ ],
+ [
+ "Ġro",
+ "le"
+ ],
+ [
+ "s",
+ "y"
+ ],
+ [
+ "1",
+ "00"
+ ],
+ [
+ "ĠP",
+ "h"
+ ],
+ [
+ "Ġwor",
+ "ds"
+ ],
+ [
+ "Ġsoc",
+ "i"
+ ],
+ [
+ "Ġchar",
+ "acter"
+ ],
+ [
+ ")",
+ ".Ċ"
+ ],
+ [
+ "Ġbe",
+ "g"
+ ],
+ [
+ "Ġan",
+ "im"
+ ],
+ [
+ "Ġth",
+ "ings"
+ ],
+ [
+ "Ġfam",
+ "ily"
+ ],
+ [
+ "Ġcon",
+ "nect"
+ ],
+ [
+ "-",
+ "f"
+ ],
+ [
+ "Ġ",
+ "|"
+ ],
+ [
+ "ĠS",
+ "o"
+ ],
+ [
+ "Ġto",
+ "get"
+ ],
+ [
+ "ou",
+ "th"
+ ],
+ [
+ "Ġtoget",
+ "her"
+ ],
+ [
+ "Ġp",
+ "ain"
+ ],
+ [
+ "Ġl",
+ "im"
+ ],
+ [
+ "Ġop",
+ "en"
+ ],
+ [
+ "Ġor",
+ "der"
+ ],
+ [
+ "Ġto",
+ "o"
+ ],
+ [
+ "o",
+ "ad"
+ ],
+ [
+ "Ġhe",
+ "re"
+ ],
+ [
+ "Ġappro",
+ "ach"
+ ],
+ [
+ "Ġn",
+ "arr"
+ ],
+ [
+ "ĠW",
+ "or"
+ ],
+ [
+ "id",
+ "es"
+ ],
+ [
+ "Ġcomp",
+ "ut"
+ ],
+ [
+ "Ġm",
+ "ov"
+ ],
+ [
+ "or",
+ "n"
+ ],
+ [
+ "Ġc",
+ "ost"
+ ],
+ [
+ "pl",
+ "oy"
+ ],
+ [
+ "iz",
+ "ing"
+ ],
+ [
+ "Ġsom",
+ "ething"
+ ],
+ [
+ "Ġwh",
+ "y"
+ ],
+ [
+ "ive",
+ "ly"
+ ],
+ [
+ "Ġ",
+ "#"
+ ],
+ [
+ "Ġsystem",
+ "s"
+ ],
+ [
+ "Ġcomple",
+ "x"
+ ],
+ [
+ "Ġd",
+ "ra"
+ ],
+ [
+ "a",
+ "pp"
+ ],
+ [
+ "ort",
+ "un"
+ ],
+ [
+ "Ġf",
+ "re"
+ ],
+ [
+ "ĠI",
+ "m"
+ ],
+ [
+ "ut",
+ "ure"
+ ],
+ [
+ "Ġp",
+ "aper"
+ ],
+ [
+ "Ġen",
+ "c"
+ ],
+ [
+ "Ġan",
+ "sw"
+ ],
+ [
+ "19",
+ "9"
+ ],
+ [
+ "o",
+ "le"
+ ],
+ [
+ "b",
+ "r"
+ ],
+ [
+ "ab",
+ "les"
+ ],
+ [
+ "Ġre",
+ "st"
+ ],
+ [
+ "Ġ",
+ "es"
+ ],
+ [
+ "Ġproble",
+ "m"
+ ],
+ [
+ "Ġsu",
+ "ccess"
+ ],
+ [
+ "er",
+ "al"
+ ],
+ [
+ "Ġbeh",
+ "av"
+ ],
+ [
+ "Ġl",
+ "ow"
+ ],
+ [
+ "Ġchall",
+ "eng"
+ ],
+ [
+ "Ġapp",
+ "lic"
+ ],
+ [
+ "Ġbl",
+ "ood"
+ ],
+ [
+ "Ġper",
+ "iod"
+ ],
+ [
+ "ĠS",
+ "p"
+ ],
+ [
+ "Ġor",
+ "ig"
+ ],
+ [
+ "ĠAmeric",
+ "an"
+ ],
+ [
+ "Ġc",
+ "ertain"
+ ],
+ [
+ "Ġb",
+ "i"
+ ],
+ [
+ "Ġcont",
+ "rib"
+ ],
+ [
+ "Ġris",
+ "k"
+ ],
+ [
+ "Ġprog",
+ "ram"
+ ],
+ [
+ "Ġsk",
+ "ills"
+ ],
+ [
+ "Ġm",
+ "ill"
+ ],
+ [
+ "Ġne",
+ "xt"
+ ],
+ [
+ "ap",
+ "ter"
+ ],
+ [
+ "ab",
+ "or"
+ ],
+ [
+ "il",
+ "ities"
+ ],
+ [
+ "Ġg",
+ "r"
+ ],
+ [
+ "Ġ",
+ "z"
+ ],
+ [
+ "Ġp",
+ "rior"
+ ],
+ [
+ "Ġav",
+ "ail"
+ ],
+ [
+ "o",
+ "f"
+ ],
+ [
+ "aj",
+ "or"
+ ],
+ [
+ "Ġexper",
+ "ience"
+ ],
+ [
+ "Ġagain",
+ "st"
+ ],
+ [
+ "Ġass",
+ "oci"
+ ],
+ [
+ "v",
+ "al"
+ ],
+ [
+ "Ġdet",
+ "erm"
+ ],
+ [
+ "-",
+ "l"
+ ],
+ [
+ "ra",
+ "y"
+ ],
+ [
+ "o",
+ "int"
+ ],
+ [
+ "Ġf",
+ "ri"
+ ],
+ [
+ "5",
+ "0"
+ ],
+ [
+ "I",
+ "t"
+ ],
+ [
+ "m",
+ "an"
+ ],
+ [
+ "Ġd",
+ "ig"
+ ],
+ [
+ "|",
+ "Ċ"
+ ],
+ [
+ "Ġposs",
+ "ible"
+ ],
+ [
+ "Ġtyp",
+ "es"
+ ],
+ [
+ "Ġa",
+ "ir"
+ ],
+ [
+ "Ġn",
+ "ame"
+ ],
+ [
+ "Ġc",
+ "ase"
+ ],
+ [
+ "Ġc",
+ "ause"
+ ],
+ [
+ "Ġconsid",
+ "er"
+ ],
+ [
+ "Ġg",
+ "iven"
+ ],
+ [
+ "c",
+ "ur"
+ ],
+ [
+ "ĠĠĠĠ",
+ "ĠĠĠĠĠĠĠ"
+ ],
+ [
+ "Ġv",
+ "ol"
+ ],
+ [
+ ")",
+ "ĊĊ"
+ ],
+ [
+ "Ġw",
+ "omen"
+ ],
+ [
+ "Ġp",
+ "ost"
+ ],
+ [
+ "t",
+ "on"
+ ],
+ [
+ "Ġprof",
+ "ess"
+ ],
+ [
+ "Ġo",
+ "ld"
+ ],
+ [
+ "A",
+ "s"
+ ],
+ [
+ "Ġspe",
+ "cial"
+ ],
+ [
+ "Ġinter",
+ "n"
+ ],
+ [
+ "Ġtechn",
+ "ology"
+ ],
+ [
+ "Ġpl",
+ "ant"
+ ],
+ [
+ "Ġh",
+ "ig"
+ ],
+ [
+ "iv",
+ "ity"
+ ],
+ [
+ "an",
+ "e"
+ ],
+ [
+ "Ġse",
+ "cond"
+ ],
+ [
+ "Ġconcept",
+ "s"
+ ],
+ [
+ "Ġcom",
+ "b"
+ ],
+ [
+ "ĠE",
+ "n"
+ ],
+ [
+ "Ġear",
+ "ly"
+ ],
+ [
+ "Ġr",
+ "ange"
+ ],
+ [
+ "Ġs",
+ "um"
+ ],
+ [
+ "b",
+ "e"
+ ],
+ [
+ "Ġproble",
+ "ms"
+ ],
+ [
+ "Ġindividual",
+ "s"
+ ],
+ [
+ "er",
+ "y"
+ ],
+ [
+ "et",
+ "ic"
+ ],
+ [
+ "Ġp",
+ "ress"
+ ],
+ [
+ "Ġdirect",
+ "ly"
+ ],
+ [
+ "ĠâĢ",
+ "ĺ"
+ ],
+ [
+ "Ġocc",
+ "ur"
+ ],
+ [
+ "Ġinf",
+ "lu"
+ ],
+ [
+ "ĠC",
+ "ol"
+ ],
+ [
+ "ĠC",
+ "an"
+ ],
+ [
+ "Ġt",
+ "imes"
+ ],
+ [
+ "Ġstr",
+ "ateg"
+ ],
+ [
+ "Ġquest",
+ "ions"
+ ],
+ [
+ "end",
+ "ing"
+ ],
+ [
+ "Ġav",
+ "oid"
+ ],
+ [
+ "Ġexper",
+ "ien"
+ ],
+ [
+ "Ġal",
+ "ong"
+ ],
+ [
+ "ĠW",
+ "ith"
+ ],
+ [
+ "Ġpre",
+ "vent"
+ ],
+ [
+ "Ġf",
+ "ore"
+ ],
+ [
+ "Ġl",
+ "ast"
+ ],
+ [
+ "id",
+ "ence"
+ ],
+ [
+ "ist",
+ "ic"
+ ],
+ [
+ "Ġac",
+ "ross"
+ ],
+ [
+ "Ġn",
+ "atural"
+ ],
+ [
+ "Ġdise",
+ "ase"
+ ],
+ [
+ "Ġeduc",
+ "ation"
+ ],
+ [
+ "Ġv",
+ "iew"
+ ],
+ [
+ "ver",
+ "age"
+ ],
+ [
+ "ward",
+ "s"
+ ],
+ [
+ "Ġ",
+ ","
+ ],
+ [
+ "ight",
+ "s"
+ ],
+ [
+ "er",
+ "c"
+ ],
+ [
+ "Ġint",
+ "eg"
+ ],
+ [
+ "r",
+ "ist"
+ ],
+ [
+ "Ġrelations",
+ "hip"
+ ],
+ [
+ "Ġanal",
+ "ysis"
+ ],
+ [
+ "H",
+ "ere"
+ ],
+ [
+ "Ġw",
+ "ays"
+ ],
+ [
+ "l",
+ "ished"
+ ],
+ [
+ "Ġf",
+ "il"
+ ],
+ [
+ "as",
+ "ing"
+ ],
+ [
+ "Ġa",
+ "ge"
+ ],
+ [
+ "am",
+ "p"
+ ],
+ [
+ "Ġimpro",
+ "ve"
+ ],
+ [
+ "in",
+ "a"
+ ],
+ [
+ "i",
+ "pp"
+ ],
+ [
+ "Ġstud",
+ "ies"
+ ],
+ [
+ "ver",
+ "se"
+ ],
+ [
+ "Ġresp",
+ "ons"
+ ],
+ [
+ "Ġide",
+ "as"
+ ],
+ [
+ "Ġs",
+ "ince"
+ ],
+ [
+ "Ġf",
+ "low"
+ ],
+ [
+ "y",
+ "m"
+ ],
+ [
+ "Ġcom",
+ "e"
+ ],
+ [
+ "Ġ",
+ "Z"
+ ],
+ [
+ "Ġrepres",
+ "ent"
+ ],
+ [
+ "op",
+ "e"
+ ],
+ [
+ "Ġm",
+ "ajor"
+ ],
+ [
+ "g",
+ "en"
+ ],
+ [
+ "i",
+ "ans"
+ ],
+ [
+ "Ġf",
+ "uture"
+ ],
+ [
+ "end",
+ "ed"
+ ],
+ [
+ "y",
+ "n"
+ ],
+ [
+ "ĠO",
+ "r"
+ ],
+ [
+ "âĢ",
+ "ľ"
+ ],
+ [
+ "ict",
+ "ion"
+ ],
+ [
+ "Ġsh",
+ "ort"
+ ],
+ [
+ "Ġab",
+ "le"
+ ],
+ [
+ "Ġw",
+ "ar"
+ ],
+ [
+ "Ġm",
+ "il"
+ ],
+ [
+ "em",
+ "s"
+ ],
+ [
+ "Ġneed",
+ "s"
+ ],
+ [
+ "Ġob",
+ "s"
+ ],
+ [
+ "ar",
+ "c"
+ ],
+ [
+ "ip",
+ "le"
+ ],
+ [
+ "Ġt",
+ "ry"
+ ],
+ [
+ "as",
+ "ter"
+ ],
+ [
+ "Ġn",
+ "et"
+ ],
+ [
+ "Ġne",
+ "cess"
+ ],
+ [
+ "Ġperson",
+ "al"
+ ],
+ [
+ "Ġre",
+ "le"
+ ],
+ [
+ "b",
+ "s"
+ ],
+ [
+ "Ġtreat",
+ "ment"
+ ],
+ [
+ "Ġare",
+ "as"
+ ],
+ [
+ "ob",
+ "al"
+ ],
+ [
+ "o",
+ "h"
+ ],
+ [
+ "ar",
+ "ing"
+ ],
+ [
+ "e",
+ "k"
+ ],
+ [
+ "Ġret",
+ "urn"
+ ],
+ [
+ "pe",
+ "cial"
+ ],
+ [
+ "sy",
+ "ch"
+ ],
+ [
+ "o",
+ "x"
+ ],
+ [
+ "ĠUn",
+ "ited"
+ ],
+ [
+ "at",
+ "ures"
+ ],
+ [
+ "Ġm",
+ "ot"
+ ],
+ [
+ "Ġavail",
+ "able"
+ ],
+ [
+ "Ġt",
+ "itle"
+ ],
+ [
+ "Ġal",
+ "ways"
+ ],
+ [
+ "ĠB",
+ "e"
+ ],
+ [
+ "Ġdetail",
+ "ed"
+ ],
+ [
+ "Ġ",
+ "er"
+ ],
+ [
+ "t",
+ "al"
+ ],
+ [
+ "Ġcommun",
+ "ity"
+ ],
+ [
+ "Ġsim",
+ "ilar"
+ ],
+ [
+ "Ġlit",
+ "er"
+ ],
+ [
+ "Ġprot",
+ "ect"
+ ],
+ [
+ "Ġu",
+ "nt"
+ ],
+ [
+ "ch",
+ "ie"
+ ],
+ [
+ "Ġiss",
+ "ues"
+ ],
+ [
+ "iss",
+ "ion"
+ ],
+ [
+ "Ġrequ",
+ "ire"
+ ],
+ [
+ "ĠCom",
+ "m"
+ ],
+ [
+ "Ġb",
+ "ro"
+ ],
+ [
+ "Ġlevel",
+ "s"
+ ],
+ [
+ "on",
+ "es"
+ ],
+ [
+ "ic",
+ "ult"
+ ],
+ [
+ "ĠUn",
+ "iversity"
+ ],
+ [
+ "Ġs",
+ "ay"
+ ],
+ [
+ "##",
+ "#"
+ ],
+ [
+ "u",
+ "ment"
+ ],
+ [
+ "Ġresult",
+ "s"
+ ],
+ [
+ "Ġt",
+ "erm"
+ ],
+ [
+ "Ġc",
+ "y"
+ ],
+ [
+ "ac",
+ "es"
+ ],
+ [
+ "Ġphys",
+ "ical"
+ ],
+ [
+ "e",
+ "xt"
+ ],
+ [
+ "Ġinter",
+ "act"
+ ],
+ [
+ "W",
+ "e"
+ ],
+ [
+ "Ġsci",
+ "ent"
+ ],
+ [
+ "-",
+ "m"
+ ],
+ [
+ "om",
+ "m"
+ ],
+ [
+ "Ġcon",
+ "ditions"
+ ],
+ [
+ "ort",
+ "s"
+ ],
+ [
+ "O",
+ "N"
+ ],
+ [
+ "Ġstr",
+ "ong"
+ ],
+ [
+ "Ġam",
+ "ount"
+ ],
+ [
+ "or",
+ "th"
+ ],
+ [
+ "p",
+ "re"
+ ],
+ [
+ "Ġh",
+ "ard"
+ ],
+ [
+ "f",
+ "ace"
+ ],
+ [
+ "Ġpol",
+ "it"
+ ],
+ [
+ "Ġf",
+ "our"
+ ],
+ [
+ "Ġk",
+ "ind"
+ ],
+ [
+ ")",
+ ":Ċ"
+ ],
+ [
+ "Ġfact",
+ "ors"
+ ],
+ [
+ "Ġun",
+ "ique"
+ ],
+ [
+ "2",
+ "4"
+ ],
+ [
+ "Ġtem",
+ "per"
+ ],
+ [
+ "Ġ",
+ "ill"
+ ],
+ [
+ "c",
+ "le"
+ ],
+ [
+ "a",
+ "pt"
+ ],
+ [
+ "th",
+ "s"
+ ],
+ [
+ "Ġr",
+ "un"
+ ],
+ [
+ "Ġcount",
+ "ry"
+ ],
+ [
+ "Ġsit",
+ "u"
+ ],
+ [
+ "Ġloc",
+ "al"
+ ],
+ [
+ "Ġres",
+ "ources"
+ ],
+ [
+ "ĠO",
+ "n"
+ ],
+ [
+ "uro",
+ "pe"
+ ],
+ [
+ "Ġmod",
+ "el"
+ ],
+ [
+ "Ġcons",
+ "um"
+ ],
+ [
+ "Ġv",
+ "ir"
+ ],
+ [
+ "Ġs",
+ "ing"
+ ],
+ [
+ "E",
+ "R"
+ ],
+ [
+ "Ġgrow",
+ "th"
+ ],
+ [
+ "at",
+ "ors"
+ ],
+ [
+ "om",
+ "et"
+ ],
+ [
+ "le",
+ "ment"
+ ],
+ [
+ "Ġhe",
+ "ad"
+ ],
+ [
+ "is",
+ "ed"
+ ],
+ [
+ "os",
+ "p"
+ ],
+ [
+ "Ġpr",
+ "im"
+ ],
+ [
+ "os",
+ "ed"
+ ],
+ [
+ "am",
+ "ple"
+ ],
+ [
+ "at",
+ "ory"
+ ],
+ [
+ "Ġthough",
+ "t"
+ ],
+ [
+ "Ġs",
+ "w"
+ ],
+ [
+ "Ġto",
+ "day"
+ ],
+ [
+ "ic",
+ "ro"
+ ],
+ [
+ ",",
+ "âĢĿ"
+ ],
+ [
+ "u",
+ "se"
+ ],
+ [
+ "ib",
+ "ility"
+ ],
+ [
+ "Ġmain",
+ "tain"
+ ],
+ [
+ "ou",
+ "ra"
+ ],
+ [
+ "Ġon",
+ "line"
+ ],
+ [
+ "Ġgovern",
+ "ment"
+ ],
+ [
+ "Ġsp",
+ "ace"
+ ],
+ [
+ "i",
+ "res"
+ ],
+ [
+ "Ġadd",
+ "ress"
+ ],
+ [
+ "ĠS",
+ "ci"
+ ],
+ [
+ "Ġra",
+ "d"
+ ],
+ [
+ "Ġc",
+ "irc"
+ ],
+ [
+ "Ġph",
+ "r"
+ ],
+ [
+ "W",
+ "rite"
+ ],
+ [
+ "Ġactiv",
+ "ities"
+ ],
+ [
+ "Ġnarr",
+ "ative"
+ ],
+ [
+ "re",
+ "en"
+ ],
+ [
+ "Ġsim",
+ "ple"
+ ],
+ [
+ "Ġchang",
+ "es"
+ ],
+ [
+ "Ġquest",
+ "ion"
+ ],
+ [
+ "Ġl",
+ "and"
+ ],
+ [
+ "Ġtra",
+ "dition"
+ ],
+ [
+ "a",
+ "ut"
+ ],
+ [
+ "Ġm",
+ "ind"
+ ],
+ [
+ "gg",
+ "est"
+ ],
+ [
+ "Ġspec",
+ "ies"
+ ],
+ [
+ "Ġp",
+ "ast"
+ ],
+ [
+ "th",
+ "ing"
+ ],
+ [
+ "I",
+ "f"
+ ],
+ [
+ "Ġbeg",
+ "in"
+ ],
+ [
+ "n",
+ "ot"
+ ],
+ [
+ "at",
+ "ch"
+ ],
+ [
+ "Ġre",
+ "ce"
+ ],
+ [
+ "Ġsci",
+ "ence"
+ ],
+ [
+ "Ġne",
+ "g"
+ ],
+ [
+ "Ġpract",
+ "ice"
+ ],
+ [
+ "/",
+ "/"
+ ],
+ [
+ "Ġm",
+ "ar"
+ ],
+ [
+ "Ġwor",
+ "d"
+ ],
+ [
+ "Ġexpl",
+ "ore"
+ ],
+ [
+ "w",
+ "are"
+ ],
+ [
+ "du",
+ "ct"
+ ],
+ [
+ "Ġa",
+ "chie"
+ ],
+ [
+ "Ġc",
+ "ru"
+ ],
+ [
+ "Ġmeas",
+ "ure"
+ ],
+ [
+ "Ġst",
+ "ra"
+ ],
+ [
+ "Ġcont",
+ "ain"
+ ],
+ [
+ "ĠI",
+ "nt"
+ ],
+ [
+ "Ġacc",
+ "ount"
+ ],
+ [
+ "ir",
+ "d"
+ ],
+ [
+ "ĠL",
+ "e"
+ ],
+ [
+ "-",
+ "c"
+ ],
+ [
+ "ĠSt",
+ "ates"
+ ],
+ [
+ "Ġdesc",
+ "rib"
+ ],
+ [
+ "Ġaut",
+ "hor"
+ ],
+ [
+ "ĠA",
+ "f"
+ ],
+ [
+ "le",
+ "t"
+ ],
+ [
+ "Ġcell",
+ "s"
+ ],
+ [
+ "Ġne",
+ "ar"
+ ],
+ [
+ "Ġs",
+ "ens"
+ ],
+ [
+ "ne",
+ "y"
+ ],
+ [
+ "Ġg",
+ "ive"
+ ],
+ [
+ "ach",
+ "ing"
+ ],
+ [
+ "en",
+ "ing"
+ ],
+ [
+ "th",
+ "ough"
+ ],
+ [
+ "ĠSt",
+ "ud"
+ ],
+ [
+ "ĠO",
+ "ne"
+ ],
+ [
+ "Ġex",
+ "ist"
+ ],
+ [
+ "one",
+ "y"
+ ],
+ [
+ "our",
+ "s"
+ ],
+ [
+ "iqu",
+ "es"
+ ],
+ [
+ "Ġhe",
+ "art"
+ ],
+ [
+ "ĠEng",
+ "lish"
+ ],
+ [
+ "al",
+ "es"
+ ],
+ [
+ "Ġqu",
+ "ality"
+ ],
+ [
+ "ate",
+ "ly"
+ ],
+ [
+ "Ġex",
+ "c"
+ ],
+ [
+ "Ġcal",
+ "cul"
+ ],
+ [
+ "Ġte",
+ "ac"
+ ],
+ [
+ "Ġsu",
+ "ggest"
+ ],
+ [
+ "A",
+ "n"
+ ],
+ [
+ "ific",
+ "ation"
+ ],
+ [
+ "Ġm",
+ "akes"
+ ],
+ [
+ "Ġas",
+ "k"
+ ],
+ [
+ "Ġem",
+ "ploy"
+ ],
+ [
+ "Ġopp",
+ "ortun"
+ ],
+ [
+ "ffic",
+ "ient"
+ ],
+ [
+ "ĠA",
+ "t"
+ ],
+ [
+ "Ġcle",
+ "ar"
+ ],
+ [
+ "us",
+ "h"
+ ],
+ [
+ "av",
+ "es"
+ ],
+ [
+ "ru",
+ "ction"
+ ],
+ [
+ "T",
+ "I"
+ ],
+ [
+ "un",
+ "e"
+ ],
+ [
+ "Ġpos",
+ "itive"
+ ],
+ [
+ "Ġte",
+ "am"
+ ],
+ [
+ "ib",
+ "r"
+ ],
+ [
+ "Ġj",
+ "our"
+ ],
+ [
+ "Ġp",
+ "ut"
+ ],
+ [
+ "Ġcor",
+ "re"
+ ],
+ [
+ "Ġwork",
+ "ing"
+ ],
+ [
+ "n",
+ "ces"
+ ],
+ [
+ "Ġmaterial",
+ "s"
+ ],
+ [
+ "Ġens",
+ "ure"
+ ],
+ [
+ "Ġwrit",
+ "e"
+ ],
+ [
+ "ac",
+ "y"
+ ],
+ [
+ "$",
+ "$"
+ ],
+ [
+ "an",
+ "ced"
+ ],
+ [
+ "Ġin",
+ "it"
+ ],
+ [
+ "Ġincre",
+ "ase"
+ ],
+ [
+ "ĠTh",
+ "at"
+ ],
+ [
+ "an",
+ "n"
+ ],
+ [
+ "!",
+ "Ċ"
+ ],
+ [
+ "Ġhelp",
+ "s"
+ ],
+ [
+ "Ġnum",
+ "bers"
+ ],
+ [
+ "Ġmat",
+ "ter"
+ ],
+ [
+ "Ġ",
+ "â"
+ ],
+ [
+ "Ġcon",
+ "cer"
+ ],
+ [
+ "ĠE",
+ "urope"
+ ],
+ [
+ "Ġn",
+ "orm"
+ ],
+ [
+ "Ġmark",
+ "et"
+ ],
+ [
+ "om",
+ "es"
+ ],
+ [
+ "w",
+ "w"
+ ],
+ [
+ "Ġcomple",
+ "te"
+ ],
+ [
+ "Ġha",
+ "ving"
+ ],
+ [
+ "ĠB",
+ "l"
+ ],
+ [
+ "ra",
+ "c"
+ ],
+ [
+ "Ġhist",
+ "or"
+ ],
+ [
+ "Ġdiff",
+ "icult"
+ ],
+ [
+ "ĠA",
+ "ll"
+ ],
+ [
+ "ip",
+ "s"
+ ],
+ [
+ "ap",
+ "s"
+ ],
+ [
+ "Ġus",
+ "ually"
+ ],
+ [
+ "Ġ",
+ "ver"
+ ],
+ [
+ "is",
+ "ing"
+ ],
+ [
+ "Ġman",
+ "agement"
+ ],
+ [
+ "Ġeffect",
+ "s"
+ ],
+ [
+ "Ġf",
+ "ield"
+ ],
+ [
+ "Ġhig",
+ "her"
+ ],
+ [
+ "Ġe",
+ "y"
+ ],
+ [
+ "pl",
+ "ic"
+ ],
+ [
+ "v",
+ "ious"
+ ],
+ [
+ "Ġs",
+ "ent"
+ ],
+ [
+ "Ġm",
+ "en"
+ ],
+ [
+ "ĠS",
+ "ome"
+ ],
+ [
+ "Ġrec",
+ "ogn"
+ ],
+ [
+ "Ġlit",
+ "tle"
+ ],
+ [
+ "Ġpl",
+ "ants"
+ ],
+ [
+ "ĠQ",
+ "u"
+ ],
+ [
+ "ut",
+ "es"
+ ],
+ [
+ "Ġest",
+ "ab"
+ ],
+ [
+ "Ġem",
+ "ot"
+ ],
+ [
+ "Ġart",
+ "icle"
+ ],
+ [
+ "Ġem",
+ "b"
+ ],
+ [
+ "a",
+ "f"
+ ],
+ [
+ "Ġpr",
+ "in"
+ ],
+ [
+ "he",
+ "ns"
+ ],
+ [
+ "m",
+ "in"
+ ],
+ [
+ "ĠIn",
+ "st"
+ ],
+ [
+ "sel",
+ "ves"
+ ],
+ [
+ "Ġpol",
+ "ic"
+ ],
+ [
+ "Ġp",
+ "arent"
+ ],
+ [
+ "Ġsu",
+ "re"
+ ],
+ [
+ "Ġ",
+ "`"
+ ],
+ [
+ "ct",
+ "ions"
+ ],
+ [
+ "-",
+ "t"
+ ],
+ [
+ "Ġup",
+ "on"
+ ],
+ [
+ "ly",
+ "ing"
+ ],
+ [
+ "Ġpre",
+ "d"
+ ],
+ [
+ "o",
+ "ot"
+ ],
+ [
+ "Ġunt",
+ "il"
+ ],
+ [
+ "Ġd",
+ "ays"
+ ],
+ [
+ "ust",
+ "om"
+ ],
+ [
+ "ere",
+ "nce"
+ ],
+ [
+ "ĠP",
+ "r"
+ ],
+ [
+ "f",
+ "act"
+ ],
+ [
+ "ens",
+ "ive"
+ ],
+ [
+ "l",
+ "er"
+ ],
+ [
+ "pt",
+ "oms"
+ ],
+ [
+ "pecial",
+ "ly"
+ ],
+ [
+ "Ġassoci",
+ "ated"
+ ],
+ [
+ "ĠM",
+ "ed"
+ ],
+ [
+ "ab",
+ "ly"
+ ],
+ [
+ "Ġf",
+ "ull"
+ ],
+ [
+ "Ġapp",
+ "ear"
+ ],
+ [
+ "Ġmethod",
+ "s"
+ ],
+ [
+ "}",
+ "{"
+ ],
+ [
+ "--------",
+ "--------"
+ ],
+ [
+ "4",
+ "0"
+ ],
+ [
+ "Ġmod",
+ "ern"
+ ],
+ [
+ "T",
+ "o"
+ ],
+ [
+ "Ġar",
+ "g"
+ ],
+ [
+ "it",
+ "her"
+ ],
+ [
+ "Ġf",
+ "urther"
+ ],
+ [
+ "Ġval",
+ "ues"
+ ],
+ [
+ "C",
+ "h"
+ ],
+ [
+ "2",
+ "2"
+ ],
+ [
+ "b",
+ "y"
+ ],
+ [
+ "ĠU",
+ "se"
+ ],
+ [
+ "ĠE",
+ "ar"
+ ],
+ [
+ "clus",
+ "ion"
+ ],
+ [
+ "se",
+ "qu"
+ ],
+ [
+ "un",
+ "g"
+ ],
+ [
+ "Ġs",
+ "ide"
+ ],
+ [
+ "Ġn",
+ "ut"
+ ],
+ [
+ "Ġthrough",
+ "out"
+ ],
+ [
+ "Ġworks",
+ "he"
+ ],
+ [
+ "r",
+ "ight"
+ ],
+ [
+ "ound",
+ "s"
+ ],
+ [
+ "Ġ",
+ ":"
+ ],
+ [
+ "Ġl",
+ "arg"
+ ],
+ [
+ "in",
+ "ary"
+ ],
+ [
+ "Ġwhe",
+ "ther"
+ ],
+ [
+ ",",
+ "\""
+ ],
+ [
+ "em",
+ "ic"
+ ],
+ [
+ "!",
+ "ĊĊ"
+ ],
+ [
+ "Ġcomp",
+ "re"
+ ],
+ [
+ "ĠCh",
+ "rist"
+ ],
+ [
+ "Ġpop",
+ "ular"
+ ],
+ [
+ "ĠâĢ",
+ "Ķ"
+ ],
+ [
+ "as",
+ "c"
+ ],
+ [
+ "Ġcol",
+ "lect"
+ ],
+ [
+ "Ġm",
+ "ention"
+ ],
+ [
+ "Ġc",
+ "hem"
+ ],
+ [
+ "y",
+ "stem"
+ ],
+ [
+ "ra",
+ "ms"
+ ],
+ [
+ "Ġs",
+ "ize"
+ ],
+ [
+ "Ġle",
+ "ft"
+ ],
+ [
+ "pl",
+ "ay"
+ ],
+ [
+ "Ġphr",
+ "ases"
+ ],
+ [
+ "ell",
+ "ing"
+ ],
+ [
+ "ĠAf",
+ "ric"
+ ],
+ [
+ "ar",
+ "ies"
+ ],
+ [
+ "p",
+ "age"
+ ],
+ [
+ "Ġcol",
+ "l"
+ ],
+ [
+ "am",
+ "m"
+ ],
+ [
+ "Ġas",
+ "pect"
+ ],
+ [
+ "âĢĻ",
+ "re"
+ ],
+ [
+ "Ġb",
+ "ig"
+ ],
+ [
+ "Ġres",
+ "pect"
+ ],
+ [
+ "E",
+ "S"
+ ],
+ [
+ "e",
+ "e"
+ ],
+ [
+ "m",
+ "it"
+ ],
+ [
+ "The",
+ "re"
+ ],
+ [
+ "Ġt",
+ "ri"
+ ],
+ [
+ "Ġgo",
+ "ing"
+ ],
+ [
+ "Ġn",
+ "ature"
+ ],
+ [
+ "g",
+ "es"
+ ],
+ [
+ "Ġproduct",
+ "s"
+ ],
+ [
+ "Ġ",
+ "X"
+ ],
+ [
+ "Ġter",
+ "ms"
+ ],
+ [
+ "ĠU",
+ "S"
+ ],
+ [
+ "Ġaw",
+ "ay"
+ ],
+ [
+ "Ġcount",
+ "ries"
+ ],
+ [
+ "is",
+ "es"
+ ],
+ [
+ "Ġe",
+ "ver"
+ ],
+ [
+ "ĠS",
+ "c"
+ ],
+ [
+ "Ġd",
+ "am"
+ ],
+ [
+ "Ġl",
+ "ay"
+ ],
+ [
+ "..",
+ ".Ċ"
+ ],
+ [
+ "Ġf",
+ "ar"
+ ],
+ [
+ "Ġ",
+ "Â"
+ ],
+ [
+ "Ġsoci",
+ "ety"
+ ],
+ [
+ "Ġrec",
+ "ent"
+ ],
+ [
+ "Ġprovid",
+ "es"
+ ],
+ [
+ "Ġgener",
+ "al"
+ ],
+ [
+ "Ġt",
+ "urn"
+ ],
+ [
+ "Ġexpl",
+ "ain"
+ ],
+ [
+ "c",
+ "ome"
+ ],
+ [
+ "Ġst",
+ "at"
+ ],
+ [
+ "ĠM",
+ "an"
+ ],
+ [
+ "Ġmean",
+ "ing"
+ ],
+ [
+ "?",
+ "ĊĊ"
+ ],
+ [
+ "Ġstruct",
+ "ure"
+ ],
+ [
+ "Ġe",
+ "ff"
+ ],
+ [
+ "Ġcomp",
+ "on"
+ ],
+ [
+ "Ġeffect",
+ "ive"
+ ],
+ [
+ "Ġcom",
+ "es"
+ ],
+ [
+ "Ġeng",
+ "aging"
+ ],
+ [
+ "Ġex",
+ "pect"
+ ],
+ [
+ "Ġprodu",
+ "ction"
+ ],
+ [
+ "Ġfre",
+ "qu"
+ ],
+ [
+ "ĠE",
+ "m"
+ ],
+ [
+ "âĢ",
+ "¦"
+ ],
+ [
+ "Ġf",
+ "und"
+ ],
+ [
+ "Ġto",
+ "wards"
+ ],
+ [
+ "at",
+ "ives"
+ ],
+ [
+ "Ġst",
+ "yle"
+ ],
+ [
+ "Ġind",
+ "ic"
+ ],
+ [
+ "b",
+ "ol"
+ ],
+ [
+ "ear",
+ "ch"
+ ],
+ [
+ "s",
+ "ide"
+ ],
+ [
+ "Ġgrou",
+ "ps"
+ ],
+ [
+ ":",
+ "//"
+ ],
+ [
+ "Ġgl",
+ "obal"
+ ],
+ [
+ "Ġfocus",
+ "ing"
+ ],
+ [
+ "Ġg",
+ "e"
+ ],
+ [
+ "T",
+ "ry"
+ ],
+ [
+ "n",
+ "al"
+ ],
+ [
+ "Ġes",
+ "pecially"
+ ],
+ [
+ "ist",
+ "ics"
+ ],
+ [
+ "=",
+ "="
+ ],
+ [
+ "iv",
+ "al"
+ ],
+ [
+ "Ġm",
+ "ass"
+ ],
+ [
+ "Ġcult",
+ "ure"
+ ],
+ [
+ ".",
+ "S"
+ ],
+ [
+ "Ġl",
+ "oss"
+ ],
+ [
+ "Ġd",
+ "om"
+ ],
+ [
+ "as",
+ "k"
+ ],
+ [
+ "Ġserv",
+ "ices"
+ ],
+ [
+ "Ġactiv",
+ "ity"
+ ],
+ [
+ "Ġpartic",
+ "ip"
+ ],
+ [
+ "f",
+ "er"
+ ],
+ [
+ "2",
+ "3"
+ ],
+ [
+ "Ġrel",
+ "ig"
+ ],
+ [
+ "Ġl",
+ "ower"
+ ],
+ [
+ "Ġcent",
+ "ury"
+ ],
+ [
+ "um",
+ "e"
+ ],
+ [
+ "Ġread",
+ "ing"
+ ],
+ [
+ "Ġreg",
+ "ard"
+ ],
+ [
+ "u",
+ "le"
+ ],
+ [
+ "Ġb",
+ "al"
+ ],
+ [
+ "Ġweb",
+ "page"
+ ],
+ [
+ "Ġle",
+ "ast"
+ ],
+ [
+ "b",
+ "on"
+ ],
+ [
+ "ĠA",
+ "m"
+ ],
+ [
+ "Ġpat",
+ "ients"
+ ],
+ [
+ "Ġpop",
+ "ulation"
+ ],
+ [
+ "ĠCon",
+ "t"
+ ],
+ [
+ "Ġtechn",
+ "iques"
+ ],
+ [
+ "Ġde",
+ "g"
+ ],
+ [
+ "Ġanal",
+ "y"
+ ],
+ [
+ "Ġnecess",
+ "ary"
+ ],
+ [
+ "Ġr",
+ "ate"
+ ],
+ [
+ "ĠT",
+ "r"
+ ],
+ [
+ "ch",
+ "an"
+ ],
+ [
+ "ĠâĢ",
+ "¦"
+ ],
+ [
+ "ĠA",
+ "pp"
+ ],
+ [
+ "I",
+ "N"
+ ],
+ [
+ "ct",
+ "ory"
+ ],
+ [
+ "Ġmed",
+ "ical"
+ ],
+ [
+ "Ġcrit",
+ "ical"
+ ],
+ [
+ "Ġst",
+ "ress"
+ ],
+ [
+ ")",
+ ":"
+ ],
+ [
+ "6",
+ "0"
+ ],
+ [
+ "Ġredu",
+ "ce"
+ ],
+ [
+ "ep",
+ "end"
+ ],
+ [
+ "Ġso",
+ "ft"
+ ],
+ [
+ "it",
+ "es"
+ ],
+ [
+ "Ġen",
+ "h"
+ ],
+ [
+ "an",
+ "cial"
+ ],
+ [
+ "Ġmus",
+ "ic"
+ ],
+ [
+ "Ġsome",
+ "one"
+ ],
+ [
+ "Ġm",
+ "ach"
+ ],
+ [
+ "ĠC",
+ "ent"
+ ],
+ [
+ "cur",
+ "ity"
+ ],
+ [
+ "\"",
+ ","
+ ],
+ [
+ "is",
+ "on"
+ ],
+ [
+ "Ġsing",
+ "le"
+ ],
+ [
+ "c",
+ "hes"
+ ],
+ [
+ "Ġph",
+ "ot"
+ ],
+ [
+ "Ġcontin",
+ "u"
+ ],
+ [
+ "ak",
+ "en"
+ ],
+ [
+ "Ġan",
+ "g"
+ ],
+ [
+ "Ġu",
+ "t"
+ ],
+ [
+ "Ġsym",
+ "ptoms"
+ ],
+ [
+ "r",
+ "ing"
+ ],
+ [
+ "Ġchalleng",
+ "es"
+ ],
+ [
+ "Ġim",
+ "ages"
+ ],
+ [
+ ".",
+ "com"
+ ],
+ [
+ "Ġrec",
+ "ord"
+ ],
+ [
+ "it",
+ "ud"
+ ],
+ [
+ "Ġbas",
+ "ic"
+ ],
+ [
+ "Ġwe",
+ "ight"
+ ],
+ [
+ "ĠD",
+ "is"
+ ],
+ [
+ "Ġeng",
+ "ine"
+ ],
+ [
+ "Ġper",
+ "cent"
+ ],
+ [
+ "Ġre",
+ "ason"
+ ],
+ [
+ "ag",
+ "ine"
+ ],
+ [
+ "Ġl",
+ "ot"
+ ],
+ [
+ "Ġpress",
+ "ure"
+ ],
+ [
+ "ĠF",
+ "r"
+ ],
+ [
+ "Ġintrodu",
+ "ctory"
+ ],
+ [
+ "ru",
+ "g"
+ ],
+ [
+ "Ġ",
+ "*"
+ ],
+ [
+ "Ġele",
+ "ments"
+ ],
+ [
+ "or",
+ "ation"
+ ],
+ [
+ "Ġrem",
+ "ain"
+ ],
+ [
+ "Ġab",
+ "s"
+ ],
+ [
+ "Ġ",
+ "vers"
+ ],
+ [
+ "Ġen",
+ "ough"
+ ],
+ [
+ "ci",
+ "ent"
+ ],
+ [
+ "Ġobs",
+ "erv"
+ ],
+ [
+ "n",
+ "ov"
+ ],
+ [
+ "Ġp",
+ "sych"
+ ],
+ [
+ "Ġp",
+ "ath"
+ ],
+ [
+ "Ġde",
+ "ep"
+ ],
+ [
+ "Ġev",
+ "ents"
+ ],
+ [
+ "ĠWor",
+ "ld"
+ ],
+ [
+ "Ġbehav",
+ "ior"
+ ],
+ [
+ "Ġex",
+ "erc"
+ ],
+ [
+ "Ġpro",
+ "b"
+ ],
+ [
+ "Ġansw",
+ "er"
+ ],
+ [
+ "Ġsur",
+ "face"
+ ],
+ [
+ "Ġp",
+ "ay"
+ ],
+ [
+ "Ġcru",
+ "cial"
+ ],
+ [
+ "Ġbe",
+ "low"
+ ],
+ [
+ "Ġs",
+ "ense"
+ ],
+ [
+ "on",
+ "t"
+ ],
+ [
+ "à",
+ "¤"
+ ],
+ [
+ "Ġb",
+ "rain"
+ ],
+ [
+ "Ġhealth",
+ "y"
+ ],
+ [
+ "Ġallow",
+ "s"
+ ],
+ [
+ "ĠG",
+ "en"
+ ],
+ [
+ "Ġche",
+ "ck"
+ ],
+ [
+ "]",
+ "Ċ"
+ ],
+ [
+ "Ġbenef",
+ "its"
+ ],
+ [
+ "2",
+ "1"
+ ],
+ [
+ "ove",
+ "red"
+ ],
+ [
+ "y",
+ "l"
+ ],
+ [
+ "ed",
+ "s"
+ ],
+ [
+ "Ġtool",
+ "s"
+ ],
+ [
+ "Ġexpl",
+ "an"
+ ],
+ [
+ "Ġw",
+ "ide"
+ ],
+ [
+ "Ġl",
+ "ove"
+ ],
+ [
+ "Ġcompre",
+ "hens"
+ ],
+ [
+ "Ġp",
+ "ie"
+ ],
+ [
+ "ro",
+ "ll"
+ ],
+ [
+ "Ġ=",
+ "="
+ ],
+ [
+ "Ġeas",
+ "y"
+ ],
+ [
+ "eng",
+ "th"
+ ],
+ [
+ "Ġsub",
+ "st"
+ ],
+ [
+ "Ġqu",
+ "ick"
+ ],
+ [
+ "ĠHe",
+ "alth"
+ ],
+ [
+ "end",
+ "er"
+ ],
+ [
+ "ĠY",
+ "our"
+ ],
+ [
+ "at",
+ "ter"
+ ],
+ [
+ "Ġl",
+ "ive"
+ ],
+ [
+ "W",
+ "h"
+ ],
+ [
+ "Ġl",
+ "ater"
+ ],
+ [
+ "ed",
+ "i"
+ ],
+ [
+ "Ġc",
+ "ases"
+ ],
+ [
+ "Ġg",
+ "round"
+ ],
+ [
+ "ĠA",
+ "ss"
+ ],
+ [
+ "\"",
+ "."
+ ],
+ [
+ "Ġde",
+ "ath"
+ ],
+ [
+ "os",
+ "is"
+ ],
+ [
+ "Ġsh",
+ "are"
+ ],
+ [
+ "ĠS",
+ "u"
+ ],
+ [
+ "Ġcl",
+ "ose"
+ ],
+ [
+ "om",
+ "an"
+ ],
+ [
+ "s",
+ "c"
+ ],
+ [
+ ",",
+ "Ċ"
+ ],
+ [
+ "ĠD",
+ "es"
+ ],
+ [
+ "et",
+ "er"
+ ],
+ [
+ "Ġbuild",
+ "ing"
+ ],
+ [
+ "Ġev",
+ "ent"
+ ],
+ [
+ "Ġcol",
+ "or"
+ ],
+ [
+ "ig",
+ "ure"
+ ],
+ [
+ "ill",
+ "ed"
+ ],
+ [
+ "op",
+ "h"
+ ],
+ [
+ "ful",
+ "ly"
+ ],
+ [
+ "Ġcult",
+ "ural"
+ ],
+ [
+ "Ġacc",
+ "ording"
+ ],
+ [
+ "Ġc",
+ "ustom"
+ ],
+ [
+ "Ġre",
+ "view"
+ ],
+ [
+ "F",
+ "or"
+ ],
+ [
+ "W",
+ "hen"
+ ],
+ [
+ "b",
+ "o"
+ ],
+ [
+ "Ġlike",
+ "ly"
+ ],
+ [
+ "Ġpart",
+ "s"
+ ],
+ [
+ "Ġs",
+ "qu"
+ ],
+ [
+ "ĠG",
+ "od"
+ ],
+ [
+ "Ġident",
+ "ify"
+ ],
+ [
+ "Ġto",
+ "tal"
+ ],
+ [
+ "Ġre",
+ "d"
+ ],
+ [
+ "ist",
+ "ance"
+ ],
+ [
+ "ĠS",
+ "he"
+ ],
+ [
+ "Ġab",
+ "ility"
+ ],
+ [
+ "Ġd",
+ "oc"
+ ],
+ [
+ "A",
+ "l"
+ ],
+ [
+ "Ġhow",
+ "ever"
+ ],
+ [
+ "Ġsu",
+ "per"
+ ],
+ [
+ "Ġs",
+ "ource"
+ ],
+ [
+ "Ġass",
+ "ess"
+ ],
+ [
+ "Ġoff",
+ "er"
+ ],
+ [
+ "D",
+ "o"
+ ],
+ [
+ "im",
+ "al"
+ ],
+ [
+ "Ġu",
+ "r"
+ ],
+ [
+ "Ġl",
+ "iving"
+ ],
+ [
+ "ot",
+ "t"
+ ],
+ [
+ "Ġ",
+ "{"
+ ],
+ [
+ "le",
+ "x"
+ ],
+ [
+ "ĠP",
+ "ol"
+ ],
+ [
+ "al",
+ "ing"
+ ],
+ [
+ "m",
+ "ing"
+ ],
+ [
+ "ur",
+ "s"
+ ],
+ [
+ "Ġdra",
+ "w"
+ ],
+ [
+ "st",
+ "ry"
+ ],
+ [
+ "i",
+ "ol"
+ ],
+ [
+ "Ġm",
+ "oney"
+ ],
+ [
+ "ĠM",
+ "e"
+ ],
+ [
+ "Ġt",
+ "arg"
+ ],
+ [
+ "a",
+ "im"
+ ],
+ [
+ "al",
+ "u"
+ ],
+ [
+ "Ġl",
+ "ives"
+ ],
+ [
+ "er",
+ "ous"
+ ],
+ [
+ "Ġre",
+ "ally"
+ ],
+ [
+ "Ġdi",
+ "et"
+ ],
+ [
+ "Ġdist",
+ "rib"
+ ],
+ [
+ "or",
+ "por"
+ ],
+ [
+ "19",
+ "8"
+ ],
+ [
+ "Ġbre",
+ "ak"
+ ],
+ [
+ "ul",
+ "es"
+ ],
+ [
+ "nd",
+ "s"
+ ],
+ [
+ "f",
+ "ect"
+ ],
+ [
+ "n",
+ "ed"
+ ],
+ [
+ "l",
+ "t"
+ ],
+ [
+ "m",
+ "a"
+ ],
+ [
+ "Ġme",
+ "et"
+ ],
+ [
+ "Ġg",
+ "ain"
+ ],
+ [
+ "pr",
+ "int"
+ ],
+ [
+ "Ġre",
+ "act"
+ ],
+ [
+ "i",
+ "ation"
+ ],
+ [
+ "le",
+ "ep"
+ ],
+ [
+ "Ġc",
+ "ity"
+ ],
+ [
+ "E",
+ "x"
+ ],
+ [
+ "Ġstre",
+ "ng"
+ ],
+ [
+ "A",
+ "R"
+ ],
+ [
+ "iv",
+ "il"
+ ],
+ [
+ "Ġcomp",
+ "any"
+ ],
+ [
+ "ĠWh",
+ "ile"
+ ],
+ [
+ "Ġv",
+ "ide"
+ ],
+ [
+ "Ġtradition",
+ "al"
+ ],
+ [
+ "ct",
+ "or"
+ ],
+ [
+ "Ġc",
+ "ut"
+ ],
+ [
+ "Ġne",
+ "ver"
+ ],
+ [
+ "ra",
+ "ft"
+ ],
+ [
+ "ograph",
+ "y"
+ ],
+ [
+ "z",
+ "e"
+ ],
+ [
+ "2",
+ "8"
+ ],
+ [
+ "f",
+ "rac"
+ ],
+ [
+ "Ġt",
+ "ail"
+ ],
+ [
+ "2",
+ "7"
+ ],
+ [
+ "Ġgu",
+ "id"
+ ],
+ [
+ "Ġexp",
+ "ress"
+ ],
+ [
+ "Ġfl",
+ "u"
+ ],
+ [
+ "Ġsu",
+ "st"
+ ],
+ [
+ "ic",
+ "ial"
+ ],
+ [
+ "Ġperform",
+ "ance"
+ ],
+ [
+ "ric",
+ "t"
+ ],
+ [
+ "l",
+ "ight"
+ ],
+ [
+ "ĠP",
+ "re"
+ ],
+ [
+ "Ġh",
+ "ouse"
+ ],
+ [
+ "Ġrese",
+ "arc"
+ ],
+ [
+ "v",
+ "ant"
+ ],
+ [
+ "Ġcomput",
+ "er"
+ ],
+ [
+ "Ġc",
+ "e"
+ ],
+ [
+ "ĠW",
+ "ar"
+ ],
+ [
+ "Ġcon",
+ "dition"
+ ],
+ [
+ "ra",
+ "d"
+ ],
+ [
+ "Ġfam",
+ "il"
+ ],
+ [
+ "Ġstra",
+ "ight"
+ ],
+ [
+ "it",
+ "ation"
+ ],
+ [
+ "al",
+ "f"
+ ],
+ [
+ "Ġmult",
+ "iple"
+ ],
+ [
+ "Ġm",
+ "ental"
+ ],
+ [
+ "Y",
+ "ou"
+ ],
+ [
+ "Ġcommun",
+ "ication"
+ ],
+ [
+ "N",
+ "A"
+ ],
+ [
+ "um",
+ "p"
+ ],
+ [
+ "au",
+ "gh"
+ ],
+ [
+ "Ġcont",
+ "ext"
+ ],
+ [
+ "Ġpolit",
+ "ical"
+ ],
+ [
+ "Ġpoint",
+ "s"
+ ],
+ [
+ "Ġincre",
+ "ased"
+ ],
+ [
+ "Ġh",
+ "arm"
+ ],
+ [
+ "a",
+ "e"
+ ],
+ [
+ "Ġe",
+ "th"
+ ],
+ [
+ "o",
+ "res"
+ ],
+ [
+ "Ġeconom",
+ "ic"
+ ],
+ [
+ "rap",
+ "y"
+ ],
+ [
+ "ĠA",
+ "b"
+ ],
+ [
+ "..",
+ ".."
+ ],
+ [
+ "Ġconsid",
+ "ered"
+ ],
+ [
+ "j",
+ "oy"
+ ],
+ [
+ "Ġincre",
+ "asing"
+ ],
+ [
+ "'",
+ "re"
+ ],
+ [
+ "il",
+ "s"
+ ],
+ [
+ "Ġcre",
+ "ated"
+ ],
+ [
+ "y",
+ "th"
+ ],
+ [
+ "ri",
+ "pt"
+ ],
+ [
+ "Ġj",
+ "ob"
+ ],
+ [
+ "ĠN",
+ "ational"
+ ],
+ [
+ "Ġmem",
+ "bers"
+ ],
+ [
+ "read",
+ "y"
+ ],
+ [
+ "Ġd",
+ "iv"
+ ],
+ [
+ "p",
+ "ose"
+ ],
+ [
+ "Ġdef",
+ "in"
+ ],
+ [
+ "Ġp",
+ "ort"
+ ],
+ [
+ "Ġse",
+ "lect"
+ ],
+ [
+ "Ġenvironment",
+ "al"
+ ],
+ [
+ "ĠB",
+ "rit"
+ ],
+ [
+ "ul",
+ "ations"
+ ],
+ [
+ "Ġfri",
+ "ends"
+ ],
+ [
+ "Ġst",
+ "ates"
+ ],
+ [
+ "il",
+ "t"
+ ],
+ [
+ "Ġanim",
+ "als"
+ ],
+ [
+ "Ġa",
+ "im"
+ ],
+ [
+ "Ġexperien",
+ "ces"
+ ],
+ [
+ "Ġreg",
+ "ular"
+ ],
+ [
+ "Ġbook",
+ "s"
+ ],
+ [
+ "ĠC",
+ "al"
+ ],
+ [
+ "Ġtemper",
+ "ature"
+ ],
+ [
+ "Ġrequ",
+ "ired"
+ ],
+ [
+ "I",
+ "D"
+ ],
+ [
+ "Ġb",
+ "ir"
+ ],
+ [
+ "Ġcomp",
+ "et"
+ ],
+ [
+ "Ġw",
+ "ind"
+ ],
+ [
+ "Ġ",
+ "Ð"
+ ],
+ [
+ "Ġsust",
+ "ain"
+ ],
+ [
+ "Ġl",
+ "og"
+ ],
+ [
+ "Ġem",
+ "erg"
+ ],
+ [
+ "Ġre",
+ "v"
+ ],
+ [
+ "Ġst",
+ "e"
+ ],
+ [
+ "Ġm",
+ "or"
+ ],
+ [
+ "clud",
+ "e"
+ ],
+ [
+ "ac",
+ "hes"
+ ],
+ [
+ "Ġcolle",
+ "ge"
+ ],
+ [
+ "Ġpract",
+ "ices"
+ ],
+ [
+ "Ġwrit",
+ "ten"
+ ],
+ [
+ "Ġar",
+ "r"
+ ],
+ [
+ "Ġide",
+ "a"
+ ],
+ [
+ "Ġrec",
+ "omm"
+ ],
+ [
+ "r",
+ "ast"
+ ],
+ [
+ "ĠM",
+ "ore"
+ ],
+ [
+ "Ġcan",
+ "cer"
+ ],
+ [
+ "-b",
+ "ased"
+ ],
+ [
+ "I",
+ "I"
+ ],
+ [
+ "u",
+ "nt"
+ ],
+ [
+ "Ġr",
+ "ather"
+ ],
+ [
+ "m",
+ "ost"
+ ],
+ [
+ "Ġtra",
+ "ining"
+ ],
+ [
+ "he",
+ "t"
+ ],
+ [
+ "Ġh",
+ "ol"
+ ],
+ [
+ "p",
+ "ir"
+ ],
+ [
+ "Ġcreat",
+ "ing"
+ ],
+ [
+ "ĠG",
+ "u"
+ ],
+ [
+ "Ġindu",
+ "stry"
+ ],
+ [
+ "ic",
+ "les"
+ ],
+ [
+ "Ġcons",
+ "ist"
+ ],
+ [
+ "Ġstud",
+ "ent"
+ ],
+ [
+ "ĠH",
+ "ist"
+ ],
+ [
+ "Ġneed",
+ "ed"
+ ],
+ [
+ "Ġ",
+ "**"
+ ],
+ [
+ "Ġs",
+ "n"
+ ],
+ [
+ "ast",
+ "ic"
+ ],
+ [
+ "Ġt",
+ "ur"
+ ],
+ [
+ "Ġinclud",
+ "es"
+ ],
+ [
+ "Ġfin",
+ "ancial"
+ ],
+ [
+ "i",
+ "et"
+ ],
+ [
+ "ĠG",
+ "erm"
+ ],
+ [
+ "c",
+ "ies"
+ ],
+ [
+ "Ġf",
+ "all"
+ ],
+ [
+ "is",
+ "ions"
+ ],
+ [
+ "p",
+ "ro"
+ ],
+ [
+ "Ġm",
+ "icro"
+ ],
+ [
+ "(",
+ "\""
+ ],
+ [
+ "Ġs",
+ "al"
+ ],
+ [
+ "Ġs",
+ "at"
+ ],
+ [
+ "E",
+ "N"
+ ],
+ [
+ "Ġar",
+ "ch"
+ ],
+ [
+ "ab",
+ "et"
+ ],
+ [
+ "pl",
+ "ace"
+ ],
+ [
+ "Ġwho",
+ "le"
+ ],
+ [
+ "Ġon",
+ "ce"
+ ],
+ [
+ "Ġenc",
+ "oura"
+ ],
+ [
+ "Ġe",
+ "ither"
+ ],
+ [
+ "ĠIn",
+ "tern"
+ ],
+ [
+ "l",
+ "oad"
+ ],
+ [
+ "ĠM",
+ "ay"
+ ],
+ [
+ "ail",
+ "y"
+ ],
+ [
+ "t",
+ "ies"
+ ],
+ [
+ "Ġal",
+ "ready"
+ ],
+ [
+ "ne",
+ "w"
+ ],
+ [
+ "Ġb",
+ "ra"
+ ],
+ [
+ "ĠC",
+ "O"
+ ],
+ [
+ "Ġt",
+ "alk"
+ ],
+ [
+ "Ġa",
+ "ud"
+ ],
+ [
+ "ĠL",
+ "et"
+ ],
+ [
+ "-",
+ "w"
+ ],
+ [
+ "Ġd",
+ "og"
+ ],
+ [
+ "Ġcl",
+ "imate"
+ ],
+ [
+ "le",
+ "y"
+ ],
+ [
+ "2",
+ "6"
+ ],
+ [
+ "Ġdevelop",
+ "ed"
+ ],
+ [
+ "ĠA",
+ "ct"
+ ],
+ [
+ "Ġt",
+ "aking"
+ ],
+ [
+ "Ġsaf",
+ "e"
+ ],
+ [
+ "Ġmed",
+ "ia"
+ ],
+ [
+ "Ġright",
+ "s"
+ ],
+ [
+ "er",
+ "ve"
+ ],
+ [
+ "Ġpro",
+ "te"
+ ],
+ [
+ "Ġf",
+ "ru"
+ ],
+ [
+ "r",
+ "or"
+ ],
+ [
+ "Ġmill",
+ "ion"
+ ],
+ [
+ "Ġtechn",
+ "ical"
+ ],
+ [
+ "ac",
+ "ks"
+ ],
+ [
+ "Ġcon",
+ "duct"
+ ],
+ [
+ "Ġthem",
+ "selves"
+ ],
+ [
+ "Ġfe",
+ "atures"
+ ],
+ [
+ "Ġdis",
+ "ord"
+ ],
+ [
+ "Ġimp",
+ "lement"
+ ],
+ [
+ "Ġad",
+ "ult"
+ ],
+ [
+ "Ġse",
+ "en"
+ ],
+ [
+ "im",
+ "ent"
+ ],
+ [
+ "en",
+ "e"
+ ],
+ [
+ "Ġc",
+ "op"
+ ],
+ [
+ "Ġneg",
+ "ative"
+ ],
+ [
+ "Ġy",
+ "et"
+ ],
+ [
+ "Ġd",
+ "one"
+ ],
+ [
+ "on",
+ "se"
+ ],
+ [
+ "Ã",
+ "©"
+ ],
+ [
+ "Ġf",
+ "ive"
+ ],
+ [
+ "av",
+ "or"
+ ],
+ [
+ "Ġover",
+ "all"
+ ],
+ [
+ "Ġcommun",
+ "ities"
+ ],
+ [
+ "Ġtra",
+ "vel"
+ ],
+ [
+ "p",
+ "ly"
+ ],
+ [
+ "Ġcorre",
+ "ct"
+ ],
+ [
+ "imate",
+ "ly"
+ ],
+ [
+ "nder",
+ "stand"
+ ],
+ [
+ "Ġimport",
+ "ance"
+ ],
+ [
+ "Ġsom",
+ "et"
+ ],
+ [
+ "re",
+ "g"
+ ],
+ [
+ "Ġs",
+ "ources"
+ ],
+ [
+ "Ġsk",
+ "in"
+ ],
+ [
+ "ĠC",
+ "ar"
+ ],
+ [
+ "Ġa",
+ "ction"
+ ],
+ [
+ "Ġev",
+ "idence"
+ ],
+ [
+ "Ġme",
+ "chan"
+ ],
+ [
+ "Ġact",
+ "ually"
+ ],
+ [
+ "Ġdesign",
+ "ed"
+ ],
+ [
+ "a",
+ "i"
+ ],
+ [
+ "Ġbec",
+ "ame"
+ ],
+ [
+ "A",
+ "T"
+ ],
+ [
+ "on",
+ "str"
+ ],
+ [
+ "##",
+ "##"
+ ],
+ [
+ "Ġen",
+ "joy"
+ ],
+ [
+ "Ġcle",
+ "an"
+ ],
+ [
+ "ĠU",
+ "s"
+ ],
+ [
+ "I",
+ "C"
+ ],
+ [
+ "Ġev",
+ "alu"
+ ],
+ [
+ "ĠJ",
+ "oh"
+ ],
+ [
+ "Ġl",
+ "ab"
+ ],
+ [
+ "Ġm",
+ "ath"
+ ],
+ [
+ "Ġh",
+ "tt"
+ ],
+ [
+ "Ġtrans",
+ "form"
+ ],
+ [
+ "Ġshow",
+ "s"
+ ],
+ [
+ "ĠG",
+ "e"
+ ],
+ [
+ "Ġst",
+ "ories"
+ ],
+ [
+ "Ġp",
+ "age"
+ ],
+ [
+ "ĠO",
+ "f"
+ ],
+ [
+ "-",
+ "in"
+ ],
+ [
+ "y",
+ "p"
+ ],
+ [
+ "en",
+ "ed"
+ ],
+ [
+ "Ġpos",
+ "ition"
+ ],
+ [
+ "ĠA",
+ "fter"
+ ],
+ [
+ "Ġref",
+ "lect"
+ ],
+ [
+ "l",
+ "i"
+ ],
+ [
+ "Ġstrateg",
+ "ies"
+ ],
+ [
+ "Ġt",
+ "ell"
+ ],
+ [
+ "n",
+ "ers"
+ ],
+ [
+ "ĠA",
+ "v"
+ ],
+ [
+ "g",
+ "o"
+ ],
+ [
+ "Ġ",
+ "<"
+ ],
+ [
+ "m",
+ "on"
+ ],
+ [
+ "Ġmov",
+ "ing"
+ ],
+ [
+ "Ġhe",
+ "at"
+ ],
+ [
+ "Ġent",
+ "ire"
+ ],
+ [
+ "ĠT",
+ "ra"
+ ],
+ [
+ "le",
+ "ction"
+ ],
+ [
+ "Ġsomet",
+ "imes"
+ ],
+ [
+ "Ġatt",
+ "ention"
+ ],
+ [
+ "A",
+ "S"
+ ],
+ [
+ "Ġc",
+ "ode"
+ ],
+ [
+ ".\"",
+ "ĊĊ"
+ ],
+ [
+ "u",
+ "fact"
+ ],
+ [
+ "hem",
+ "at"
+ ],
+ [
+ "ĠAmeric",
+ "a"
+ ],
+ [
+ "Ġg",
+ "ame"
+ ],
+ [
+ "Ġaccess",
+ "ible"
+ ],
+ [
+ "ub",
+ "lic"
+ ],
+ [
+ "Ġdiffere",
+ "nce"
+ ],
+ [
+ "Ġwe",
+ "ek"
+ ],
+ [
+ "o",
+ "on"
+ ],
+ [
+ "Ġtru",
+ "e"
+ ],
+ [
+ "Ġse",
+ "par"
+ ],
+ [
+ "g",
+ "ed"
+ ],
+ [
+ "Ġse",
+ "x"
+ ],
+ [
+ "Ġval",
+ "u"
+ ],
+ [
+ "Ġevery",
+ "one"
+ ],
+ [
+ "ĠN",
+ "e"
+ ],
+ [
+ "du",
+ "c"
+ ],
+ [
+ "Ġserv",
+ "ice"
+ ],
+ [
+ "Ġfor",
+ "ms"
+ ],
+ [
+ "act",
+ "ers"
+ ],
+ [
+ "h",
+ "ib"
+ ],
+ [
+ "Ġc",
+ "at"
+ ],
+ [
+ "g",
+ "round"
+ ],
+ [
+ ".âĢĿ",
+ "Ċ"
+ ],
+ [
+ "Ġachie",
+ "ve"
+ ],
+ [
+ "O",
+ "R"
+ ],
+ [
+ "Ġso",
+ "il"
+ ],
+ [
+ "ĠPro",
+ "v"
+ ],
+ [
+ "Ġg",
+ "reen"
+ ],
+ [
+ "ĠâĢ",
+ "¢"
+ ],
+ [
+ "I",
+ "S"
+ ],
+ [
+ "ag",
+ "ed"
+ ],
+ [
+ "Ġwh",
+ "ite"
+ ],
+ [
+ "Ġstand",
+ "ard"
+ ],
+ [
+ "Ġan",
+ "n"
+ ],
+ [
+ "Ġb",
+ "ar"
+ ],
+ [
+ "ĠEar",
+ "th"
+ ],
+ [
+ "Ġin",
+ "nov"
+ ],
+ [
+ "Ġfe",
+ "ed"
+ ],
+ [
+ "ien",
+ "cy"
+ ],
+ [
+ "Ġpr",
+ "iv"
+ ],
+ [
+ ".",
+ "g"
+ ],
+ [
+ "Ġmed",
+ "ic"
+ ],
+ [
+ "Ġyour",
+ "self"
+ ],
+ [
+ "ron",
+ "ic"
+ ],
+ [
+ "Ġlead",
+ "ing"
+ ],
+ [
+ "ĠM",
+ "ar"
+ ],
+ [
+ "av",
+ "ing"
+ ],
+ [
+ "Ġdig",
+ "ital"
+ ],
+ [
+ "Ġnet",
+ "work"
+ ],
+ [
+ "Ġca",
+ "pt"
+ ],
+ [
+ "her",
+ "n"
+ ],
+ [
+ "Ġext",
+ "ra"
+ ],
+ [
+ "p",
+ "ri"
+ ],
+ [
+ "im",
+ "um"
+ ],
+ [
+ "2",
+ "9"
+ ],
+ [
+ "Ġqu",
+ "ant"
+ ],
+ [
+ "Ġf",
+ "ace"
+ ],
+ [
+ "Ġthe",
+ "ory"
+ ],
+ [
+ "Ġsol",
+ "ution"
+ ],
+ [
+ "____",
+ "____"
+ ],
+ [
+ "ri",
+ "ed"
+ ],
+ [
+ "or",
+ "g"
+ ],
+ [
+ "iz",
+ "ations"
+ ],
+ [
+ "Ġd",
+ "rug"
+ ],
+ [
+ "Ġl",
+ "if"
+ ],
+ [
+ "Ġtarg",
+ "et"
+ ],
+ [
+ "Ġexc",
+ "iting"
+ ],
+ [
+ "Ġinst",
+ "ead"
+ ],
+ [
+ "O",
+ "ne"
+ ],
+ [
+ "Ġs",
+ "ays"
+ ],
+ [
+ "Ġad",
+ "apt"
+ ],
+ [
+ "Ġbe",
+ "aut"
+ ],
+ [
+ "Ġn",
+ "ational"
+ ],
+ [
+ "Ġdoes",
+ "n"
+ ],
+ [
+ "N",
+ "ow"
+ ],
+ [
+ "Ġdem",
+ "onstr"
+ ],
+ [
+ "m",
+ "ber"
+ ],
+ [
+ "uc",
+ "k"
+ ],
+ [
+ "Ġsym",
+ "bol"
+ ],
+ [
+ "Ġoff",
+ "ers"
+ ],
+ [
+ "Ġet",
+ "c"
+ ],
+ [
+ "Ġsh",
+ "ap"
+ ],
+ [
+ "Ġw",
+ "in"
+ ],
+ [
+ "Ġl",
+ "ink"
+ ],
+ [
+ "Ġus",
+ "es"
+ ],
+ [
+ "Ġ",
+ "Ċ"
+ ],
+ [
+ "olog",
+ "ies"
+ ],
+ [
+ "Ġvari",
+ "ety"
+ ],
+ [
+ "Ġse",
+ "em"
+ ],
+ [
+ "g",
+ "ing"
+ ],
+ [
+ "Ġcomprehens",
+ "ive"
+ ],
+ [
+ "Ġweb",
+ "s"
+ ],
+ [
+ "k",
+ "now"
+ ],
+ [
+ "Ġpre",
+ "vious"
+ ],
+ [
+ "Ġsaf",
+ "ety"
+ ],
+ [
+ "h",
+ "ing"
+ ],
+ [
+ "Ġh",
+ "ours"
+ ],
+ [
+ "Ġbl",
+ "ack"
+ ],
+ [
+ "Ġh",
+ "ab"
+ ],
+ [
+ "Ġf",
+ "ail"
+ ],
+ [
+ "Ġcan",
+ "not"
+ ],
+ [
+ "Ġgra",
+ "ph"
+ ],
+ [
+ "Ġchem",
+ "ical"
+ ],
+ [
+ "ĠR",
+ "ep"
+ ],
+ [
+ "Ġel",
+ "se"
+ ],
+ [
+ "ĠC",
+ "ons"
+ ],
+ [
+ "w",
+ "ay"
+ ],
+ [
+ "Ġprim",
+ "ary"
+ ],
+ [
+ "u",
+ "ra"
+ ],
+ [
+ "ul",
+ "a"
+ ],
+ [
+ "st",
+ "er"
+ ],
+ [
+ "Ġcaus",
+ "es"
+ ],
+ [
+ "Ġal",
+ "tern"
+ ],
+ [
+ "h",
+ "ood"
+ ],
+ [
+ "Ġser",
+ "ies"
+ ],
+ [
+ "ĠInd",
+ "ia"
+ ],
+ [
+ "h",
+ "ol"
+ ],
+ [
+ "Ġcomp",
+ "an"
+ ],
+ [
+ "er",
+ "ation"
+ ],
+ [
+ "ĠP",
+ "er"
+ ],
+ [
+ "Ġprodu",
+ "ce"
+ ],
+ [
+ "am",
+ "in"
+ ],
+ [
+ "Ġe",
+ "p"
+ ],
+ [
+ "Ġs",
+ "ite"
+ ],
+ [
+ "Ġcontin",
+ "ue"
+ ],
+ [
+ "Ġexplan",
+ "ations"
+ ],
+ [
+ "Ġl",
+ "o"
+ ],
+ [
+ "am",
+ "ed"
+ ],
+ [
+ "Ġhistor",
+ "ical"
+ ],
+ [
+ "Ġsu",
+ "n"
+ ],
+ [
+ "Ġbr",
+ "ing"
+ ],
+ [
+ "ĠN",
+ "o"
+ ],
+ [
+ "Ġt",
+ "aken"
+ ],
+ [
+ "p",
+ "ite"
+ ],
+ [
+ "-",
+ "re"
+ ],
+ [
+ "ac",
+ "c"
+ ],
+ [
+ "Ġreg",
+ "ion"
+ ],
+ [
+ "l",
+ "s"
+ ],
+ [
+ "es",
+ "e"
+ ],
+ [
+ "os",
+ "ing"
+ ],
+ [
+ "Ġgreat",
+ "er"
+ ],
+ [
+ "re",
+ "me"
+ ],
+ [
+ "Ġg",
+ "as"
+ ],
+ [
+ "yth",
+ "on"
+ ],
+ [
+ "Ġapplic",
+ "ations"
+ ],
+ [
+ "Ġprocess",
+ "es"
+ ],
+ [
+ "Ġm",
+ "om"
+ ],
+ [
+ "Ġt",
+ "one"
+ ],
+ [
+ "Ġequ",
+ "al"
+ ],
+ [
+ "le",
+ "ase"
+ ],
+ [
+ "ĠS",
+ "outh"
+ ],
+ [
+ "ĠSci",
+ "ence"
+ ],
+ [
+ "ve",
+ "re"
+ ],
+ [
+ "Ġf",
+ "ish"
+ ],
+ [
+ "ac",
+ "ed"
+ ],
+ [
+ "Ġelect",
+ "ric"
+ ],
+ [
+ "Ġlook",
+ "ing"
+ ],
+ [
+ "Ġex",
+ "act"
+ ],
+ [
+ "Ġf",
+ "at"
+ ],
+ [
+ "ĠF",
+ "e"
+ ],
+ [
+ "Ġm",
+ "agn"
+ ],
+ [
+ "Ġresearc",
+ "hers"
+ ],
+ [
+ "rodu",
+ "ction"
+ ],
+ [
+ "l",
+ "ation"
+ ],
+ [
+ "ut",
+ "ed"
+ ],
+ [
+ "Ġprovid",
+ "ed"
+ ],
+ [
+ "Ġdep",
+ "th"
+ ],
+ [
+ "ter",
+ "ns"
+ ],
+ [
+ "Ġh",
+ "old"
+ ],
+ [
+ "Ġde",
+ "b"
+ ],
+ [
+ "Ġp",
+ "ict"
+ ],
+ [
+ "ok",
+ "ing"
+ ],
+ [
+ "Ġch",
+ "apter"
+ ],
+ [
+ "Ġf",
+ "em"
+ ],
+ [
+ "Ġd",
+ "est"
+ ],
+ [
+ "id",
+ "er"
+ ],
+ [
+ "en",
+ "ge"
+ ],
+ [
+ "{",
+ "\\"
+ ],
+ [
+ "Ġm",
+ "ess"
+ ],
+ [
+ "it",
+ "ution"
+ ],
+ [
+ "19",
+ "7"
+ ],
+ [
+ "Ġm",
+ "ax"
+ ],
+ [
+ "ĠRes",
+ "earch"
+ ],
+ [
+ "re",
+ "am"
+ ],
+ [
+ "Ġfor",
+ "ce"
+ ],
+ [
+ "Ġchar",
+ "acters"
+ ],
+ [
+ "A",
+ "N"
+ ],
+ [
+ "8",
+ "0"
+ ],
+ [
+ "ver",
+ "t"
+ ],
+ [
+ "A",
+ "L"
+ ],
+ [
+ "it",
+ "ary"
+ ],
+ [
+ "ĠAr",
+ "t"
+ ],
+ [
+ "ĠR",
+ "eg"
+ ],
+ [
+ "ers",
+ "on"
+ ],
+ [
+ "Ġthink",
+ "ing"
+ ],
+ [
+ "Ġs",
+ "leep"
+ ],
+ [
+ "Ġdi",
+ "agn"
+ ],
+ [
+ "Ġno",
+ "vel"
+ ],
+ [
+ "Ġresp",
+ "onse"
+ ],
+ [
+ "Ġworkshe",
+ "ets"
+ ],
+ [
+ "ĠP",
+ "e"
+ ],
+ [
+ "ĠC",
+ "o"
+ ],
+ [
+ "Ġk",
+ "ids"
+ ],
+ [
+ "in",
+ "ating"
+ ],
+ [
+ "cc",
+ "ording"
+ ],
+ [
+ "Ġt",
+ "akes"
+ ],
+ [
+ "it",
+ "or"
+ ],
+ [
+ "y",
+ "ond"
+ ],
+ [
+ "ĠD",
+ "r"
+ ],
+ [
+ "Ġcon",
+ "vers"
+ ],
+ [
+ "Ġaw",
+ "are"
+ ],
+ [
+ "ĠK",
+ "e"
+ ],
+ [
+ "ron",
+ "t"
+ ],
+ [
+ "e",
+ "qu"
+ ],
+ [
+ "Ġparticular",
+ "ly"
+ ],
+ [
+ "Ġem",
+ "p"
+ ],
+ [
+ "f",
+ "ort"
+ ],
+ [
+ "por",
+ "ary"
+ ],
+ [
+ "Ġ$",
+ "$"
+ ],
+ [
+ "ĠL",
+ "ear"
+ ],
+ [
+ "Ġd",
+ "aily"
+ ],
+ [
+ "o",
+ "or"
+ ],
+ [
+ "r",
+ "im"
+ ],
+ [
+ "Ġe",
+ "c"
+ ],
+ [
+ "Ġinst",
+ "ance"
+ ],
+ [
+ "Ġparent",
+ "s"
+ ],
+ [
+ "Ġinvol",
+ "ved"
+ ],
+ [
+ "Ġim",
+ "age"
+ ],
+ [
+ "m",
+ "y"
+ ],
+ [
+ "u",
+ "el"
+ ],
+ [
+ "Ġind",
+ "epend"
+ ],
+ [
+ "ĠA",
+ "ust"
+ ],
+ [
+ "ĠS",
+ "im"
+ ],
+ [
+ "ĠF",
+ "rom"
+ ],
+ [
+ "Ġprovid",
+ "ing"
+ ],
+ [
+ "Ġst",
+ "op"
+ ],
+ [
+ ";",
+ "Ċ"
+ ],
+ [
+ "c",
+ "are"
+ ],
+ [
+ "ce",
+ "ll"
+ ],
+ [
+ "Ġst",
+ "ay"
+ ],
+ [
+ "Ġfun",
+ "ctions"
+ ],
+ [
+ "ap",
+ "an"
+ ],
+ [
+ "Ġsh",
+ "own"
+ ],
+ [
+ "Ġopportun",
+ "ities"
+ ],
+ [
+ "d",
+ "om"
+ ],
+ [
+ "Ġdo",
+ "ing"
+ ],
+ [
+ "g",
+ "ar"
+ ],
+ [
+ "Ġl",
+ "ength"
+ ],
+ [
+ "Ġprom",
+ "ot"
+ ],
+ [
+ "Ġappro",
+ "pri"
+ ],
+ [
+ "Ġsp",
+ "read"
+ ],
+ [
+ "am",
+ "ples"
+ ],
+ [
+ "Ð",
+ "µ"
+ ],
+ [
+ "Ġf",
+ "ram"
+ ],
+ [
+ "er",
+ "o"
+ ],
+ [
+ "Ġ",
+ "..."
+ ],
+ [
+ "Ġstep",
+ "s"
+ ],
+ [
+ "\"",
+ "\""
+ ],
+ [
+ "Ġpat",
+ "terns"
+ ],
+ [
+ "l",
+ "or"
+ ],
+ [
+ "ve",
+ "y"
+ ],
+ [
+ "ch",
+ "ol"
+ ],
+ [
+ "Ġsim",
+ "ply"
+ ],
+ [
+ "Ġmon",
+ "ths"
+ ],
+ [
+ "Ġb",
+ "ur"
+ ],
+ [
+ "Ġref",
+ "er"
+ ],
+ [
+ "iz",
+ "es"
+ ],
+ [
+ "t",
+ "a"
+ ],
+ [
+ "Ġs",
+ "ound"
+ ],
+ [
+ "ĠCom",
+ "p"
+ ],
+ [
+ "Ġo",
+ "il"
+ ],
+ [
+ "Ġon",
+ "es"
+ ],
+ [
+ "Ġa",
+ "p"
+ ],
+ [
+ "re",
+ "ci"
+ ],
+ [
+ "j",
+ "ust"
+ ],
+ [
+ "(",
+ "x"
+ ],
+ [
+ "Ġl",
+ "a"
+ ],
+ [
+ "Ġhy",
+ "d"
+ ],
+ [
+ "ens",
+ "ion"
+ ],
+ [
+ "ud",
+ "d"
+ ],
+ [
+ "Ġprog",
+ "rams"
+ ],
+ [
+ "ure",
+ "d"
+ ],
+ [
+ "Ġit",
+ "self"
+ ],
+ [
+ "Ġsur",
+ "round"
+ ],
+ [
+ "Ġs",
+ "ection"
+ ],
+ [
+ "Ġbeh",
+ "ind"
+ ],
+ [
+ "ow",
+ "s"
+ ],
+ [
+ "'",
+ ","
+ ],
+ [
+ "oun",
+ "ter"
+ ],
+ [
+ "Ġsoft",
+ "ware"
+ ],
+ [
+ "Ġman",
+ "ufact"
+ ],
+ [
+ "Ġsp",
+ "ir"
+ ],
+ [
+ "Ġw",
+ "ond"
+ ],
+ [
+ "ir",
+ "m"
+ ],
+ [
+ "res",
+ "h"
+ ],
+ [
+ "in",
+ "ct"
+ ],
+ [
+ "Ġvis",
+ "ual"
+ ],
+ [
+ "Ġdi",
+ "verse"
+ ],
+ [
+ "Ġinflu",
+ "ence"
+ ],
+ [
+ "or",
+ "ks"
+ ],
+ [
+ "Ġorig",
+ "inal"
+ ],
+ [
+ "Ġdeterm",
+ "ine"
+ ],
+ [
+ "Ġrem",
+ "ember"
+ ],
+ [
+ "al",
+ "y"
+ ],
+ [
+ "b",
+ "an"
+ ],
+ [
+ "en",
+ "n"
+ ],
+ [
+ "Ġprofess",
+ "ional"
+ ],
+ [
+ "em",
+ "pt"
+ ],
+ [
+ "ar",
+ "ily"
+ ],
+ [
+ "ci",
+ "ples"
+ ],
+ [
+ "Ġinvol",
+ "ves"
+ ],
+ [
+ "Ġstart",
+ "ed"
+ ],
+ [
+ "Ġinc",
+ "orpor"
+ ],
+ [
+ "Ġre",
+ "ve"
+ ],
+ [
+ "ol",
+ "l"
+ ],
+ [
+ "Ġcar",
+ "bon"
+ ],
+ [
+ "Ġa",
+ "verage"
+ ],
+ [
+ "Ġinvest",
+ "ig"
+ ],
+ [
+ "Ġins",
+ "ide"
+ ],
+ [
+ "Ġ",
+ "Ã"
+ ],
+ [
+ "Ġliter",
+ "ature"
+ ],
+ [
+ "s",
+ "h"
+ ],
+ [
+ "Ġcompon",
+ "ents"
+ ],
+ [
+ "Ġtyp",
+ "ically"
+ ],
+ [
+ "ro",
+ "om"
+ ],
+ [
+ "Ġsh",
+ "ape"
+ ],
+ [
+ "Ġl",
+ "ands"
+ ],
+ [
+ "Ġnorm",
+ "al"
+ ],
+ [
+ "Ġrequ",
+ "ires"
+ ],
+ [
+ "Ġpre",
+ "p"
+ ],
+ [
+ "il",
+ "os"
+ ],
+ [
+ "Ġsee",
+ "k"
+ ],
+ [
+ "Ġaspect",
+ "s"
+ ],
+ [
+ "ĠN",
+ "orth"
+ ],
+ [
+ "Ġcont",
+ "act"
+ ],
+ [
+ "Ġrelationship",
+ "s"
+ ],
+ [
+ "Ġpre",
+ "c"
+ ],
+ [
+ "Ġt",
+ "able"
+ ],
+ [
+ "Ġmove",
+ "ment"
+ ],
+ [
+ "Ġut",
+ "il"
+ ],
+ [
+ "Ġ",
+ "ir"
+ ],
+ [
+ "ĠTe",
+ "chn"
+ ],
+ [
+ "Ġse",
+ "curity"
+ ],
+ [
+ "Ġinit",
+ "ial"
+ ],
+ [
+ "Ġprog",
+ "ress"
+ ],
+ [
+ "Ġc",
+ "ame"
+ ],
+ [
+ "Ġtail",
+ "ored"
+ ],
+ [
+ "is",
+ "ms"
+ ],
+ [
+ "nderstand",
+ "ing"
+ ],
+ [
+ "Ġcaus",
+ "ed"
+ ],
+ [
+ "Ġeas",
+ "ily"
+ ],
+ [
+ "itud",
+ "e"
+ ],
+ [
+ "Ġth",
+ "ing"
+ ],
+ [
+ "Ġapp",
+ "l"
+ ],
+ [
+ "Ġl",
+ "ed"
+ ],
+ [
+ "ĠRe",
+ "ad"
+ ],
+ [
+ "Ġh",
+ "alf"
+ ],
+ [
+ "w",
+ "h"
+ ],
+ [
+ "Ġpub",
+ "lished"
+ ],
+ [
+ "ĠH",
+ "ere"
+ ],
+ [
+ "Ġpers",
+ "pect"
+ ],
+ [
+ "in",
+ "ally"
+ ],
+ [
+ "3",
+ "5"
+ ],
+ [
+ "Ġdec",
+ "ision"
+ ],
+ [
+ "Ġbro",
+ "ad"
+ ],
+ [
+ "Ġnew",
+ "s"
+ ],
+ [
+ "Ð",
+ "¾"
+ ],
+ [
+ "Ġcomp",
+ "ared"
+ ],
+ [
+ "cl",
+ "es"
+ ],
+ [
+ "Ġvide",
+ "o"
+ ],
+ [
+ "Ġco",
+ "ver"
+ ],
+ [
+ "S",
+ "o"
+ ],
+ [
+ "Ġdevelop",
+ "ing"
+ ],
+ [
+ "ad",
+ "a"
+ ],
+ [
+ "it",
+ "able"
+ ],
+ [
+ "m",
+ "b"
+ ],
+ [
+ "Ġevery",
+ "thing"
+ ],
+ [
+ "Ġhe",
+ "av"
+ ],
+ [
+ "Ġiss",
+ "ue"
+ ],
+ [
+ "Ġgu",
+ "ide"
+ ],
+ [
+ "Ġs",
+ "ect"
+ ],
+ [
+ "4",
+ "5"
+ ],
+ [
+ "ig",
+ "en"
+ ],
+ [
+ "Ġgrow",
+ "ing"
+ ],
+ [
+ "³³",
+ "³³"
+ ],
+ [
+ "ĠA",
+ "g"
+ ],
+ [
+ "Ġac",
+ "cept"
+ ],
+ [
+ "ĠSt",
+ "art"
+ ],
+ [
+ "ĠG",
+ "ra"
+ ],
+ [
+ "Ġlead",
+ "ers"
+ ],
+ [
+ "ren",
+ "ch"
+ ],
+ [
+ "Ġin",
+ "put"
+ ],
+ [
+ "Ġo",
+ "x"
+ ],
+ [
+ "m",
+ "ar"
+ ],
+ [
+ "Ġse",
+ "arch"
+ ],
+ [
+ "Ġvalu",
+ "able"
+ ],
+ [
+ "Ġexpl",
+ "oration"
+ ],
+ [
+ "Ġcl",
+ "aim"
+ ],
+ [
+ "ter",
+ "m"
+ ],
+ [
+ "Ġsu",
+ "ff"
+ ],
+ [
+ "I",
+ "m"
+ ],
+ [
+ "Ġa",
+ "ff"
+ ],
+ [
+ "ĠTh",
+ "rough"
+ ],
+ [
+ "on",
+ "y"
+ ],
+ [
+ "ĠE",
+ "ns"
+ ],
+ [
+ "ĠIn",
+ "clude"
+ ],
+ [
+ ")",
+ "čĊ"
+ ],
+ [
+ "r",
+ "ig"
+ ],
+ [
+ "ur",
+ "ch"
+ ],
+ [
+ "ol",
+ "es"
+ ],
+ [
+ "19",
+ "6"
+ ],
+ [
+ "Ġv",
+ "iol"
+ ],
+ [
+ "if",
+ "t"
+ ],
+ [
+ "Ġhum",
+ "ans"
+ ],
+ [
+ "o",
+ "ber"
+ ],
+ [
+ "ĠS",
+ "chool"
+ ],
+ [
+ "yn",
+ "am"
+ ],
+ [
+ "d",
+ "ing"
+ ],
+ [
+ "at",
+ "t"
+ ],
+ [
+ "dition",
+ "ally"
+ ],
+ [
+ "Ġspe",
+ "ed"
+ ],
+ [
+ "r",
+ "ate"
+ ],
+ [
+ "Ġc",
+ "ook"
+ ],
+ [
+ "Ġsol",
+ "utions"
+ ],
+ [
+ "Ġ",
+ ">"
+ ],
+ [
+ "ov",
+ "ed"
+ ],
+ [
+ "it",
+ "er"
+ ],
+ [
+ "min",
+ "ist"
+ ],
+ [
+ "Ġb",
+ "all"
+ ],
+ [
+ "Ġdam",
+ "age"
+ ],
+ [
+ "Ġcho",
+ "ose"
+ ],
+ [
+ "Ġp",
+ "an"
+ ],
+ [
+ "Ġc",
+ "ross"
+ ],
+ [
+ "9",
+ "0"
+ ],
+ [
+ "Ġgra",
+ "de"
+ ],
+ [
+ "ĠE",
+ "duc"
+ ],
+ [
+ "Ġrel",
+ "ative"
+ ],
+ [
+ "abet",
+ "es"
+ ],
+ [
+ "Ġte",
+ "aching"
+ ],
+ [
+ "3",
+ "3"
+ ],
+ [
+ "Ġindu",
+ "str"
+ ],
+ [
+ "for",
+ "ward"
+ ],
+ [
+ "Ġt",
+ "ax"
+ ],
+ [
+ "g",
+ "er"
+ ],
+ [
+ "Ġf",
+ "ost"
+ ],
+ [
+ "Ġdev",
+ "ices"
+ ],
+ [
+ "Ġs",
+ "cre"
+ ],
+ [
+ "Ġbe",
+ "gan"
+ ],
+ [
+ "Ġjour",
+ "ney"
+ ],
+ [
+ "Ġpat",
+ "ient"
+ ],
+ [
+ "Ġadv",
+ "ant"
+ ],
+ [
+ "Ġth",
+ "reat"
+ ],
+ [
+ "r",
+ "s"
+ ],
+ [
+ "ĠP",
+ "res"
+ ],
+ [
+ "Ġtre",
+ "nds"
+ ],
+ [
+ "m",
+ "ore"
+ ],
+ [
+ "Ġinf",
+ "ect"
+ ],
+ [
+ "oc",
+ "ial"
+ ],
+ [
+ "Ġsur",
+ "v"
+ ],
+ [
+ "an",
+ "ks"
+ ],
+ [
+ "ric",
+ "ult"
+ ],
+ [
+ "Ġal",
+ "g"
+ ],
+ [
+ "ĠP",
+ "ar"
+ ],
+ [
+ "Ġconf",
+ "lic"
+ ],
+ [
+ "Ġlong",
+ "er"
+ ],
+ [
+ "art",
+ "ment"
+ ],
+ [
+ "Ġget",
+ "ting"
+ ],
+ [
+ "Ġcomm",
+ "it"
+ ],
+ [
+ "es",
+ "tern"
+ ],
+ [
+ "c",
+ "hed"
+ ],
+ [
+ "it",
+ "ute"
+ ],
+ [
+ "Ġpur",
+ "pose"
+ ],
+ [
+ "Ġf",
+ "arm"
+ ],
+ [
+ "ell",
+ "ig"
+ ],
+ [
+ "Ġintern",
+ "ational"
+ ],
+ [
+ "ĠP",
+ "art"
+ ],
+ [
+ "(",
+ "'"
+ ],
+ [
+ "Ġob",
+ "tain"
+ ],
+ [
+ "Ġb",
+ "ase"
+ ],
+ [
+ "-p",
+ "ro"
+ ],
+ [
+ "Ġcon",
+ "cent"
+ ],
+ [
+ "ĠD",
+ "ep"
+ ],
+ [
+ "Ġbelie",
+ "ve"
+ ],
+ [
+ "x",
+ "i"
+ ],
+ [
+ "an",
+ "cing"
+ ],
+ [
+ "row",
+ "n"
+ ],
+ [
+ "Ġapplic",
+ "ation"
+ ],
+ [
+ "``",
+ "`"
+ ],
+ [
+ "Ġs",
+ "low"
+ ],
+ [
+ "Ġper",
+ "fect"
+ ],
+ [
+ "ĠN",
+ "ot"
+ ],
+ [
+ "ĠW",
+ "rite"
+ ],
+ [
+ "Ġan",
+ "cient"
+ ],
+ [
+ "Ġf",
+ "ul"
+ ],
+ [
+ "Ġschool",
+ "s"
+ ],
+ [
+ "Ġapp",
+ "reci"
+ ],
+ [
+ "ph",
+ "as"
+ ],
+ [
+ "ĠM",
+ "any"
+ ],
+ [
+ "Ġsitu",
+ "ation"
+ ],
+ [
+ "i",
+ "ar"
+ ],
+ [
+ "am",
+ "ent"
+ ],
+ [
+ "'",
+ "ll"
+ ],
+ [
+ "Ġf",
+ "it"
+ ],
+ [
+ "Ġl",
+ "ines"
+ ],
+ [
+ "Ġag",
+ "o"
+ ],
+ [
+ "as",
+ "ons"
+ ],
+ [
+ "um",
+ "b"
+ ],
+ [
+ "C",
+ "on"
+ ],
+ [
+ "Ġh",
+ "or"
+ ],
+ [
+ "Ġst",
+ "ru"
+ ],
+ [
+ "Ð",
+ "°"
+ ],
+ [
+ "Ġcoll",
+ "abor"
+ ],
+ [
+ "Ġse",
+ "qu"
+ ],
+ [
+ "ĠM",
+ "od"
+ ],
+ [
+ "Ġde",
+ "cre"
+ ],
+ [
+ "Ġact",
+ "ions"
+ ],
+ [
+ "B",
+ "y"
+ ],
+ [
+ "Ġt",
+ "ree"
+ ],
+ [
+ "a",
+ "ff"
+ ],
+ [
+ "Ġpl",
+ "at"
+ ],
+ [
+ "Ġpower",
+ "ful"
+ ],
+ [
+ "Ġquick",
+ "ly"
+ ],
+ [
+ "n",
+ "a"
+ ],
+ [
+ "Ġr",
+ "out"
+ ],
+ [
+ "Ġfood",
+ "s"
+ ],
+ [
+ "Ġac",
+ "ad"
+ ],
+ [
+ "it",
+ "ect"
+ ],
+ [
+ "y",
+ "ing"
+ ],
+ [
+ "Ġc",
+ "ivil"
+ ],
+ [
+ "Ġd",
+ "er"
+ ],
+ [
+ "Ġpol",
+ "l"
+ ],
+ [
+ "Ġve",
+ "get"
+ ],
+ [
+ "Ġout",
+ "side"
+ ],
+ [
+ "Ġpro",
+ "ced"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠ",
+ "ĠĠĠĠĠĠĠ"
+ ],
+ [
+ "ad",
+ "es"
+ ],
+ [
+ "Ġe",
+ "at"
+ ],
+ [
+ "Ġcompan",
+ "ies"
+ ],
+ [
+ "ĠEns",
+ "ure"
+ ],
+ [
+ "Ġstraight",
+ "forward"
+ ],
+ [
+ "Ġw",
+ "ild"
+ ],
+ [
+ "s",
+ "et"
+ ],
+ [
+ "i",
+ "am"
+ ],
+ [
+ "ra",
+ "ction"
+ ],
+ [
+ "Ġc",
+ "ard"
+ ],
+ [
+ "ĠSt",
+ "ate"
+ ],
+ [
+ "it",
+ "ch"
+ ],
+ [
+ "he",
+ "l"
+ ],
+ [
+ "Ġtrans",
+ "port"
+ ],
+ [
+ "Ġdoc",
+ "ument"
+ ],
+ [
+ "-",
+ "to"
+ ],
+ [
+ "is",
+ "ter"
+ ],
+ [
+ "Ġbe",
+ "yond"
+ ],
+ [
+ "Ġcontrib",
+ "ute"
+ ],
+ [
+ "Ġb",
+ "acter"
+ ],
+ [
+ "ĠJ",
+ "apan"
+ ],
+ [
+ "Ġcont",
+ "ains"
+ ],
+ [
+ "erv",
+ "ation"
+ ],
+ [
+ "an",
+ "a"
+ ],
+ [
+ "ĠH",
+ "is"
+ ],
+ [
+ "av",
+ "ig"
+ ],
+ [
+ "Ġext",
+ "ensive"
+ ],
+ [
+ "Ġw",
+ "ood"
+ ],
+ [
+ "Ġm",
+ "ix"
+ ],
+ [
+ "Ġto",
+ "ok"
+ ],
+ [
+ "Ġg",
+ "ard"
+ ],
+ [
+ "ut",
+ "h"
+ ],
+ [
+ "Ġc",
+ "ool"
+ ],
+ [
+ "âĢĻ",
+ "ll"
+ ],
+ [
+ "ord",
+ "s"
+ ],
+ [
+ "TI",
+ "ON"
+ ],
+ [
+ "7",
+ "0"
+ ],
+ [
+ "Ġtop",
+ "ics"
+ ],
+ [
+ "ous",
+ "ly"
+ ],
+ [
+ "Ġconst",
+ "ant"
+ ],
+ [
+ "Ġbec",
+ "omes"
+ ],
+ [
+ "ist",
+ "ry"
+ ],
+ [
+ "Ġpred",
+ "ict"
+ ],
+ [
+ "ĠS",
+ "ystem"
+ ],
+ [
+ "op",
+ "s"
+ ],
+ [
+ "Ġal",
+ "most"
+ ],
+ [
+ "Ġus",
+ "er"
+ ],
+ [
+ "Ġess",
+ "ays"
+ ],
+ [
+ "Ġf",
+ "ire"
+ ],
+ [
+ "or",
+ "ith"
+ ],
+ [
+ "Ġro",
+ "ot"
+ ],
+ [
+ "le",
+ "ar"
+ ],
+ [
+ "an",
+ "cy"
+ ],
+ [
+ "ĠA",
+ "c"
+ ],
+ [
+ "Ġproper",
+ "ties"
+ ],
+ [
+ "w",
+ "here"
+ ],
+ [
+ "r",
+ "ated"
+ ],
+ [
+ "Ġdiffere",
+ "nces"
+ ],
+ [
+ "Ġdisc",
+ "over"
+ ],
+ [
+ "Ġaddition",
+ "al"
+ ],
+ [
+ "3",
+ "6"
+ ],
+ [
+ "Ġe",
+ "fficient"
+ ],
+ [
+ "Ġpolic",
+ "y"
+ ],
+ [
+ "Ġteac",
+ "hers"
+ ],
+ [
+ "Ġd",
+ "at"
+ ],
+ [
+ "ip",
+ "ment"
+ ],
+ [
+ "-",
+ "st"
+ ],
+ [
+ "Ġin",
+ "j"
+ ],
+ [
+ "Ġobject",
+ "s"
+ ],
+ [
+ "Ġde",
+ "cl"
+ ],
+ [
+ "Ġappropri",
+ "ate"
+ ],
+ [
+ "Ġear",
+ "th"
+ ],
+ [
+ "ĠG",
+ "o"
+ ],
+ [
+ "-",
+ "h"
+ ],
+ [
+ "Ġscient",
+ "ific"
+ ],
+ [
+ "Ġgener",
+ "ally"
+ ],
+ [
+ "Ġs",
+ "il"
+ ],
+ [
+ "ĠCh",
+ "ina"
+ ],
+ [
+ "Ġbl",
+ "ock"
+ ],
+ [
+ "in",
+ "o"
+ ],
+ [
+ "ĠJoh",
+ "n"
+ ],
+ [
+ "ri",
+ "ption"
+ ],
+ [
+ "ĠProv",
+ "ide"
+ ],
+ [
+ "b",
+ "ra"
+ ],
+ [
+ "Ġmod",
+ "els"
+ ],
+ [
+ "Ġc",
+ "it"
+ ],
+ [
+ "E",
+ "D"
+ ],
+ [
+ "ul",
+ "ate"
+ ],
+ [
+ "Ġexerc",
+ "ise"
+ ],
+ [
+ "Ġw",
+ "arm"
+ ],
+ [
+ "em",
+ "porary"
+ ],
+ [
+ "Ġr",
+ "ich"
+ ],
+ [
+ "ap",
+ "ers"
+ ],
+ [
+ "Ġp",
+ "ack"
+ ],
+ [
+ "ell",
+ "ow"
+ ],
+ [
+ "ĠA",
+ "I"
+ ],
+ [
+ "Ġvis",
+ "it"
+ ],
+ [
+ "Ġvir",
+ "us"
+ ],
+ [
+ "or",
+ "ial"
+ ],
+ [
+ "Ġeff",
+ "orts"
+ ],
+ [
+ "ĠE",
+ "ss"
+ ],
+ [
+ "Ġsignificant",
+ "ly"
+ ],
+ [
+ "Ġw",
+ "a"
+ ],
+ [
+ "he",
+ "ad"
+ ],
+ [
+ "Ġass",
+ "ign"
+ ],
+ [
+ "Ġr",
+ "ules"
+ ],
+ [
+ "Ġwas",
+ "te"
+ ],
+ [
+ "Ġd",
+ "ou"
+ ],
+ [
+ "Ġf",
+ "a"
+ ],
+ [
+ "Ġleg",
+ "al"
+ ],
+ [
+ "ĠA",
+ "re"
+ ],
+ [
+ "iel",
+ "ds"
+ ],
+ [
+ "Ġfri",
+ "end"
+ ],
+ [
+ "id",
+ "ed"
+ ],
+ [
+ "Ġbelie",
+ "f"
+ ],
+ [
+ "Ġanim",
+ "al"
+ ],
+ [
+ "e",
+ "ch"
+ ],
+ [
+ "Ġdec",
+ "isions"
+ ],
+ [
+ "Ġext",
+ "reme"
+ ],
+ [
+ "Ġbal",
+ "ance"
+ ],
+ [
+ "te",
+ "xt"
+ ],
+ [
+ "Ġl",
+ "ack"
+ ],
+ [
+ "Ġce",
+ "le"
+ ],
+ [
+ "Ġs",
+ "ix"
+ ],
+ [
+ "p",
+ "id"
+ ],
+ [
+ "od",
+ "ies"
+ ],
+ [
+ "Ġf",
+ "asc"
+ ],
+ [
+ "I",
+ "s"
+ ],
+ [
+ "Ġj",
+ "o"
+ ],
+ [
+ "Ġdise",
+ "ases"
+ ],
+ [
+ "Ġlarg",
+ "er"
+ ],
+ [
+ "Ġaut",
+ "om"
+ ],
+ [
+ "Ġac",
+ "id"
+ ],
+ [
+ "ĠAv",
+ "oid"
+ ],
+ [
+ "Ġopt",
+ "ions"
+ ],
+ [
+ "P",
+ "ro"
+ ],
+ [
+ "ĠO",
+ "ver"
+ ],
+ [
+ "Ġmach",
+ "ine"
+ ],
+ [
+ "vent",
+ "ion"
+ ],
+ [
+ "}",
+ "}"
+ ],
+ [
+ "ĠM",
+ "in"
+ ],
+ [
+ "Ġit",
+ "ems"
+ ],
+ [
+ "ĠF",
+ "irst"
+ ],
+ [
+ "ĠTr",
+ "ans"
+ ],
+ [
+ "b",
+ "re"
+ ],
+ [
+ "Ġcap",
+ "ac"
+ ],
+ [
+ "Ġele",
+ "ment"
+ ],
+ [
+ "Ġb",
+ "read"
+ ],
+ [
+ "Ġexpl",
+ "oring"
+ ],
+ [
+ "as",
+ "ks"
+ ],
+ [
+ "l",
+ "ike"
+ ],
+ [
+ "d",
+ "ef"
+ ],
+ [
+ "com",
+ "es"
+ ],
+ [
+ "ri",
+ "x"
+ ],
+ [
+ "u",
+ "ments"
+ ],
+ [
+ "Ġcon",
+ "sequ"
+ ],
+ [
+ "ĠBrit",
+ "ish"
+ ],
+ [
+ "ep",
+ "th"
+ ],
+ [
+ "Ġinter",
+ "pre"
+ ],
+ [
+ "Ġu",
+ "lt"
+ ],
+ [
+ "19",
+ "4"
+ ],
+ [
+ "Ġc",
+ "ateg"
+ ],
+ [
+ "_",
+ "{"
+ ],
+ [
+ "Ġbu",
+ "ilt"
+ ],
+ [
+ "am",
+ "b"
+ ],
+ [
+ "c",
+ "ol"
+ ],
+ [
+ "Ġdet",
+ "ect"
+ ],
+ [
+ "Ġcl",
+ "in"
+ ],
+ [
+ "Ġestab",
+ "lish"
+ ],
+ [
+ "ou",
+ "d"
+ ],
+ [
+ "Ġspe",
+ "ak"
+ ],
+ [
+ "ĠWor",
+ "ks"
+ ],
+ [
+ "B",
+ "ut"
+ ],
+ [
+ "ere",
+ "nces"
+ ],
+ [
+ "St",
+ "ep"
+ ],
+ [
+ "A",
+ "C"
+ ],
+ [
+ "Ġf",
+ "oot"
+ ],
+ [
+ "b",
+ "ack"
+ ],
+ [
+ "R",
+ "e"
+ ],
+ [
+ "u",
+ "it"
+ ],
+ [
+ "Ġm",
+ "ole"
+ ],
+ [
+ "Ġf",
+ "ast"
+ ],
+ [
+ "in",
+ "ate"
+ ],
+ [
+ "Ġuse",
+ "ful"
+ ],
+ [
+ "Ġr",
+ "at"
+ ],
+ [
+ "Ġs",
+ "ample"
+ ],
+ [
+ "ĠM",
+ "y"
+ ],
+ [
+ "-l",
+ "ife"
+ ],
+ [
+ "Ġl",
+ "ate"
+ ],
+ [
+ "od",
+ "ay"
+ ],
+ [
+ "ac",
+ "hed"
+ ],
+ [
+ "Ġ",
+ ")"
+ ],
+ [
+ "ill",
+ "ing"
+ ],
+ [
+ "r",
+ "ical"
+ ],
+ [
+ "Ġprin",
+ "ciples"
+ ],
+ [
+ "Ġact",
+ "ive"
+ ],
+ [
+ "Ġrespons",
+ "ible"
+ ],
+ [
+ "Ġscient",
+ "ists"
+ ],
+ [
+ "if",
+ "ically"
+ ],
+ [
+ "Ġem",
+ "phas"
+ ],
+ [
+ "Ġdem",
+ "and"
+ ],
+ [
+ "ens",
+ "ity"
+ ],
+ [
+ "t",
+ "ical"
+ ],
+ [
+ "Ġey",
+ "e"
+ ],
+ [
+ "ĠK",
+ "ing"
+ ],
+ [
+ "ĠS",
+ "ol"
+ ],
+ [
+ "ur",
+ "ies"
+ ],
+ [
+ "rough",
+ "t"
+ ],
+ [
+ "Ġus",
+ "ers"
+ ],
+ [
+ "Ġg",
+ "ames"
+ ],
+ [
+ "r",
+ "an"
+ ],
+ [
+ "Ġf",
+ "ile"
+ ],
+ [
+ "Ġe",
+ "ffic"
+ ],
+ [
+ "Ġplat",
+ "form"
+ ],
+ [
+ "Ġsupp",
+ "ly"
+ ],
+ [
+ "Ġle",
+ "aves"
+ ],
+ [
+ "ĠDe",
+ "velop"
+ ],
+ [
+ "Ġmin",
+ "utes"
+ ],
+ [
+ "Ġm",
+ "is"
+ ],
+ [
+ "-",
+ "g"
+ ],
+ [
+ "ĠN",
+ "ow"
+ ],
+ [
+ "Ġu",
+ "nd"
+ ],
+ [
+ "Ġinclud",
+ "ed"
+ ],
+ [
+ "it",
+ "ual"
+ ],
+ [
+ "Ġh",
+ "ar"
+ ],
+ [
+ "w",
+ "ise"
+ ],
+ [
+ "Ġadd",
+ "ed"
+ ],
+ [
+ "Ġw",
+ "all"
+ ],
+ [
+ "Ġro",
+ "b"
+ ],
+ [
+ "ĠO",
+ "ur"
+ ],
+ [
+ "Ġb",
+ "ab"
+ ],
+ [
+ "ĠHist",
+ "ory"
+ ],
+ [
+ "arg",
+ "on"
+ ],
+ [
+ "i",
+ "us"
+ ],
+ [
+ "Ġn",
+ "ight"
+ ],
+ [
+ "Ġhealth",
+ "care"
+ ],
+ [
+ "Ġear",
+ "l"
+ ],
+ [
+ "um",
+ "ber"
+ ],
+ [
+ "Ġproject",
+ "s"
+ ],
+ [
+ "Ġc",
+ "amp"
+ ],
+ [
+ "Ġb",
+ "it"
+ ],
+ [
+ "Ġrem",
+ "ains"
+ ],
+ [
+ "os",
+ "ition"
+ ],
+ [
+ "Ġcost",
+ "s"
+ ],
+ [
+ "Ġth",
+ "ird"
+ ],
+ [
+ "Ġad",
+ "op"
+ ],
+ [
+ "Ġbehav",
+ "i"
+ ],
+ [
+ "ĠG",
+ "l"
+ ],
+ [
+ "Ġco",
+ "verage"
+ ],
+ [
+ "il",
+ "es"
+ ],
+ [
+ "Ġthe",
+ "rapy"
+ ],
+ [
+ "ĠE",
+ "d"
+ ],
+ [
+ "(",
+ "n"
+ ],
+ [
+ "Ġmeas",
+ "ures"
+ ],
+ [
+ "Ġatt",
+ "empt"
+ ],
+ [
+ "Ġw",
+ "alk"
+ ],
+ [
+ "Ġf",
+ "inal"
+ ],
+ [
+ "Ġgo",
+ "al"
+ ],
+ [
+ "id",
+ "ge"
+ ],
+ [
+ "xi",
+ "ety"
+ ],
+ [
+ "ĠJ",
+ "ust"
+ ],
+ [
+ "Ġb",
+ "ound"
+ ],
+ [
+ "ab",
+ "ilities"
+ ],
+ [
+ "Ġhigh",
+ "ly"
+ ],
+ [
+ "Ġsuccess",
+ "ful"
+ ],
+ [
+ "Ġprodu",
+ "ced"
+ ],
+ [
+ "Ġse",
+ "c"
+ ],
+ [
+ "if",
+ "ul"
+ ],
+ [
+ "Ġfact",
+ "or"
+ ],
+ [
+ "ĠR",
+ "em"
+ ],
+ [
+ "Ġp",
+ "ages"
+ ],
+ [
+ "Ġmult",
+ "i"
+ ],
+ [
+ "Ġd",
+ "ry"
+ ],
+ [
+ ".",
+ "org"
+ ],
+ [
+ "ic",
+ "a"
+ ],
+ [
+ "Ġj",
+ "argon"
+ ],
+ [
+ "Ġregard",
+ "ing"
+ ],
+ [
+ "Ġ",
+ "ing"
+ ],
+ [
+ "n",
+ "ection"
+ ],
+ [
+ "Ġb",
+ "reat"
+ ],
+ [
+ "iss",
+ "ions"
+ ],
+ [
+ "ĠT",
+ "w"
+ ],
+ [
+ "-d",
+ "epth"
+ ],
+ [
+ "Ġequ",
+ "ation"
+ ],
+ [
+ "Ġstru",
+ "gg"
+ ],
+ [
+ "c",
+ "he"
+ ],
+ [
+ "Ġqu",
+ "ite"
+ ],
+ [
+ "Ġhy",
+ "p"
+ ],
+ [
+ "h",
+ "old"
+ ],
+ [
+ "l",
+ "ated"
+ ],
+ [
+ "os",
+ "ure"
+ ],
+ [
+ "Ġsh",
+ "ared"
+ ],
+ [
+ "Ġapproach",
+ "able"
+ ],
+ [
+ "ĠY",
+ "ork"
+ ],
+ [
+ "Ġc",
+ "red"
+ ],
+ [
+ "Ġv",
+ "ia"
+ ],
+ [
+ "Ġtry",
+ "ing"
+ ],
+ [
+ "Ġcent",
+ "ral"
+ ],
+ [
+ "Ġdist",
+ "ance"
+ ],
+ [
+ "Ġd",
+ "ynam"
+ ],
+ [
+ "le",
+ "ft"
+ ],
+ [
+ "ĠCh",
+ "apter"
+ ],
+ [
+ "A",
+ "d"
+ ],
+ [
+ "Ġallow",
+ "ing"
+ ],
+ [
+ "ĠAust",
+ "ral"
+ ],
+ [
+ "Ġ",
+ "Î"
+ ],
+ [
+ "Ġgo",
+ "als"
+ ],
+ [
+ "Ġcap",
+ "ital"
+ ],
+ [
+ "in",
+ "ks"
+ ],
+ [
+ "-",
+ "term"
+ ],
+ [
+ "Ġv",
+ "it"
+ ],
+ [
+ "Ġag",
+ "ree"
+ ],
+ [
+ "Ġsol",
+ "ar"
+ ],
+ [
+ "Ġcreat",
+ "ive"
+ ],
+ [
+ "um",
+ "an"
+ ],
+ [
+ "Ġmat",
+ "hemat"
+ ],
+ [
+ "ra",
+ "w"
+ ],
+ [
+ "ĠEurope",
+ "an"
+ ],
+ [
+ "ce",
+ "ed"
+ ],
+ [
+ "Ġd",
+ "ial"
+ ],
+ [
+ "^",
+ "{"
+ ],
+ [
+ "Ġcommun",
+ "ic"
+ ],
+ [
+ "ibr",
+ "ary"
+ ],
+ [
+ "Ġf",
+ "avor"
+ ],
+ [
+ "Ġsitu",
+ "ations"
+ ],
+ [
+ "Ġeduc",
+ "ational"
+ ],
+ [
+ "h",
+ "a"
+ ],
+ [
+ "c",
+ "ape"
+ ],
+ [
+ "Ġnum",
+ "erous"
+ ],
+ [
+ "rit",
+ "ing"
+ ],
+ [
+ "Ġdetail",
+ "s"
+ ],
+ [
+ "est",
+ "ion"
+ ],
+ [
+ "Ġill",
+ "ust"
+ ],
+ [
+ "Ġd",
+ "ang"
+ ],
+ [
+ "el",
+ "t"
+ ],
+ [
+ "nd",
+ "om"
+ ],
+ [
+ "ĠB",
+ "ook"
+ ],
+ [
+ "Ġis",
+ "n"
+ ],
+ [
+ "Ġfamil",
+ "ies"
+ ],
+ [
+ "Ġph",
+ "ilos"
+ ],
+ [
+ "-",
+ "e"
+ ],
+ [
+ "Ġinst",
+ "all"
+ ],
+ [
+ "Ġstruct",
+ "ures"
+ ],
+ [
+ "(",
+ ")"
+ ],
+ [
+ "H",
+ "e"
+ ],
+ [
+ "Ġdistrib",
+ "ution"
+ ],
+ [
+ "Ġg",
+ "ot"
+ ],
+ [
+ "el",
+ "ines"
+ ],
+ [
+ "Ġprom",
+ "ote"
+ ],
+ [
+ "Ġwebs",
+ "ite"
+ ],
+ [
+ "Ġd",
+ "im"
+ ],
+ [
+ "Ġform",
+ "at"
+ ],
+ [
+ "pp",
+ "er"
+ ],
+ [
+ "Ġd",
+ "ivid"
+ ],
+ [
+ "m",
+ "at"
+ ],
+ [
+ "Ġpr",
+ "ice"
+ ],
+ [
+ "Ġcho",
+ "ice"
+ ],
+ [
+ "Ġalg",
+ "orith"
+ ],
+ [
+ "Ġh",
+ "ot"
+ ],
+ [
+ "Ġorgan",
+ "izations"
+ ],
+ [
+ "ing",
+ "u"
+ ],
+ [
+ "Ġlim",
+ "ited"
+ ],
+ [
+ "Ġrelig",
+ "ious"
+ ],
+ [
+ "]",
+ ","
+ ],
+ [
+ "ĠS",
+ "m"
+ ],
+ [
+ "om",
+ "y"
+ ],
+ [
+ "g",
+ "n"
+ ],
+ [
+ "Ġre",
+ "ach"
+ ],
+ [
+ "Ġb",
+ "ill"
+ ],
+ [
+ "l",
+ "im"
+ ],
+ [
+ "-",
+ "y"
+ ],
+ [
+ "R",
+ "E"
+ ],
+ [
+ "Ġorgan",
+ "ization"
+ ],
+ [
+ "Ġacc",
+ "ur"
+ ],
+ [
+ "Ġor",
+ "d"
+ ],
+ [
+ "Ġprior",
+ "it"
+ ],
+ [
+ "Ġmon",
+ "th"
+ ],
+ [
+ "Ġprofess",
+ "ion"
+ ],
+ [
+ "ire",
+ "ction"
+ ],
+ [
+ "Ġdev",
+ "ice"
+ ],
+ [
+ "Ġeffect",
+ "ively"
+ ],
+ [
+ "Ġr",
+ "ates"
+ ],
+ [
+ "Ġemot",
+ "ional"
+ ],
+ [
+ "i",
+ "os"
+ ],
+ [
+ "ir",
+ "ing"
+ ],
+ [
+ "Ġcon",
+ "clusion"
+ ],
+ [
+ "ĠM",
+ "on"
+ ],
+ [
+ "Ġest",
+ "im"
+ ],
+ [
+ "Ġcol",
+ "on"
+ ],
+ [
+ "Ġset",
+ "t"
+ ],
+ [
+ "Ġequ",
+ "ipment"
+ ],
+ [
+ "ĠC",
+ "our"
+ ],
+ [
+ "m",
+ "ission"
+ ],
+ [
+ "Ġprote",
+ "in"
+ ],
+ [
+ "od",
+ "es"
+ ],
+ [
+ "Ġst",
+ "age"
+ ],
+ [
+ "ĠF",
+ "rench"
+ ],
+ [
+ "r",
+ "m"
+ ],
+ [
+ "Ġv",
+ "acc"
+ ],
+ [
+ "Ġh",
+ "ands"
+ ],
+ [
+ "Ġg",
+ "ives"
+ ],
+ [
+ "Ġstate",
+ "ment"
+ ],
+ [
+ "est",
+ "s"
+ ],
+ [
+ "Ġtra",
+ "ck"
+ ],
+ [
+ "I",
+ "T"
+ ],
+ [
+ "Ġfe",
+ "et"
+ ],
+ [
+ "3",
+ "2"
+ ],
+ [
+ "Ġd",
+ "en"
+ ],
+ [
+ "ĠIn",
+ "ter"
+ ],
+ [
+ "Ġc",
+ "ry"
+ ],
+ [
+ "Ġn",
+ "amed"
+ ],
+ [
+ "ĠAd",
+ "ditionally"
+ ],
+ [
+ "Ġproper",
+ "ty"
+ ],
+ [
+ "z",
+ "z"
+ ],
+ [
+ "Ġident",
+ "ity"
+ ],
+ [
+ "ĠE",
+ "ach"
+ ],
+ [
+ "W",
+ "hy"
+ ],
+ [
+ "Ġestab",
+ "lished"
+ ],
+ [
+ "Ġmem",
+ "ory"
+ ],
+ [
+ "p",
+ "an"
+ ],
+ [
+ "ĠJ",
+ "an"
+ ],
+ [
+ "Ġinf",
+ "ection"
+ ],
+ [
+ "Ġt",
+ "iss"
+ ],
+ [
+ "Ġlim",
+ "it"
+ ],
+ [
+ "ie",
+ "f"
+ ],
+ [
+ "Ġtru",
+ "st"
+ ],
+ [
+ "ĠThe",
+ "n"
+ ],
+ [
+ "s",
+ "is"
+ ],
+ [
+ "e",
+ "ed"
+ ],
+ [
+ "Ġth",
+ "us"
+ ],
+ [
+ "Ġout",
+ "put"
+ ],
+ [
+ "Ġser",
+ "ious"
+ ],
+ [
+ "ĠAfric",
+ "an"
+ ],
+ [
+ "Ġâ",
+ "Ī"
+ ],
+ [
+ "Ġpro",
+ "pos"
+ ],
+ [
+ "Ġdist",
+ "inct"
+ ],
+ [
+ "Ġb",
+ "ad"
+ ],
+ [
+ "Ġh",
+ "ost"
+ ],
+ [
+ "ed",
+ "eral"
+ ],
+ [
+ "Ġenh",
+ "ance"
+ ],
+ [
+ "Ġdi",
+ "abetes"
+ ],
+ [
+ "Ġread",
+ "ers"
+ ],
+ [
+ "Ġdef",
+ "ined"
+ ],
+ [
+ "in",
+ "ated"
+ ],
+ [
+ "Ġve",
+ "h"
+ ],
+ [
+ "Ġless",
+ "on"
+ ],
+ [
+ "Ġm",
+ "other"
+ ],
+ [
+ "r",
+ "ong"
+ ],
+ [
+ "Ġsm",
+ "o"
+ ],
+ [
+ "o",
+ "es"
+ ],
+ [
+ "Ġs",
+ "us"
+ ],
+ [
+ "ĠG",
+ "ree"
+ ],
+ [
+ "i",
+ "ot"
+ ],
+ [
+ "ĠAfric",
+ "a"
+ ],
+ [
+ "Ġte",
+ "ach"
+ ],
+ [
+ "O",
+ "n"
+ ],
+ [
+ "cept",
+ "ion"
+ ],
+ [
+ "ĠComm",
+ "un"
+ ],
+ [
+ "Ġse",
+ "ason"
+ ],
+ [
+ "Ġsu",
+ "gar"
+ ],
+ [
+ "u",
+ "ge"
+ ],
+ [
+ "Ġg",
+ "ender"
+ ],
+ [
+ "Ġsqu",
+ "are"
+ ],
+ [
+ "Ġexact",
+ "ly"
+ ],
+ [
+ "b",
+ "or"
+ ],
+ [
+ "Ġm",
+ "ag"
+ ],
+ [
+ "Ġoff",
+ "icial"
+ ],
+ [
+ "ĠAl",
+ "though"
+ ],
+ [
+ "Ġcolle",
+ "ction"
+ ],
+ [
+ "Ġref",
+ "ers"
+ ],
+ [
+ "Ġf",
+ "ib"
+ ],
+ [
+ "Ġqu",
+ "al"
+ ],
+ [
+ "Ġapp",
+ "ly"
+ ],
+ [
+ "Ġconst",
+ "ruct"
+ ],
+ [
+ "o",
+ "very"
+ ],
+ [
+ "co",
+ "hol"
+ ],
+ [
+ "Ġf",
+ "air"
+ ],
+ [
+ "ĠW",
+ "ill"
+ ],
+ [
+ "Ġpl",
+ "aces"
+ ],
+ [
+ "ur",
+ "g"
+ ],
+ [
+ "Ġprot",
+ "ection"
+ ],
+ [
+ "Ġra",
+ "pid"
+ ],
+ [
+ "3",
+ "1"
+ ],
+ [
+ "Ġins",
+ "ights"
+ ],
+ [
+ "Ġlaw",
+ "s"
+ ],
+ [
+ "ĠC",
+ "ount"
+ ],
+ [
+ "ĠO",
+ "ther"
+ ],
+ [
+ "v",
+ "est"
+ ],
+ [
+ "ĠJ",
+ "ew"
+ ],
+ [
+ "Ġres",
+ "id"
+ ],
+ [
+ "7",
+ "5"
+ ],
+ [
+ "cre",
+ "t"
+ ],
+ [
+ "ĠR",
+ "el"
+ ],
+ [
+ "om",
+ "ing"
+ ],
+ [
+ "L",
+ "E"
+ ],
+ [
+ "ines",
+ "e"
+ ],
+ [
+ "Ġt",
+ "end"
+ ],
+ [
+ "Ġn",
+ "avig"
+ ],
+ [
+ "ĠCon",
+ "nect"
+ ],
+ [
+ "res",
+ "p"
+ ],
+ [
+ "H",
+ "E"
+ ],
+ [
+ "ra",
+ "g"
+ ],
+ [
+ "Ġse",
+ "vere"
+ ],
+ [
+ "Ġp",
+ "en"
+ ],
+ [
+ "Ġinst",
+ "ruct"
+ ],
+ [
+ "Ġpract",
+ "ical"
+ ],
+ [
+ "ĠM",
+ "us"
+ ],
+ [
+ "Ġtre",
+ "es"
+ ],
+ [
+ "Ġro",
+ "om"
+ ],
+ [
+ "Ġarch",
+ "itect"
+ ],
+ [
+ "Ġpo",
+ "or"
+ ],
+ [
+ "Ġplan",
+ "ning"
+ ],
+ [
+ "Ġimm",
+ "edi"
+ ],
+ [
+ "e",
+ "ks"
+ ],
+ [
+ "Ġthere",
+ "fore"
+ ],
+ [
+ "Ġpie",
+ "ce"
+ ],
+ [
+ "Ġnot",
+ "e"
+ ],
+ [
+ "Ġey",
+ "es"
+ ],
+ [
+ "ĠEduc",
+ "ation"
+ ],
+ [
+ "Ġtechn",
+ "ologies"
+ ],
+ [
+ "n",
+ "ame"
+ ],
+ [
+ "il",
+ "le"
+ ],
+ [
+ "o",
+ "ice"
+ ],
+ [
+ "Ġconst",
+ "ruction"
+ ],
+ [
+ "Ġth",
+ "ous"
+ ],
+ [
+ "ĠR",
+ "uss"
+ ],
+ [
+ "Ġp",
+ "ow"
+ ],
+ [
+ "Ġl",
+ "abor"
+ ],
+ [
+ "Ġvir",
+ "t"
+ ],
+ [
+ "âĢĻ",
+ "ve"
+ ],
+ [
+ "ĠCh",
+ "ar"
+ ],
+ [
+ "ef",
+ "ore"
+ ],
+ [
+ "Ġadult",
+ "s"
+ ],
+ [
+ "Ġreport",
+ "ed"
+ ],
+ [
+ "Ġacad",
+ "emic"
+ ],
+ [
+ "Ġexp",
+ "ression"
+ ],
+ [
+ "ĠI",
+ "I"
+ ],
+ [
+ "og",
+ "ue"
+ ],
+ [
+ "ec",
+ "ause"
+ ],
+ [
+ "Ġcomp",
+ "ar"
+ ],
+ [
+ "Ġloc",
+ "ation"
+ ],
+ [
+ "ro",
+ "gen"
+ ],
+ [
+ "S",
+ "ection"
+ ],
+ [
+ "Ġmom",
+ "ent"
+ ],
+ [
+ "Ġsc",
+ "en"
+ ],
+ [
+ "Ġloc",
+ "ated"
+ ],
+ [
+ "Ġout",
+ "comes"
+ ],
+ [
+ "og",
+ "en"
+ ],
+ [
+ "ĠInd",
+ "ian"
+ ],
+ [
+ "Ġdep",
+ "end"
+ ],
+ [
+ "3",
+ "4"
+ ],
+ [
+ "Ġbegin",
+ "ning"
+ ],
+ [
+ "Ġcent",
+ "er"
+ ],
+ [
+ "a",
+ "res"
+ ],
+ [
+ "Ġchalleng",
+ "ing"
+ ],
+ [
+ "Ġlarg",
+ "est"
+ ],
+ [
+ "w",
+ "orks"
+ ],
+ [
+ "Ġfore",
+ "st"
+ ],
+ [
+ "Ġv",
+ "ital"
+ ],
+ [
+ "il",
+ "it"
+ ],
+ [
+ "ĠM",
+ "ost"
+ ],
+ [
+ "Ġmil",
+ "itary"
+ ],
+ [
+ "ci",
+ "ous"
+ ],
+ [
+ "Ġdeg",
+ "ree"
+ ],
+ [
+ "Ġint",
+ "ellig"
+ ],
+ [
+ "ĠEx",
+ "pl"
+ ],
+ [
+ "Â",
+ "°"
+ ],
+ [
+ "Ġappro",
+ "x"
+ ],
+ [
+ "ari",
+ "an"
+ ],
+ [
+ "Ġteac",
+ "her"
+ ],
+ [
+ "ce",
+ "an"
+ ],
+ [
+ "m",
+ "ath"
+ ],
+ [
+ "ĠA",
+ "ug"
+ ],
+ [
+ "ang",
+ "le"
+ ],
+ [
+ "Ġlearn",
+ "ed"
+ ],
+ [
+ "Ġcommon",
+ "ly"
+ ],
+ [
+ "Ġtra",
+ "de"
+ ],
+ [
+ "plic",
+ "ations"
+ ],
+ [
+ "Ġinvol",
+ "ve"
+ ],
+ [
+ "Ġh",
+ "ope"
+ ],
+ [
+ "Ġacc",
+ "om"
+ ],
+ [
+ "Ġre",
+ "asons"
+ ],
+ [
+ "Ġdi",
+ "vers"
+ ],
+ [
+ "Ġsmall",
+ "er"
+ ],
+ [
+ "L",
+ "et"
+ ],
+ [
+ "ĠCh",
+ "ild"
+ ],
+ [
+ "l",
+ "ands"
+ ],
+ [
+ "d",
+ "is"
+ ],
+ [
+ "r",
+ "t"
+ ],
+ [
+ "Ġpur",
+ "ch"
+ ],
+ [
+ "Ġf",
+ "igure"
+ ],
+ [
+ "Ð",
+ "¸"
+ ],
+ [
+ "ĠIntern",
+ "ational"
+ ],
+ [
+ "Ġj",
+ "ud"
+ ],
+ [
+ "o",
+ "e"
+ ],
+ [
+ "Ġd",
+ "ed"
+ ],
+ [
+ "Ġrele",
+ "vant"
+ ],
+ [
+ "ĠD",
+ "i"
+ ],
+ [
+ "Ġconcer",
+ "ns"
+ ],
+ [
+ "form",
+ "ation"
+ ],
+ [
+ "ĠCl",
+ "ass"
+ ],
+ [
+ "f",
+ "l"
+ ],
+ [
+ "-",
+ "S"
+ ],
+ [
+ "al",
+ "le"
+ ],
+ [
+ "}",
+ "$"
+ ],
+ [
+ "Ġtest",
+ "ing"
+ ],
+ [
+ "}",
+ "\\"
+ ],
+ [
+ "Ġg",
+ "old"
+ ],
+ [
+ "Ġro",
+ "ad"
+ ],
+ [
+ "tern",
+ "al"
+ ],
+ [
+ "u",
+ "k"
+ ],
+ [
+ "Ġd",
+ "ark"
+ ],
+ [
+ "Ġdis",
+ "play"
+ ],
+ [
+ "Ġan",
+ "xiety"
+ ],
+ [
+ "Ġchall",
+ "enge"
+ ],
+ [
+ "Ġcharacter",
+ "istics"
+ ],
+ [
+ "Ġcar",
+ "ry"
+ ],
+ [
+ "Ġpar",
+ "am"
+ ],
+ [
+ "ĠA",
+ "nt"
+ ],
+ [
+ "Ġso",
+ "on"
+ ],
+ [
+ "se",
+ "ct"
+ ],
+ [
+ "ĠChrist",
+ "ian"
+ ],
+ [
+ "oc",
+ "ks"
+ ],
+ [
+ "Ġrequire",
+ "ments"
+ ],
+ [
+ "Ġwh",
+ "ose"
+ ],
+ [
+ "Ġc",
+ "ou"
+ ],
+ [
+ "ĠH",
+ "er"
+ ],
+ [
+ "Ġst",
+ "ri"
+ ],
+ [
+ "Ġcont",
+ "roll"
+ ],
+ [
+ "in",
+ "y"
+ ],
+ [
+ "e",
+ "per"
+ ],
+ [
+ "ww",
+ "w"
+ ],
+ [
+ "Ġhtt",
+ "ps"
+ ],
+ [
+ "Ġens",
+ "uring"
+ ],
+ [
+ "re",
+ "es"
+ ],
+ [
+ "Ġn",
+ "ation"
+ ],
+ [
+ "Ġfe",
+ "ature"
+ ],
+ [
+ "ci",
+ "pl"
+ ],
+ [
+ "hes",
+ "is"
+ ],
+ [
+ "con",
+ "t"
+ ],
+ [
+ "Ġres",
+ "istance"
+ ],
+ [
+ "Ġad",
+ "just"
+ ],
+ [
+ "Ġe",
+ "ating"
+ ],
+ [
+ "Ġbeaut",
+ "iful"
+ ],
+ [
+ "Ġsign",
+ "s"
+ ],
+ [
+ "i",
+ "able"
+ ],
+ [
+ "ind",
+ "ing"
+ ],
+ [
+ "Ġsol",
+ "ve"
+ ],
+ [
+ "Ġf",
+ "resh"
+ ],
+ [
+ "Ġser",
+ "ve"
+ ],
+ [
+ "ĠU",
+ "nderstanding"
+ ],
+ [
+ "19",
+ "5"
+ ],
+ [
+ "Ġres",
+ "ource"
+ ],
+ [
+ "9",
+ "9"
+ ],
+ [
+ "ĠA",
+ "ut"
+ ],
+ [
+ "air",
+ "s"
+ ],
+ [
+ "Ġac",
+ "qu"
+ ],
+ [
+ "w",
+ "ide"
+ ],
+ [
+ "Ġinteract",
+ "ions"
+ ],
+ [
+ "d",
+ "f"
+ ],
+ [
+ "Ġcont",
+ "emporary"
+ ],
+ [
+ "ĠW",
+ "hy"
+ ],
+ [
+ "ub",
+ "e"
+ ],
+ [
+ "ĠS",
+ "w"
+ ],
+ [
+ "-",
+ "C"
+ ],
+ [
+ "Ġe",
+ "gg"
+ ],
+ [
+ "Ġbusiness",
+ "es"
+ ],
+ [
+ "Ġdefin",
+ "ition"
+ ],
+ [
+ "ed",
+ "ia"
+ ],
+ [
+ "Ġbo",
+ "x"
+ ],
+ [
+ "Ġass",
+ "ist"
+ ],
+ [
+ "Ġad",
+ "minist"
+ ],
+ [
+ "ch",
+ "ange"
+ ],
+ [
+ "Ġris",
+ "ks"
+ ],
+ [
+ "ch",
+ "ing"
+ ],
+ [
+ "Ġstreng",
+ "th"
+ ],
+ [
+ "ĠM",
+ "at"
+ ],
+ [
+ "Ġro",
+ "ck"
+ ],
+ [
+ "Ġpriorit",
+ "ize"
+ ],
+ [
+ "b",
+ "it"
+ ],
+ [
+ "Ġredu",
+ "cing"
+ ],
+ [
+ "Ġexp",
+ "and"
+ ],
+ [
+ "Ġfor",
+ "ces"
+ ],
+ [
+ "Ġa",
+ "st"
+ ],
+ [
+ "u",
+ "ary"
+ ],
+ [
+ "Ġro",
+ "t"
+ ],
+ [
+ "un",
+ "ction"
+ ],
+ [
+ "Ġl",
+ "at"
+ ],
+ [
+ "Ġdr",
+ "ink"
+ ],
+ [
+ "ĠJ",
+ "u"
+ ],
+ [
+ "Ġag",
+ "ricult"
+ ],
+ [
+ "Ġoper",
+ "ations"
+ ],
+ [
+ "ĠO",
+ "ct"
+ ],
+ [
+ "u",
+ "ed"
+ ],
+ [
+ "Ġfasc",
+ "inating"
+ ],
+ [
+ "c",
+ "ks"
+ ],
+ [
+ "h",
+ "ors"
+ ],
+ [
+ "Ġaltern",
+ "ative"
+ ],
+ [
+ "Ġless",
+ "ons"
+ ],
+ [
+ "igen",
+ "ous"
+ ],
+ [
+ "Ġt",
+ "asks"
+ ],
+ [
+ "w",
+ "ater"
+ ],
+ [
+ "Ġpl",
+ "ays"
+ ],
+ [
+ "Ġf",
+ "ear"
+ ],
+ [
+ "Ġn",
+ "uc"
+ ],
+ [
+ "b",
+ "all"
+ ],
+ [
+ "Ġup",
+ "d"
+ ],
+ [
+ "Ġm",
+ "ob"
+ ],
+ [
+ "Ġtest",
+ "s"
+ ],
+ [
+ "ĠThe",
+ "ir"
+ ],
+ [
+ "h",
+ "aps"
+ ],
+ [
+ "ĠC",
+ "he"
+ ],
+ [
+ "Ġset",
+ "ting"
+ ],
+ [
+ "ĠJ",
+ "our"
+ ],
+ [
+ "over",
+ "n"
+ ],
+ [
+ "Ġse",
+ "a"
+ ],
+ [
+ "A",
+ "t"
+ ],
+ [
+ "Ġsustain",
+ "able"
+ ],
+ [
+ "u",
+ "ild"
+ ],
+ [
+ "Ġd",
+ "ate"
+ ],
+ [
+ "Ġansw",
+ "ers"
+ ],
+ [
+ "Ġv",
+ "ary"
+ ],
+ [
+ "ur",
+ "ance"
+ ],
+ [
+ "ĠW",
+ "ell"
+ ],
+ [
+ "Ġgra",
+ "du"
+ ],
+ [
+ "Ġcele",
+ "br"
+ ],
+ [
+ "ĠPro",
+ "g"
+ ],
+ [
+ "Ġexper",
+ "t"
+ ],
+ [
+ "i",
+ "ra"
+ ],
+ [
+ "Ġcon",
+ "nection"
+ ],
+ [
+ "Ġinterest",
+ "ing"
+ ],
+ [
+ "Ġth",
+ "r"
+ ],
+ [
+ "ĠG",
+ "reat"
+ ],
+ [
+ "Ġask",
+ "ed"
+ ],
+ [
+ "7",
+ "8"
+ ],
+ [
+ "Ġback",
+ "ground"
+ ],
+ [
+ "Ġent",
+ "er"
+ ],
+ [
+ "ĠPh",
+ "ys"
+ ],
+ [
+ "Ġnut",
+ "ri"
+ ],
+ [
+ "y",
+ "pe"
+ ],
+ [
+ "Ġd",
+ "irection"
+ ],
+ [
+ "us",
+ "ion"
+ ],
+ [
+ "l",
+ "ist"
+ ],
+ [
+ "c",
+ "il"
+ ],
+ [
+ "Ġex",
+ "ec"
+ ],
+ [
+ "ast",
+ "e"
+ ],
+ [
+ "en",
+ "cies"
+ ],
+ [
+ "Ġappl",
+ "ied"
+ ],
+ [
+ "Ġc",
+ "ore"
+ ],
+ [
+ "Ġconnect",
+ "ions"
+ ],
+ [
+ ")",
+ ")"
+ ],
+ [
+ "Ġt",
+ "ou"
+ ],
+ [
+ "Ġaffect",
+ "ed"
+ ],
+ [
+ "Ġapp",
+ "e"
+ ],
+ [
+ "ol",
+ "ic"
+ ],
+ [
+ "qu",
+ "e"
+ ],
+ [
+ "ĠD",
+ "ay"
+ ],
+ [
+ "Ġmention",
+ "ing"
+ ],
+ [
+ "Ġt",
+ "ask"
+ ],
+ [
+ "S",
+ "T"
+ ],
+ [
+ "Ġp",
+ "hen"
+ ],
+ [
+ "Ġde",
+ "al"
+ ],
+ [
+ "Ġrece",
+ "ive"
+ ],
+ [
+ "us",
+ "ed"
+ ],
+ [
+ "(",
+ "self"
+ ],
+ [
+ "'",
+ "ve"
+ ],
+ [
+ "Ġcom",
+ "fort"
+ ],
+ [
+ "an",
+ "ish"
+ ],
+ [
+ "e",
+ "es"
+ ],
+ [
+ "Ġopportun",
+ "ity"
+ ],
+ [
+ "ĠS",
+ "ocial"
+ ],
+ [
+ ".",
+ "e"
+ ],
+ [
+ "re",
+ "w"
+ ],
+ [
+ "Ġvol",
+ "ume"
+ ],
+ [
+ "ogn",
+ "itive"
+ ],
+ [
+ "The",
+ "se"
+ ],
+ [
+ "Ġatt",
+ "ack"
+ ],
+ [
+ "Ġbenef",
+ "it"
+ ],
+ [
+ "ĠS",
+ "pe"
+ ],
+ [
+ "Ġinst",
+ "ru"
+ ],
+ [
+ "ul",
+ "ated"
+ ],
+ [
+ "ify",
+ "ing"
+ ],
+ [
+ "ĠF",
+ "urther"
+ ],
+ [
+ "Ġdescrib",
+ "ed"
+ ],
+ [
+ "ath",
+ "y"
+ ],
+ [
+ "Ġbir",
+ "th"
+ ],
+ [
+ "Ġnut",
+ "rit"
+ ],
+ [
+ "Ġcont",
+ "rast"
+ ],
+ [
+ "5",
+ "00"
+ ],
+ [
+ "Ġsc",
+ "ale"
+ ],
+ [
+ "Ġim",
+ "ag"
+ ],
+ [
+ "A",
+ "P"
+ ],
+ [
+ "Ġf",
+ "ight"
+ ],
+ [
+ "ĠA",
+ "ccording"
+ ],
+ [
+ "Ġr",
+ "ule"
+ ],
+ [
+ "Ġc",
+ "am"
+ ],
+ [
+ "3",
+ "8"
+ ],
+ [
+ "Ñ",
+ "Ĥ"
+ ],
+ [
+ "it",
+ "is"
+ ],
+ [
+ "Ġeconom",
+ "y"
+ ],
+ [
+ "ĠD",
+ "ef"
+ ],
+ [
+ "und",
+ "red"
+ ],
+ [
+ "Ġcit",
+ "iz"
+ ],
+ [
+ "19",
+ "3"
+ ],
+ [
+ "Ġra",
+ "ndom"
+ ],
+ [
+ "Ġal",
+ "though"
+ ],
+ [
+ "I",
+ "V"
+ ],
+ [
+ "ĠC",
+ "ur"
+ ],
+ [
+ "og",
+ "le"
+ ],
+ [
+ "Ġhab",
+ "it"
+ ],
+ [
+ "Ġpriv",
+ "ate"
+ ],
+ [
+ "Ġstart",
+ "ing"
+ ],
+ [
+ "Ġadv",
+ "anced"
+ ],
+ [
+ "Ġins",
+ "p"
+ ],
+ [
+ "ri",
+ "ef"
+ ],
+ [
+ "Ġdisc",
+ "overed"
+ ],
+ [
+ "Ġrecomm",
+ "end"
+ ],
+ [
+ "m",
+ "ed"
+ ],
+ [
+ "Ġwe",
+ "ather"
+ ],
+ [
+ "4",
+ "8"
+ ],
+ [
+ "Ġintrodu",
+ "ction"
+ ],
+ [
+ "Ġf",
+ "ix"
+ ],
+ [
+ "iven",
+ "ess"
+ ],
+ [
+ "e",
+ "ing"
+ ],
+ [
+ "Ġhe",
+ "ld"
+ ],
+ [
+ "el",
+ "come"
+ ],
+ [
+ "**",
+ "ĊĊ"
+ ],
+ [
+ "Ġwe",
+ "eks"
+ ],
+ [
+ "3",
+ "9"
+ ],
+ [
+ "Ġany",
+ "thing"
+ ],
+ [
+ "oc",
+ "ol"
+ ],
+ [
+ "Ġh",
+ "on"
+ ],
+ [
+ "um",
+ "n"
+ ],
+ [
+ "m",
+ "osp"
+ ],
+ [
+ "augh",
+ "t"
+ ],
+ [
+ "est",
+ "ic"
+ ],
+ [
+ "Ġman",
+ "age"
+ ],
+ [
+ "Ġinit",
+ "i"
+ ],
+ [
+ "know",
+ "n"
+ ],
+ [
+ "Ġoccur",
+ "s"
+ ],
+ [
+ "Ġdo",
+ "ctor"
+ ],
+ [
+ "Ġt",
+ "ips"
+ ],
+ [
+ "Ġredu",
+ "ced"
+ ],
+ [
+ "Ġcapac",
+ "ity"
+ ],
+ [
+ "3",
+ "7"
+ ],
+ [
+ "or",
+ "age"
+ ],
+ [
+ "Ġprocess",
+ "ing"
+ ],
+ [
+ "et",
+ "ers"
+ ],
+ [
+ "Ġf",
+ "ront"
+ ],
+ [
+ "Ġsol",
+ "id"
+ ],
+ [
+ "Ġexpect",
+ "ed"
+ ],
+ [
+ "Ġeffic",
+ "iency"
+ ],
+ [
+ "Ġ$",
+ "\\"
+ ],
+ [
+ "ĠH",
+ "igh"
+ ],
+ [
+ "Ġ",
+ "iron"
+ ],
+ [
+ "Ġb",
+ "atter"
+ ],
+ [
+ "for",
+ "ce"
+ ],
+ [
+ "ĠWorks",
+ "he"
+ ],
+ [
+ "at",
+ "ur"
+ ],
+ [
+ "ĠV",
+ "al"
+ ],
+ [
+ "Wh",
+ "ile"
+ ],
+ [
+ "Ġn",
+ "ames"
+ ],
+ [
+ "Ġprin",
+ "c"
+ ],
+ [
+ "Ġm",
+ "ount"
+ ],
+ [
+ "Ġcol",
+ "d"
+ ],
+ [
+ "Ġpro",
+ "p"
+ ],
+ [
+ "Ġm",
+ "iss"
+ ],
+ [
+ "ĠR",
+ "ed"
+ ],
+ [
+ "W",
+ "ith"
+ ],
+ [
+ "Ġs",
+ "chol"
+ ],
+ [
+ "Ġad",
+ "vent"
+ ],
+ [
+ "Ġs",
+ "we"
+ ],
+ [
+ "ĠS",
+ "erv"
+ ],
+ [
+ "Ġb",
+ "ott"
+ ],
+ [
+ "Ġsol",
+ "d"
+ ],
+ [
+ "Ġgo",
+ "es"
+ ],
+ [
+ "Ġne",
+ "igh"
+ ],
+ [
+ "m",
+ "ary"
+ ],
+ [
+ "ĠB",
+ "o"
+ ],
+ [
+ "al",
+ "se"
+ ],
+ [
+ "ĠS",
+ "ub"
+ ],
+ [
+ "u",
+ "ff"
+ ],
+ [
+ "Ġ",
+ "...Ċ"
+ ],
+ [
+ "Ġex",
+ "cess"
+ ],
+ [
+ "Ġresp",
+ "ond"
+ ],
+ [
+ "ĠE",
+ "l"
+ ],
+ [
+ "(",
+ "s"
+ ],
+ [
+ "Ġadv",
+ "ance"
+ ],
+ [
+ "rom",
+ "e"
+ ],
+ [
+ "ĠGerm",
+ "an"
+ ],
+ [
+ "ĠB",
+ "i"
+ ],
+ [
+ "ĠD",
+ "uring"
+ ],
+ [
+ "Ġb",
+ "ul"
+ ],
+ [
+ "Ġprob",
+ "ably"
+ ],
+ [
+ "Ġstand",
+ "ards"
+ ],
+ [
+ "am",
+ "ental"
+ ],
+ [
+ "Ġeas",
+ "ier"
+ ],
+ [
+ "Ġbu",
+ "y"
+ ],
+ [
+ "g",
+ "y"
+ ],
+ [
+ "ĠB",
+ "ar"
+ ],
+ [
+ "Ġev",
+ "ol"
+ ],
+ [
+ "Ġconnect",
+ "ed"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠ",
+ "ĠĠĠĠĠĠĠĠ"
+ ],
+ [
+ "ruct",
+ "ure"
+ ],
+ [
+ "op",
+ "hy"
+ ],
+ [
+ "Ġl",
+ "oad"
+ ],
+ [
+ "Ġf",
+ "ig"
+ ],
+ [
+ "ough",
+ "t"
+ ],
+ [
+ "ĠA",
+ "pr"
+ ],
+ [
+ "A",
+ "M"
+ ],
+ [
+ "ĠCh",
+ "inese"
+ ],
+ [
+ "-y",
+ "ear"
+ ],
+ [
+ "ric",
+ "k"
+ ],
+ [
+ "ĠM",
+ "ark"
+ ],
+ [
+ "am",
+ "s"
+ ],
+ [
+ "U",
+ "n"
+ ],
+ [
+ "Ġhe",
+ "ight"
+ ],
+ [
+ "Ġfor",
+ "ward"
+ ],
+ [
+ "Ġw",
+ "on"
+ ],
+ [
+ "Ġfind",
+ "ing"
+ ],
+ [
+ "C",
+ "om"
+ ],
+ [
+ "Ġsoci",
+ "et"
+ ],
+ [
+ "ĠF",
+ "l"
+ ],
+ [
+ "Ġdep",
+ "ending"
+ ],
+ [
+ "ri",
+ "e"
+ ],
+ [
+ "b",
+ "al"
+ ],
+ [
+ "Ġr",
+ "ise"
+ ],
+ [
+ "ang",
+ "ing"
+ ],
+ [
+ "ĠThere",
+ "fore"
+ ],
+ [
+ "im",
+ "ize"
+ ],
+ [
+ "ĠH",
+ "el"
+ ],
+ [
+ "Ġsurround",
+ "ing"
+ ],
+ [
+ "et",
+ "ry"
+ ],
+ [
+ "Ġtechn",
+ "ique"
+ ],
+ [
+ "Ġspec",
+ "ifically"
+ ],
+ [
+ "Ġatt",
+ "ract"
+ ],
+ [
+ "Ġtrans",
+ "fer"
+ ],
+ [
+ "Ġlet",
+ "ter"
+ ],
+ [
+ "Ġappro",
+ "aches"
+ ],
+ [
+ "ke",
+ "y"
+ ],
+ [
+ "Ġm",
+ "aster"
+ ],
+ [
+ "E",
+ "C"
+ ],
+ [
+ "19",
+ "1"
+ ],
+ [
+ "at",
+ "tle"
+ ],
+ [
+ "-pro",
+ "v"
+ ],
+ [
+ "Ġf",
+ "uel"
+ ],
+ [
+ "Ġbas",
+ "is"
+ ],
+ [
+ "Ġlay",
+ "er"
+ ],
+ [
+ "ĠO",
+ "nce"
+ ],
+ [
+ "Ġmet",
+ "al"
+ ],
+ [
+ "Ġeng",
+ "age"
+ ],
+ [
+ "ĠH",
+ "ar"
+ ],
+ [
+ "==",
+ "=="
+ ],
+ [
+ "Ġass",
+ "um"
+ ],
+ [
+ "â",
+ "Ī"
+ ],
+ [
+ "Ġwor",
+ "th"
+ ],
+ [
+ "Ġl",
+ "ost"
+ ],
+ [
+ "I",
+ "nt"
+ ],
+ [
+ "Ġearl",
+ "ier"
+ ],
+ [
+ "z",
+ "ing"
+ ],
+ [
+ "Ġpolic",
+ "ies"
+ ],
+ [
+ "Ġl",
+ "iqu"
+ ],
+ [
+ "Ġmaintain",
+ "ing"
+ ],
+ [
+ "4",
+ "4"
+ ],
+ [
+ "Ġdi",
+ "ag"
+ ],
+ [
+ "i",
+ "i"
+ ],
+ [
+ "s",
+ "es"
+ ],
+ [
+ "Ġde",
+ "eper"
+ ],
+ [
+ "ĠPro",
+ "f"
+ ],
+ [
+ "ĠCan",
+ "ada"
+ ],
+ [
+ "A",
+ "nd"
+ ],
+ [
+ "ĠW",
+ "ork"
+ ],
+ [
+ "al",
+ "ysis"
+ ],
+ [
+ "ed",
+ "om"
+ ],
+ [
+ "ĠL",
+ "aw"
+ ],
+ [
+ "Ġte",
+ "eth"
+ ],
+ [
+ "Ġhapp",
+ "ens"
+ ],
+ [
+ "Ġdisord",
+ "er"
+ ],
+ [
+ "Ġreg",
+ "ions"
+ ],
+ [
+ "ag",
+ "er"
+ ],
+ [
+ "Ġpres",
+ "ence"
+ ],
+ [
+ "Ġvers",
+ "ion"
+ ],
+ [
+ "Ġcult",
+ "ures"
+ ],
+ [
+ "ĠT",
+ "est"
+ ],
+ [
+ "oc",
+ "r"
+ ],
+ [
+ "in",
+ "c"
+ ],
+ [
+ "ru",
+ "pt"
+ ],
+ [
+ "Ġ",
+ "--"
+ ],
+ [
+ "Ġb",
+ "orn"
+ ],
+ [
+ "i",
+ "ers"
+ ],
+ [
+ "S",
+ "h"
+ ],
+ [
+ "-prov",
+ "oking"
+ ],
+ [
+ "Ġconsequ",
+ "ences"
+ ],
+ [
+ "Ġexist",
+ "ing"
+ ],
+ [
+ "Ġplan",
+ "et"
+ ],
+ [
+ "Ġform",
+ "ula"
+ ],
+ [
+ "Ġhelp",
+ "ing"
+ ],
+ [
+ "Ġbl",
+ "ue"
+ ],
+ [
+ "an",
+ "c"
+ ],
+ [
+ "w",
+ "er"
+ ],
+ [
+ "Ġb",
+ "rought"
+ ],
+ [
+ "um",
+ "s"
+ ],
+ [
+ "Ġpre",
+ "par"
+ ],
+ [
+ "Ġant",
+ "i"
+ ],
+ [
+ "Ġbacter",
+ "ia"
+ ],
+ [
+ "Ġha",
+ "ir"
+ ],
+ [
+ "Ġfollow",
+ "ed"
+ ],
+ [
+ "he",
+ "st"
+ ],
+ [
+ "Ġthough",
+ "ts"
+ ],
+ [
+ "Ġg",
+ "ir"
+ ],
+ [
+ "Ġt",
+ "en"
+ ],
+ [
+ "Ġst",
+ "ore"
+ ],
+ [
+ "Ġun",
+ "its"
+ ],
+ [
+ "Ġbread",
+ "th"
+ ],
+ [
+ "Ġpre",
+ "gn"
+ ],
+ [
+ "Ġre",
+ "pl"
+ ],
+ [
+ "ĠBl",
+ "ack"
+ ],
+ [
+ "Ġrepres",
+ "ents"
+ ],
+ [
+ "b",
+ "l"
+ ],
+ [
+ "Ġpl",
+ "ans"
+ ],
+ [
+ "Ġstat",
+ "us"
+ ],
+ [
+ "Ġal",
+ "cohol"
+ ],
+ [
+ "ĠM",
+ "ath"
+ ],
+ [
+ "Ġval",
+ "id"
+ ],
+ [
+ "Ġm",
+ "id"
+ ],
+ [
+ "19",
+ "2"
+ ],
+ [
+ "Ġm",
+ "ut"
+ ],
+ [
+ "Ġp",
+ "apers"
+ ],
+ [
+ "id",
+ "ing"
+ ],
+ [
+ "Ġill",
+ "ness"
+ ],
+ [
+ "on",
+ "ic"
+ ],
+ [
+ "ĠD",
+ "ata"
+ ],
+ [
+ "Ġcont",
+ "ract"
+ ],
+ [
+ "bo",
+ "ard"
+ ],
+ [
+ "Ġcomm",
+ "er"
+ ],
+ [
+ "le",
+ "v"
+ ],
+ [
+ "Ġfam",
+ "ous"
+ ],
+ [
+ "Ġp",
+ "ick"
+ ],
+ [
+ "Ġw",
+ "atch"
+ ],
+ [
+ "Ġ",
+ ".Ċ"
+ ],
+ [
+ "Ġold",
+ "er"
+ ],
+ [
+ "ag",
+ "raph"
+ ],
+ [
+ "Ġaut",
+ "hors"
+ ],
+ [
+ "(",
+ ")Ċ"
+ ],
+ [
+ "ĠH",
+ "ol"
+ ],
+ [
+ "ro",
+ "s"
+ ],
+ [
+ "is",
+ "c"
+ ],
+ [
+ "l",
+ "am"
+ ],
+ [
+ "ĠS",
+ "ince"
+ ],
+ [
+ "C",
+ "O"
+ ],
+ [
+ "Ġex",
+ "cell"
+ ],
+ [
+ "Ġexp",
+ "osure"
+ ],
+ [
+ "ra",
+ "b"
+ ],
+ [
+ "Ġwork",
+ "ers"
+ ],
+ [
+ "ib",
+ "ly"
+ ],
+ [
+ "ic",
+ "ip"
+ ],
+ [
+ "Ġexper",
+ "iment"
+ ],
+ [
+ "Ġbo",
+ "ard"
+ ],
+ [
+ "Ġpict",
+ "ure"
+ ],
+ [
+ "Ġfeel",
+ "ings"
+ ],
+ [
+ "Ġrece",
+ "ived"
+ ],
+ [
+ "Ġun",
+ "c"
+ ],
+ [
+ "Ġsit",
+ "es"
+ ],
+ [
+ "Ġf",
+ "ields"
+ ],
+ [
+ "Ġresult",
+ "ing"
+ ],
+ [
+ "Ġinterpre",
+ "t"
+ ],
+ [
+ "if",
+ "orn"
+ ],
+ [
+ "st",
+ "e"
+ ],
+ [
+ "es",
+ "us"
+ ],
+ [
+ "Ġconsum",
+ "ption"
+ ],
+ [
+ "Ġwe",
+ "ak"
+ ],
+ [
+ "ic",
+ "an"
+ ],
+ [
+ "Ġv",
+ "ict"
+ ],
+ [
+ "Ġp",
+ "et"
+ ],
+ [
+ "con",
+ "s"
+ ],
+ [
+ "Ġk",
+ "ing"
+ ],
+ [
+ "Ġinflu",
+ "en"
+ ],
+ [
+ "pect",
+ "ed"
+ ],
+ [
+ "Ġcomplete",
+ "ly"
+ ],
+ [
+ "Ġt",
+ "im"
+ ],
+ [
+ "Ġh",
+ "undred"
+ ],
+ [
+ "Ġful",
+ "ly"
+ ],
+ [
+ "R",
+ "O"
+ ],
+ [
+ "Ġh",
+ "om"
+ ],
+ [
+ "ric",
+ "es"
+ ],
+ [
+ "Ġvari",
+ "ables"
+ ],
+ [
+ "Ġspe",
+ "ech"
+ ],
+ [
+ "ĠE",
+ "ven"
+ ],
+ [
+ "ĠUs",
+ "ing"
+ ],
+ [
+ "Ġw",
+ "rong"
+ ],
+ [
+ "on",
+ "ds"
+ ],
+ [
+ "Ġsex",
+ "ual"
+ ],
+ [
+ "ĠW",
+ "est"
+ ],
+ [
+ "Ġstrateg",
+ "y"
+ ],
+ [
+ "Ġre",
+ "ality"
+ ],
+ [
+ "Ġz",
+ "ero"
+ ],
+ [
+ "ĠPl",
+ "an"
+ ],
+ [
+ "Ġsignific",
+ "ance"
+ ],
+ [
+ "Ġtr",
+ "ig"
+ ],
+ [
+ "Ġform",
+ "ed"
+ ],
+ [
+ "Ġdown",
+ "load"
+ ],
+ [
+ "Ġprofession",
+ "als"
+ ],
+ [
+ "5",
+ "5"
+ ],
+ [
+ "ord",
+ "er"
+ ],
+ [
+ "Ġf",
+ "ather"
+ ],
+ [
+ "Ġun",
+ "f"
+ ],
+ [
+ "ĠT",
+ "oday"
+ ],
+ [
+ "Ġlangu",
+ "ages"
+ ],
+ [
+ "Ġconflic",
+ "t"
+ ],
+ [
+ "Ġaware",
+ "ness"
+ ],
+ [
+ "Ġchang",
+ "ing"
+ ],
+ [
+ "ĠPe",
+ "ople"
+ ],
+ [
+ "ĠInst",
+ "itute"
+ ],
+ [
+ "a",
+ "id"
+ ],
+ [
+ "Ġarg",
+ "ument"
+ ],
+ [
+ "Ġh",
+ "osp"
+ ],
+ [
+ "Ġt",
+ "our"
+ ],
+ [
+ "Ġemot",
+ "ions"
+ ],
+ [
+ "Ġmot",
+ "iv"
+ ],
+ [
+ "Ġde",
+ "ad"
+ ],
+ [
+ "Ġse",
+ "ems"
+ ],
+ [
+ "V",
+ "ID"
+ ],
+ [
+ "ur",
+ "t"
+ ],
+ [
+ "Ġfil",
+ "m"
+ ],
+ [
+ "_",
+ "t"
+ ],
+ [
+ "Ġ",
+ "ice"
+ ],
+ [
+ "ar",
+ "a"
+ ],
+ [
+ "Ġeff",
+ "ort"
+ ],
+ [
+ "ĠSu",
+ "pp"
+ ],
+ [
+ "ĠR",
+ "ef"
+ ],
+ [
+ "Ġgard",
+ "en"
+ ],
+ [
+ "ĠL",
+ "at"
+ ],
+ [
+ "Ġincre",
+ "ases"
+ ],
+ [
+ "os",
+ "es"
+ ],
+ [
+ "Ġfind",
+ "ings"
+ ],
+ [
+ "Ġw",
+ "ent"
+ ],
+ [
+ "Ġur",
+ "ban"
+ ],
+ [
+ "Ġmon",
+ "it"
+ ],
+ [
+ "Ġd",
+ "ive"
+ ],
+ [
+ "Ġra",
+ "re"
+ ],
+ [
+ "Ġsh",
+ "aring"
+ ],
+ [
+ "Ġsa",
+ "ve"
+ ],
+ [
+ "on",
+ "al"
+ ],
+ [
+ "Ġinterest",
+ "s"
+ ],
+ [
+ "Ġt",
+ "ut"
+ ],
+ [
+ "C",
+ "an"
+ ],
+ [
+ "Ġtr",
+ "ial"
+ ],
+ [
+ "Ġat",
+ "mosp"
+ ],
+ [
+ "Ġop",
+ "in"
+ ],
+ [
+ "A",
+ "D"
+ ],
+ [
+ "pt",
+ "ember"
+ ],
+ [
+ "ĠP",
+ "ract"
+ ],
+ [
+ "Ġc",
+ "m"
+ ],
+ [
+ ".",
+ ")"
+ ],
+ [
+ "ct",
+ "ors"
+ ],
+ [
+ "Ġengine",
+ "ering"
+ ],
+ [
+ "Ġb",
+ "odies"
+ ],
+ [
+ "Ġref",
+ "erence"
+ ],
+ [
+ "al",
+ "ed"
+ ],
+ [
+ "ĠIt",
+ "s"
+ ],
+ [
+ "go",
+ "ing"
+ ],
+ [
+ "Ġpe",
+ "ace"
+ ],
+ [
+ "Ð",
+ "½"
+ ],
+ [
+ "ro",
+ "te"
+ ],
+ [
+ "ag",
+ "s"
+ ],
+ [
+ "Ġread",
+ "y"
+ ],
+ [
+ "Ġdisord",
+ "ers"
+ ],
+ [
+ "Ġst",
+ "im"
+ ],
+ [
+ "Ġsp",
+ "ect"
+ ],
+ [
+ "ific",
+ "ial"
+ ],
+ [
+ "Ġco",
+ "ord"
+ ],
+ [
+ "Ġsa",
+ "w"
+ ],
+ [
+ "Ġgen",
+ "etic"
+ ],
+ [
+ "Ġev",
+ "olution"
+ ],
+ [
+ "hip",
+ "s"
+ ],
+ [
+ "os",
+ "ystem"
+ ],
+ [
+ "y",
+ "gen"
+ ],
+ [
+ "Ġto",
+ "ward"
+ ],
+ [
+ "h",
+ "ab"
+ ],
+ [
+ "Ġabs",
+ "or"
+ ],
+ [
+ "iforn",
+ "ia"
+ ],
+ [
+ "ĠM",
+ "arch"
+ ],
+ [
+ "Ġpl",
+ "ot"
+ ],
+ [
+ "Ġplay",
+ "ing"
+ ],
+ [
+ "Ġm",
+ "al"
+ ],
+ [
+ ".",
+ "s"
+ ],
+ [
+ "er",
+ "ate"
+ ],
+ [
+ "Ġle",
+ "ave"
+ ],
+ [
+ "Ġre",
+ "pe"
+ ],
+ [
+ "Ñ",
+ "ģ"
+ ],
+ [
+ "Ġro",
+ "w"
+ ],
+ [
+ "Ġexper",
+ "im"
+ ],
+ [
+ "Ġc",
+ "raft"
+ ],
+ [
+ "cre",
+ "te"
+ ],
+ [
+ "ĠCent",
+ "er"
+ ],
+ [
+ "Ġbec",
+ "oming"
+ ],
+ [
+ "Ġfeel",
+ "ing"
+ ],
+ [
+ "Ġdis",
+ "s"
+ ],
+ [
+ "Ġj",
+ "oint"
+ ],
+ [
+ "ĠAl",
+ "so"
+ ],
+ [
+ "Ġinc",
+ "ome"
+ ],
+ [
+ "Ġcor",
+ "resp"
+ ],
+ [
+ "Ġfrequ",
+ "ently"
+ ],
+ [
+ "ĠJour",
+ "nal"
+ ],
+ [
+ "c",
+ "ast"
+ ],
+ [
+ "o",
+ "ff"
+ ],
+ [
+ "C",
+ "E"
+ ],
+ [
+ "c",
+ "an"
+ ],
+ [
+ "Ġhapp",
+ "en"
+ ],
+ [
+ "Ġvari",
+ "able"
+ ],
+ [
+ "Ġem",
+ "ail"
+ ],
+ [
+ "Ġg",
+ "iving"
+ ],
+ [
+ "Ġmem",
+ "ber"
+ ],
+ [
+ "Ġjour",
+ "nal"
+ ],
+ [
+ "Ġimm",
+ "une"
+ ],
+ [
+ "ĠCon",
+ "f"
+ ],
+ [
+ "Ġdivers",
+ "ity"
+ ],
+ [
+ "Ġra",
+ "in"
+ ],
+ [
+ "d",
+ "ed"
+ ],
+ [
+ "Ġdescrib",
+ "e"
+ ],
+ [
+ "Ġobserv",
+ "ed"
+ ],
+ [
+ "a",
+ "ur"
+ ],
+ [
+ "Ġdid",
+ "n"
+ ],
+ [
+ "ash",
+ "ing"
+ ],
+ [
+ "p",
+ "ing"
+ ],
+ [
+ "ol",
+ "low"
+ ],
+ [
+ "Ġpie",
+ "ces"
+ ],
+ [
+ "ight",
+ "ly"
+ ],
+ [
+ "Ġfem",
+ "ale"
+ ],
+ [
+ "Ġpre",
+ "f"
+ ],
+ [
+ "d",
+ "o"
+ ],
+ [
+ "Ġcol",
+ "ors"
+ ],
+ [
+ "Ġm",
+ "o"
+ ],
+ [
+ "Ġcon",
+ "ver"
+ ],
+ [
+ "Ġo",
+ "ption"
+ ],
+ [
+ "Ġpre",
+ "fer"
+ ],
+ [
+ "Ġcy",
+ "cle"
+ ],
+ [
+ "mit",
+ "ted"
+ ],
+ [
+ "U",
+ "S"
+ ],
+ [
+ "Ġm",
+ "ap"
+ ],
+ [
+ "ĠS",
+ "k"
+ ],
+ [
+ "c",
+ "ular"
+ ],
+ [
+ "ĠEng",
+ "land"
+ ],
+ [
+ "ĠCon",
+ "st"
+ ],
+ [
+ "Ġclin",
+ "ical"
+ ],
+ [
+ "6",
+ "5"
+ ],
+ [
+ "ĠP",
+ "at"
+ ],
+ [
+ "Ġsat",
+ "is"
+ ],
+ [
+ "Ġfram",
+ "ew"
+ ],
+ [
+ "Ġc",
+ "and"
+ ],
+ [
+ "Ġcontinu",
+ "ed"
+ ],
+ [
+ "Ġthem",
+ "es"
+ ],
+ [
+ ".\"",
+ "Ċ"
+ ],
+ [
+ "i",
+ "ance"
+ ],
+ [
+ "it",
+ "utions"
+ ],
+ [
+ "l",
+ "in"
+ ],
+ [
+ "Ġex",
+ "hib"
+ ],
+ [
+ "ĠLear",
+ "ning"
+ ],
+ [
+ "Ġal",
+ "one"
+ ],
+ [
+ "Ġpat",
+ "tern"
+ ],
+ [
+ "Ġw",
+ "oman"
+ ],
+ [
+ "Ġguid",
+ "elines"
+ ],
+ [
+ "ress",
+ "ive"
+ ],
+ [
+ "Ġexperien",
+ "ced"
+ ],
+ [
+ "T",
+ "S"
+ ],
+ [
+ "p",
+ "oint"
+ ],
+ [
+ "ĠF",
+ "orm"
+ ],
+ [
+ "Ñ",
+ "Ģ"
+ ],
+ [
+ "ic",
+ "o"
+ ],
+ [
+ "Ġbab",
+ "y"
+ ],
+ [
+ "9",
+ "5"
+ ],
+ [
+ "com",
+ "p"
+ ],
+ [
+ "Ġk",
+ "id"
+ ],
+ [
+ "p",
+ "art"
+ ],
+ [
+ "am",
+ "a"
+ ],
+ [
+ "out",
+ "hern"
+ ],
+ [
+ "d",
+ "ent"
+ ],
+ [
+ "Ġimpro",
+ "ved"
+ ],
+ [
+ "ĠR",
+ "et"
+ ],
+ [
+ "ĠW",
+ "ater"
+ ],
+ [
+ "Ġf",
+ "lex"
+ ],
+ [
+ "ĠEss",
+ "ay"
+ ],
+ [
+ "Ġfru",
+ "it"
+ ],
+ [
+ "Ġindepend",
+ "ent"
+ ],
+ [
+ "Ġc",
+ "ounter"
+ ],
+ [
+ "Ġsum",
+ "mer"
+ ],
+ [
+ "angu",
+ "age"
+ ],
+ [
+ "Ġequ",
+ "ations"
+ ],
+ [
+ "Ġintern",
+ "al"
+ ],
+ [
+ "Ġh",
+ "ous"
+ ],
+ [
+ "Ġgl",
+ "ass"
+ ],
+ [
+ "Ġrev",
+ "olution"
+ ],
+ [
+ "Ġbr",
+ "an"
+ ],
+ [
+ "\"",
+ "Ċ"
+ ],
+ [
+ "ĠStud",
+ "ents"
+ ],
+ [
+ "ant",
+ "ic"
+ ],
+ [
+ "Ġpresent",
+ "ed"
+ ],
+ [
+ "Ġing",
+ "red"
+ ],
+ [
+ "Ġsent",
+ "ence"
+ ],
+ [
+ "Ġk",
+ "g"
+ ],
+ [
+ "Ġallow",
+ "ed"
+ ],
+ [
+ "ĉ",
+ "ĉ"
+ ],
+ [
+ "Ġex",
+ "cept"
+ ],
+ [
+ "ib",
+ "ilities"
+ ],
+ [
+ "ur",
+ "ation"
+ ],
+ [
+ "Ġsy",
+ "nt"
+ ],
+ [
+ "Ġindustr",
+ "ial"
+ ],
+ [
+ "het",
+ "ic"
+ ],
+ [
+ "ĠF",
+ "ind"
+ ],
+ [
+ "ĠC",
+ "or"
+ ],
+ [
+ "Ġident",
+ "ified"
+ ],
+ [
+ "ĠB",
+ "ra"
+ ],
+ [
+ "Ġst",
+ "orage"
+ ],
+ [
+ "ĠRe",
+ "v"
+ ],
+ [
+ "om",
+ "b"
+ ],
+ [
+ "Ġhe",
+ "ard"
+ ],
+ [
+ "Ġfac",
+ "ilit"
+ ],
+ [
+ "ĠAug",
+ "ust"
+ ],
+ [
+ "Ġposs",
+ "ess"
+ ],
+ [
+ "Ġbel",
+ "ong"
+ ],
+ [
+ "Ġcurrent",
+ "ly"
+ ],
+ [
+ "ent",
+ "y"
+ ],
+ [
+ "i",
+ "xt"
+ ],
+ [
+ "Ġinf",
+ "l"
+ ],
+ [
+ "Ġb",
+ "ank"
+ ],
+ [
+ "Ġc",
+ "ities"
+ ],
+ [
+ "ĠJ",
+ "une"
+ ],
+ [
+ "Ġpol",
+ "y"
+ ],
+ [
+ "un",
+ "ch"
+ ],
+ [
+ "Ġcare",
+ "er"
+ ],
+ [
+ ".",
+ "p"
+ ],
+ [
+ "op",
+ "y"
+ ],
+ [
+ "Ġassess",
+ "ment"
+ ],
+ [
+ "ĠN",
+ "et"
+ ],
+ [
+ "Ġrun",
+ "ning"
+ ],
+ [
+ "/",
+ "s"
+ ],
+ [
+ "in",
+ "n"
+ ],
+ [
+ "Ġto",
+ "wn"
+ ],
+ [
+ "yp",
+ "es"
+ ],
+ [
+ "ĠDevelop",
+ "ment"
+ ],
+ [
+ "Ġmus",
+ "cle"
+ ],
+ [
+ "ĠA",
+ "N"
+ ],
+ [
+ "ĠAss",
+ "oci"
+ ],
+ [
+ "Ġact",
+ "ual"
+ ],
+ [
+ "Ġpart",
+ "ners"
+ ],
+ [
+ "ĠAmeric",
+ "ans"
+ ],
+ [
+ "Ġk",
+ "il"
+ ],
+ [
+ "Ġrem",
+ "ove"
+ ],
+ [
+ "ce",
+ "mber"
+ ],
+ [
+ "Ġany",
+ "one"
+ ],
+ [
+ "ce",
+ "l"
+ ],
+ [
+ "Ġwond",
+ "er"
+ ],
+ [
+ "ort",
+ "hern"
+ ],
+ [
+ "row",
+ "s"
+ ],
+ [
+ "Ġdiscuss",
+ "ion"
+ ],
+ [
+ "ru",
+ "e"
+ ],
+ [
+ "Ġag",
+ "g"
+ ],
+ [
+ "Ġf",
+ "illed"
+ ],
+ [
+ "0",
+ "1"
+ ],
+ [
+ "ĠJ",
+ "esus"
+ ],
+ [
+ "Ġsur",
+ "g"
+ ],
+ [
+ "Ġfrequ",
+ "ency"
+ ],
+ [
+ "Ġfund",
+ "amental"
+ ],
+ [
+ "R",
+ "es"
+ ],
+ [
+ "ĠA",
+ "ng"
+ ],
+ [
+ "ove",
+ "mber"
+ ],
+ [
+ "How",
+ "ever"
+ ],
+ [
+ "Ġfore",
+ "ign"
+ ],
+ [
+ "Ġmedic",
+ "ine"
+ ],
+ [
+ "P",
+ "S"
+ ],
+ [
+ ")",
+ ")Ċ"
+ ],
+ [
+ "ul",
+ "um"
+ ],
+ [
+ "ograph",
+ "ic"
+ ],
+ [
+ "r",
+ "ans"
+ ],
+ [
+ "viron",
+ "ments"
+ ],
+ [
+ "Ġwide",
+ "ly"
+ ],
+ [
+ "os",
+ "en"
+ ],
+ [
+ "ĠFe",
+ "b"
+ ],
+ [
+ "ot",
+ "es"
+ ],
+ [
+ "us",
+ "es"
+ ],
+ [
+ "Ġsh",
+ "all"
+ ],
+ [
+ "Ġclass",
+ "room"
+ ],
+ [
+ "Ġcaus",
+ "ing"
+ ],
+ [
+ "Ġart",
+ "icles"
+ ],
+ [
+ "Ġcirc",
+ "um"
+ ],
+ [
+ "E",
+ "M"
+ ],
+ [
+ "c",
+ "rib"
+ ],
+ [
+ "ĠO",
+ "ut"
+ ],
+ [
+ "ĠTh",
+ "us"
+ ],
+ [
+ "ĠR",
+ "oman"
+ ],
+ [
+ "ĠGen",
+ "eral"
+ ],
+ [
+ "Ġv",
+ "oc"
+ ],
+ [
+ "Ġ",
+ "%"
+ ],
+ [
+ "]",
+ "."
+ ],
+ [
+ "Ġwant",
+ "ed"
+ ],
+ [
+ "P",
+ "h"
+ ],
+ [
+ "Ġins",
+ "pir"
+ ],
+ [
+ "s",
+ "p"
+ ],
+ [
+ "Ġcl",
+ "ick"
+ ],
+ [
+ "Ġadd",
+ "ing"
+ ],
+ [
+ "Ġcom",
+ "ing"
+ ],
+ [
+ "Ġevery",
+ "day"
+ ],
+ [
+ "Ġa",
+ "x"
+ ],
+ [
+ "Ġintern",
+ "et"
+ ],
+ [
+ "Ġshow",
+ "ed"
+ ],
+ [
+ "Ġim",
+ "agine"
+ ],
+ [
+ "E",
+ "T"
+ ],
+ [
+ "a",
+ "ul"
+ ],
+ [
+ "Ġm",
+ "ig"
+ ],
+ [
+ "Ġdec",
+ "ided"
+ ],
+ [
+ "Ġchang",
+ "ed"
+ ],
+ [
+ "re",
+ "t"
+ ],
+ [
+ "ĠI",
+ "S"
+ ],
+ [
+ "Ġch",
+ "ance"
+ ],
+ [
+ "Ġcitiz",
+ "ens"
+ ],
+ [
+ "0",
+ "5"
+ ],
+ [
+ "Ġc",
+ "ir"
+ ],
+ [
+ "ĠP",
+ "ress"
+ ],
+ [
+ "Ġdep",
+ "ression"
+ ],
+ [
+ "Ġexper",
+ "ts"
+ ],
+ [
+ "Ġnot",
+ "es"
+ ],
+ [
+ "3",
+ "00"
+ ],
+ [
+ "Ġf",
+ "ert"
+ ],
+ [
+ "ä",
+ "¸"
+ ],
+ [
+ "Ġcomm",
+ "and"
+ ],
+ [
+ "ĠDep",
+ "artment"
+ ],
+ [
+ "ot",
+ "al"
+ ],
+ [
+ "Ġstudy",
+ "ing"
+ ],
+ [
+ "ĠC",
+ "ity"
+ ],
+ [
+ "Ġworkshe",
+ "et"
+ ],
+ [
+ "Ġaccur",
+ "ate"
+ ],
+ [
+ "Ġbelief",
+ "s"
+ ],
+ [
+ "il",
+ "ing"
+ ],
+ [
+ "ĠC",
+ "ult"
+ ],
+ [
+ "rou",
+ "p"
+ ],
+ [
+ "ĠE",
+ "qu"
+ ],
+ [
+ "Ġexam",
+ "ine"
+ ],
+ [
+ "Ġrelig",
+ "ion"
+ ],
+ [
+ "ĠInt",
+ "roduction"
+ ],
+ [
+ "Ġnot",
+ "hing"
+ ],
+ [
+ "Ġintellig",
+ "ence"
+ ],
+ [
+ "Ġc",
+ "overed"
+ ],
+ [
+ "ĠApr",
+ "il"
+ ],
+ [
+ "Ġs",
+ "ort"
+ ],
+ [
+ "Ġg",
+ "ets"
+ ],
+ [
+ "Ġs",
+ "ounds"
+ ],
+ [
+ "ĠCal",
+ "ifornia"
+ ],
+ [
+ "Ġind",
+ "ex"
+ ],
+ [
+ "**",
+ ":"
+ ],
+ [
+ "Ġp",
+ "u"
+ ],
+ [
+ "er",
+ "ia"
+ ],
+ [
+ "Ġide",
+ "al"
+ ],
+ [
+ "Ġcomb",
+ "ination"
+ ],
+ [
+ "Ġencoura",
+ "ge"
+ ],
+ [
+ "Ġworld",
+ "wide"
+ ],
+ [
+ "19",
+ "0"
+ ],
+ [
+ "Ġocc",
+ "up"
+ ],
+ [
+ "ĠMan",
+ "agement"
+ ],
+ [
+ "Ġres",
+ "il"
+ ],
+ [
+ "ies",
+ "t"
+ ],
+ [
+ "Ġex",
+ "ternal"
+ ],
+ [
+ "Ġcl",
+ "os"
+ ],
+ [
+ "Ġpromot",
+ "ing"
+ ],
+ [
+ "Ġcommer",
+ "cial"
+ ],
+ [
+ "Ġs",
+ "ides"
+ ],
+ [
+ "Ġlead",
+ "s"
+ ],
+ [
+ "Ġfact",
+ "s"
+ ],
+ [
+ "ens",
+ "ions"
+ ],
+ [
+ "ĠFurther",
+ "more"
+ ],
+ [
+ "\"",
+ "ĊĊ"
+ ],
+ [
+ "Ġbir",
+ "ds"
+ ],
+ [
+ "Ġmention",
+ "ed"
+ ],
+ [
+ "ĠPro",
+ "t"
+ ],
+ [
+ "ĠL",
+ "ife"
+ ],
+ [
+ "Ġmax",
+ "imum"
+ ],
+ [
+ "Ġlet",
+ "ters"
+ ],
+ [
+ "Ġm",
+ "outh"
+ ],
+ [
+ "ut",
+ "ing"
+ ],
+ [
+ "-",
+ "A"
+ ],
+ [
+ "Ġsp",
+ "orts"
+ ],
+ [
+ "ĠD",
+ "NA"
+ ],
+ [
+ "er",
+ "a"
+ ],
+ [
+ "ĠOr",
+ "gan"
+ ],
+ [
+ "Ġl",
+ "ived"
+ ],
+ [
+ "Ġhigh",
+ "light"
+ ],
+ [
+ "Ġco",
+ "ast"
+ ],
+ [
+ "Ġs",
+ "em"
+ ],
+ [
+ "ent",
+ "ed"
+ ],
+ [
+ "cl",
+ "ass"
+ ],
+ [
+ "Ġs",
+ "ets"
+ ],
+ [
+ "Ġpar",
+ "agraph"
+ ],
+ [
+ "6",
+ "4"
+ ],
+ [
+ "Ġphen",
+ "omen"
+ ],
+ [
+ "ge",
+ "bra"
+ ],
+ [
+ "ĠG",
+ "overn"
+ ],
+ [
+ "Ġc",
+ "ognitive"
+ ],
+ [
+ "Ġinteg",
+ "r"
+ ],
+ [
+ "Ġar",
+ "ray"
+ ],
+ [
+ "Ġs",
+ "outh"
+ ],
+ [
+ "ĠCO",
+ "VID"
+ ],
+ [
+ "ĠMore",
+ "over"
+ ],
+ [
+ "Ġmess",
+ "age"
+ ],
+ [
+ "Ġclass",
+ "es"
+ ],
+ [
+ "i",
+ "ant"
+ ],
+ [
+ "Ġincreasing",
+ "ly"
+ ],
+ [
+ "t",
+ "es"
+ ],
+ [
+ "ĠSp",
+ "anish"
+ ],
+ [
+ "Ġen",
+ "vironments"
+ ],
+ [
+ "l",
+ "a"
+ ],
+ [
+ "Ġch",
+ "arg"
+ ],
+ [
+ "Ġcompon",
+ "ent"
+ ],
+ [
+ "IN",
+ "G"
+ ],
+ [
+ "Ġfocus",
+ "ed"
+ ],
+ [
+ "u",
+ "x"
+ ],
+ [
+ "Ġdrug",
+ "s"
+ ],
+ [
+ "ĠM",
+ "c"
+ ],
+ [
+ "Ġrec",
+ "ently"
+ ],
+ [
+ "ond",
+ "on"
+ ],
+ [
+ "Ġn",
+ "ative"
+ ],
+ [
+ "Ġro",
+ "ll"
+ ],
+ [
+ "Ġs",
+ "on"
+ ],
+ [
+ "Ġpl",
+ "astic"
+ ],
+ [
+ "h",
+ "am"
+ ],
+ [
+ "Ġs",
+ "and"
+ ],
+ [
+ "ĠDes",
+ "ign"
+ ],
+ [
+ "Ġro",
+ "ots"
+ ],
+ [
+ "'",
+ ")Ċ"
+ ],
+ [
+ "az",
+ "ing"
+ ],
+ [
+ "Ġvis",
+ "ion"
+ ],
+ [
+ "le",
+ "ge"
+ ],
+ [
+ "Ġcons",
+ "ult"
+ ],
+ [
+ "Ġsu",
+ "itable"
+ ],
+ [
+ "Ġcho",
+ "ices"
+ ],
+ [
+ "ĠS",
+ "ur"
+ ],
+ [
+ "ĠS",
+ "oci"
+ ],
+ [
+ "ĠE",
+ "lect"
+ ],
+ [
+ "Ġpur",
+ "s"
+ ],
+ [
+ "ĠA",
+ "D"
+ ],
+ [
+ "E",
+ "L"
+ ],
+ [
+ "Ġang",
+ "le"
+ ],
+ [
+ "Ġn",
+ "orth"
+ ],
+ [
+ "Ġemb",
+ "ra"
+ ],
+ [
+ "Ġs",
+ "ess"
+ ],
+ [
+ "r",
+ "id"
+ ],
+ [
+ "_",
+ "d"
+ ],
+ [
+ "Ġinvest",
+ "ment"
+ ],
+ [
+ ":",
+ "**"
+ ],
+ [
+ "Ġsepar",
+ "ate"
+ ],
+ [
+ "Ġpop",
+ "ulations"
+ ],
+ [
+ "ĠD",
+ "av"
+ ],
+ [
+ "Ġprim",
+ "arily"
+ ],
+ [
+ "Ġthe",
+ "sis"
+ ],
+ [
+ "pos",
+ "es"
+ ],
+ [
+ "Ġsm",
+ "art"
+ ],
+ [
+ "ĠE",
+ "ast"
+ ],
+ [
+ "Ġp",
+ "ul"
+ ],
+ [
+ "Ġdes",
+ "pite"
+ ],
+ [
+ "Ġj",
+ "u"
+ ],
+ [
+ "Ġsur",
+ "pr"
+ ],
+ [
+ "Ġoper",
+ "ation"
+ ],
+ [
+ "Ġro",
+ "les"
+ ],
+ [
+ "Ġgener",
+ "ation"
+ ],
+ [
+ "ish",
+ "ing"
+ ],
+ [
+ "Ġrem",
+ "ov"
+ ],
+ [
+ "Ġapprox",
+ "imately"
+ ],
+ [
+ "f",
+ "ord"
+ ],
+ [
+ "ĠEn",
+ "vironment"
+ ],
+ [
+ "Ġreact",
+ "ion"
+ ],
+ [
+ "c",
+ "ap"
+ ],
+ [
+ "Ġpl",
+ "aced"
+ ],
+ [
+ "Ġec",
+ "osystem"
+ ],
+ [
+ "gy",
+ "pt"
+ ],
+ [
+ "Ġmat",
+ "rix"
+ ],
+ [
+ "ce",
+ "ler"
+ ],
+ [
+ "Ġnet",
+ "works"
+ ],
+ [
+ "Ġelect",
+ "rical"
+ ],
+ [
+ "Ġph",
+ "ase"
+ ],
+ [
+ "ĠP",
+ "ython"
+ ],
+ [
+ "ĠGerm",
+ "any"
+ ],
+ [
+ "Ġjust",
+ "ice"
+ ],
+ [
+ "Ġb",
+ "ed"
+ ],
+ [
+ "Ġhim",
+ "self"
+ ],
+ [
+ "Ġplay",
+ "ed"
+ ],
+ [
+ "ĠJan",
+ "uary"
+ ],
+ [
+ "ĠF",
+ "ree"
+ ],
+ [
+ "Ġfa",
+ "ith"
+ ],
+ [
+ "Ġperspect",
+ "ive"
+ ],
+ [
+ "Ġm",
+ "ist"
+ ],
+ [
+ "Ġox",
+ "ygen"
+ ],
+ [
+ "ĠO",
+ "b"
+ ],
+ [
+ "Ġcre",
+ "ation"
+ ],
+ [
+ "y",
+ "les"
+ ],
+ [
+ "hy",
+ "d"
+ ],
+ [
+ "Ġexcell",
+ "ent"
+ ],
+ [
+ "C",
+ "l"
+ ],
+ [
+ "r",
+ "is"
+ ],
+ [
+ "Ġto",
+ "ld"
+ ],
+ [
+ "Ġmil",
+ "k"
+ ],
+ [
+ "se",
+ "mb"
+ ],
+ [
+ "it",
+ "age"
+ ],
+ [
+ "ĠJu",
+ "ly"
+ ],
+ [
+ ")",
+ ";"
+ ],
+ [
+ "ĠUn",
+ "it"
+ ],
+ [
+ "Ġsec",
+ "ure"
+ ],
+ [
+ "ens",
+ "es"
+ ],
+ [
+ "Ġs",
+ "ong"
+ ],
+ [
+ "ĠSt",
+ "ep"
+ ],
+ [
+ "Ġel",
+ "im"
+ ],
+ [
+ "p",
+ "en"
+ ],
+ [
+ "Ġbelie",
+ "ved"
+ ],
+ [
+ "[",
+ "i"
+ ],
+ [
+ "l",
+ "ife"
+ ],
+ [
+ "Ġart",
+ "ists"
+ ],
+ [
+ "Ġtiss",
+ "ue"
+ ],
+ [
+ "Ġcons",
+ "ists"
+ ],
+ [
+ "Ġwin",
+ "ter"
+ ],
+ [
+ "Ġmot",
+ "ion"
+ ],
+ [
+ "ĠV",
+ "ir"
+ ],
+ [
+ "ĠM",
+ "ex"
+ ],
+ [
+ "ere",
+ "nt"
+ ],
+ [
+ "Ġsn",
+ "ipp"
+ ],
+ [
+ "Ġtr",
+ "uth"
+ ],
+ [
+ "Ġorig",
+ "in"
+ ],
+ [
+ "Ġcontin",
+ "ues"
+ ],
+ [
+ "Ġparticip",
+ "ants"
+ ],
+ [
+ "Ġfavor",
+ "ite"
+ ],
+ [
+ "Ġcalcul",
+ "ate"
+ ],
+ [
+ "-",
+ "B"
+ ],
+ [
+ "Ġv",
+ "ul"
+ ],
+ [
+ "Ġnear",
+ "ly"
+ ],
+ [
+ "ĠU",
+ "K"
+ ],
+ [
+ "ĠB",
+ "as"
+ ],
+ [
+ "Ġmot",
+ "or"
+ ],
+ [
+ "Ġr",
+ "ound"
+ ],
+ [
+ "ĠSe",
+ "ptember"
+ ],
+ [
+ "Ġst",
+ "ar"
+ ],
+ [
+ "P",
+ "A"
+ ],
+ [
+ "ess",
+ "on"
+ ],
+ [
+ "Ġfac",
+ "ed"
+ ],
+ [
+ "Ġc",
+ "ro"
+ ],
+ [
+ "Ġsim",
+ "pl"
+ ],
+ [
+ "Ġdial",
+ "ogue"
+ ],
+ [
+ "Ġintrodu",
+ "ced"
+ ],
+ [
+ "ang",
+ "es"
+ ],
+ [
+ "Ġfre",
+ "edom"
+ ],
+ [
+ "ĠG",
+ "et"
+ ],
+ [
+ "ol",
+ "ute"
+ ],
+ [
+ "An",
+ "other"
+ ],
+ [
+ "Ġmil",
+ "es"
+ ],
+ [
+ "Ġon",
+ "to"
+ ],
+ [
+ "18",
+ "0"
+ ],
+ [
+ "Ġra",
+ "ce"
+ ],
+ [
+ "ten",
+ "ance"
+ ],
+ [
+ "idd",
+ "en"
+ ],
+ [
+ "Ġelectric",
+ "ity"
+ ],
+ [
+ "el",
+ "ine"
+ ],
+ [
+ "Ġun",
+ "ivers"
+ ],
+ [
+ "ĠS",
+ "y"
+ ],
+ [
+ "Ġfollow",
+ "s"
+ ],
+ [
+ "Ġw",
+ "rote"
+ ],
+ [
+ "Ġhig",
+ "hest"
+ ],
+ [
+ "Ġviol",
+ "ence"
+ ],
+ [
+ "in",
+ "ations"
+ ],
+ [
+ "Ġtemper",
+ "atures"
+ ],
+ [
+ "ĠR",
+ "iver"
+ ],
+ [
+ "Ġo",
+ "d"
+ ],
+ [
+ "ĠD",
+ "on"
+ ],
+ [
+ "Ġorgan",
+ "ic"
+ ],
+ [
+ "Ġthous",
+ "ands"
+ ],
+ [
+ "Ġe",
+ "ight"
+ ],
+ [
+ "ac",
+ "ing"
+ ],
+ [
+ "a",
+ "ign"
+ ],
+ [
+ "Ġrefer",
+ "red"
+ ],
+ [
+ "Ġsent",
+ "ences"
+ ],
+ [
+ "ĠB",
+ "ecause"
+ ],
+ [
+ "Ġimpact",
+ "s"
+ ],
+ [
+ "Ġrat",
+ "io"
+ ],
+ [
+ "u",
+ "ing"
+ ],
+ [
+ "Ġp",
+ "lease"
+ ],
+ [
+ "Q",
+ "u"
+ ],
+ [
+ "Ġrecomm",
+ "ended"
+ ],
+ [
+ "f",
+ "rom"
+ ],
+ [
+ "Ġb",
+ "ud"
+ ],
+ [
+ "Ġheav",
+ "y"
+ ],
+ [
+ "Ġ",
+ "Âł"
+ ],
+ [
+ "Ġdeg",
+ "rees"
+ ],
+ [
+ "Ġto",
+ "x"
+ ],
+ [
+ "Ġst",
+ "aff"
+ ],
+ [
+ "as",
+ "ion"
+ ],
+ [
+ "Ġ",
+ "ï"
+ ],
+ [
+ "use",
+ "um"
+ ],
+ [
+ "Ġinst",
+ "itutions"
+ ],
+ [
+ "ĠOct",
+ "ober"
+ ],
+ [
+ "ĠNew",
+ "s"
+ ],
+ [
+ "ush",
+ "ing"
+ ],
+ [
+ "os",
+ "ite"
+ ],
+ [
+ "Ġdog",
+ "s"
+ ],
+ [
+ "ĠP",
+ "ark"
+ ],
+ [
+ "ĠAustral",
+ "ia"
+ ],
+ [
+ "ĠAr",
+ "ch"
+ ],
+ [
+ "Ġth",
+ "or"
+ ],
+ [
+ "Ġis",
+ "ol"
+ ],
+ [
+ "Ġwork",
+ "ed"
+ ],
+ [
+ "Ġform",
+ "ation"
+ ],
+ [
+ "Ġlands",
+ "cape"
+ ],
+ [
+ "Ġcult",
+ "iv"
+ ],
+ [
+ "ĠF",
+ "ood"
+ ],
+ [
+ "ĠS",
+ "T"
+ ],
+ [
+ "o",
+ "ch"
+ ],
+ [
+ "Ġm",
+ "ale"
+ ],
+ [
+ "'",
+ "'"
+ ],
+ [
+ "Ġdivid",
+ "ed"
+ ],
+ [
+ "ĠGree",
+ "k"
+ ],
+ [
+ "Ġs",
+ "av"
+ ],
+ [
+ "ĠWill",
+ "iam"
+ ],
+ [
+ "ĠD",
+ "iff"
+ ],
+ [
+ "D",
+ "F"
+ ],
+ [
+ "h",
+ "ouse"
+ ],
+ [
+ "Ġproper",
+ "ly"
+ ],
+ [
+ "Ġrelative",
+ "ly"
+ ],
+ [
+ "Ġsuggest",
+ "s"
+ ],
+ [
+ "ro",
+ "ph"
+ ],
+ [
+ "ĠM",
+ "ake"
+ ],
+ [
+ "ren",
+ "ce"
+ ],
+ [
+ "e",
+ "v"
+ ],
+ [
+ "ĠE",
+ "very"
+ ],
+ [
+ "re",
+ "ate"
+ ],
+ [
+ "ĠH",
+ "uman"
+ ],
+ [
+ "Ġseek",
+ "ing"
+ ],
+ [
+ "Ġline",
+ "ar"
+ ],
+ [
+ "Ġliqu",
+ "id"
+ ],
+ [
+ "S",
+ "ome"
+ ],
+ [
+ "Ġchar",
+ "ge"
+ ],
+ [
+ "Ġhelp",
+ "ed"
+ ],
+ [
+ "ur",
+ "ns"
+ ],
+ [
+ "or",
+ "ge"
+ ],
+ [
+ "Ġm",
+ "el"
+ ],
+ [
+ "о",
+ "Ð"
+ ],
+ [
+ "ul",
+ "f"
+ ],
+ [
+ "Ġn",
+ "p"
+ ],
+ [
+ "k",
+ "en"
+ ],
+ [
+ "Ġv",
+ "s"
+ ],
+ [
+ "Ġspir",
+ "itual"
+ ],
+ [
+ "Ġdat",
+ "ab"
+ ],
+ [
+ "Ġhtt",
+ "p"
+ ],
+ [
+ "ĠV",
+ "ol"
+ ],
+ [
+ "Ġpass",
+ "ed"
+ ],
+ [
+ "Ġpro",
+ "s"
+ ],
+ [
+ "ĠP",
+ "ower"
+ ],
+ [
+ "c",
+ "ript"
+ ],
+ [
+ "as",
+ "ive"
+ ],
+ [
+ "Ġscen",
+ "ari"
+ ],
+ [
+ "Ġcop",
+ "y"
+ ],
+ [
+ "r",
+ "um"
+ ],
+ [
+ "Ġpur",
+ "poses"
+ ],
+ [
+ "Ġse",
+ "g"
+ ],
+ [
+ "ĠTechn",
+ "ology"
+ ],
+ [
+ "Ġaud",
+ "ience"
+ ],
+ [
+ "Ġrele",
+ "ase"
+ ],
+ [
+ "al",
+ "t"
+ ],
+ [
+ "Ġant",
+ "ib"
+ ],
+ [
+ "O",
+ "S"
+ ],
+ [
+ "Ġp",
+ "un"
+ ],
+ [
+ "Ġper",
+ "haps"
+ ],
+ [
+ "Ġsequ",
+ "ence"
+ ],
+ [
+ "Ġch",
+ "ronic"
+ ],
+ [
+ "Ġf",
+ "ederal"
+ ],
+ [
+ "is",
+ "ation"
+ ],
+ [
+ "iction",
+ "ary"
+ ],
+ [
+ "Ġatt",
+ "rib"
+ ],
+ [
+ "od",
+ "ing"
+ ],
+ [
+ "Ġv",
+ "ast"
+ ],
+ [
+ "E",
+ "n"
+ ],
+ [
+ "w",
+ "ord"
+ ],
+ [
+ "Ġh",
+ "omes"
+ ],
+ [
+ "Ġmove",
+ "ments"
+ ],
+ [
+ "Ġd",
+ "ro"
+ ],
+ [
+ "ru",
+ "ary"
+ ],
+ [
+ "4",
+ "7"
+ ],
+ [
+ "Ġd",
+ "ream"
+ ],
+ [
+ "D",
+ "es"
+ ],
+ [
+ "ot",
+ "ic"
+ ],
+ [
+ "Ġkeep",
+ "ing"
+ ],
+ [
+ "Ġcorresp",
+ "ond"
+ ],
+ [
+ "Im",
+ "agine"
+ ],
+ [
+ "_",
+ "n"
+ ],
+ [
+ "ĠFr",
+ "ance"
+ ],
+ [
+ "_",
+ "s"
+ ],
+ [
+ "Ġincre",
+ "d"
+ ],
+ [
+ "-",
+ "M"
+ ],
+ [
+ "Ġ",
+ "ign"
+ ],
+ [
+ "ed",
+ "ing"
+ ],
+ [
+ "Ġliter",
+ "ary"
+ ],
+ [
+ "Ġperform",
+ "ed"
+ ],
+ [
+ "r",
+ "ich"
+ ],
+ [
+ "Ġconduct",
+ "ed"
+ ],
+ [
+ "Ġinfl",
+ "amm"
+ ],
+ [
+ "ic",
+ "ated"
+ ],
+ [
+ "ĠE",
+ "v"
+ ],
+ [
+ "-",
+ "up"
+ ],
+ [
+ "Ġsmo",
+ "oth"
+ ],
+ [
+ "Ġsy",
+ "n"
+ ],
+ [
+ "Ġw",
+ "at"
+ ],
+ [
+ "us",
+ "iness"
+ ],
+ [
+ "Ġa",
+ "id"
+ ],
+ [
+ "Ġgener",
+ "ate"
+ ],
+ [
+ "S",
+ "e"
+ ],
+ [
+ "Ġmajor",
+ "ity"
+ ],
+ [
+ "Ġimpro",
+ "ving"
+ ],
+ [
+ "Ġoff",
+ "ering"
+ ],
+ [
+ "O",
+ "L"
+ ],
+ [
+ "ĠProg",
+ "ram"
+ ],
+ [
+ "Ġreport",
+ "s"
+ ],
+ [
+ "Ġcom",
+ "pl"
+ ],
+ [
+ "ra",
+ "el"
+ ],
+ [
+ "i",
+ "as"
+ ],
+ [
+ "Ġhelp",
+ "ful"
+ ],
+ [
+ "in",
+ "ant"
+ ],
+ [
+ "Ġsign",
+ "al"
+ ],
+ [
+ "o",
+ "ose"
+ ],
+ [
+ "ic",
+ "ed"
+ ],
+ [
+ "Ġre",
+ "in"
+ ],
+ [
+ "ĠP",
+ "sych"
+ ],
+ [
+ "Ġgood",
+ "s"
+ ],
+ [
+ "n",
+ "ic"
+ ],
+ [
+ "Ġre",
+ "place"
+ ],
+ [
+ "Ġdraw",
+ "ing"
+ ],
+ [
+ "Ġste",
+ "el"
+ ],
+ [
+ "ĠW",
+ "estern"
+ ],
+ [
+ "Ġthe",
+ "ore"
+ ],
+ [
+ "Ġbott",
+ "om"
+ ],
+ [
+ "Ġm",
+ "it"
+ ],
+ [
+ "4",
+ "6"
+ ],
+ [
+ "Ġperspect",
+ "ives"
+ ],
+ [
+ "ĠSim",
+ "ilar"
+ ],
+ [
+ "ric",
+ "ulum"
+ ],
+ [
+ "Ġadvant",
+ "ages"
+ ],
+ [
+ "ĠT",
+ "ime"
+ ],
+ [
+ "Ġex",
+ "change"
+ ],
+ [
+ "Ġf",
+ "ine"
+ ],
+ [
+ "or",
+ "ous"
+ ],
+ [
+ "Ġveget",
+ "ables"
+ ],
+ [
+ "Ġtra",
+ "ditions"
+ ],
+ [
+ "ic",
+ "y"
+ ],
+ [
+ "Ġl",
+ "ib"
+ ],
+ [
+ "4",
+ "9"
+ ],
+ [
+ "Ġextreme",
+ "ly"
+ ],
+ [
+ "Ġth",
+ "ick"
+ ],
+ [
+ "ĠS",
+ "er"
+ ],
+ [
+ "Ġsubject",
+ "s"
+ ],
+ [
+ "Ġdr",
+ "ive"
+ ],
+ [
+ "ĠP",
+ "ublic"
+ ],
+ [
+ "Ġl",
+ "ibrary"
+ ],
+ [
+ "0",
+ "8"
+ ],
+ [
+ "Ġprom",
+ "pt"
+ ],
+ [
+ "Ġcare",
+ "fully"
+ ],
+ [
+ "ĠP",
+ "ost"
+ ],
+ [
+ "m",
+ "p"
+ ],
+ [
+ "ï",
+ "¼"
+ ],
+ [
+ "t",
+ "ion"
+ ],
+ [
+ "ind",
+ "er"
+ ],
+ [
+ "se",
+ "e"
+ ],
+ [
+ "Ġhy",
+ "per"
+ ],
+ [
+ "ĠAd",
+ "d"
+ ],
+ [
+ "Ġown",
+ "ers"
+ ],
+ [
+ "ĠDe",
+ "cember"
+ ],
+ [
+ "Ġadvant",
+ "age"
+ ],
+ [
+ "z",
+ "y"
+ ],
+ [
+ "M",
+ "ore"
+ ],
+ [
+ "(",
+ "a"
+ ],
+ [
+ "ad",
+ "d"
+ ],
+ [
+ "Ġp",
+ "le"
+ ],
+ [
+ "ab",
+ "ric"
+ ],
+ [
+ "Ġmed",
+ "ium"
+ ],
+ [
+ "Ġter",
+ "rit"
+ ],
+ [
+ "ĠEng",
+ "ine"
+ ],
+ [
+ "Ġprep",
+ "ared"
+ ],
+ [
+ "ing",
+ "er"
+ ],
+ [
+ "C",
+ "S"
+ ],
+ [
+ "ĠLe",
+ "vel"
+ ],
+ [
+ "Ġadv",
+ "oc"
+ ],
+ [
+ "Ġpart",
+ "y"
+ ],
+ [
+ "ab",
+ "ul"
+ ],
+ [
+ "Ġc",
+ "os"
+ ],
+ [
+ "Ġrecogn",
+ "ize"
+ ],
+ [
+ "Ġfamil",
+ "iar"
+ ],
+ [
+ "Ġf",
+ "elt"
+ ],
+ [
+ "Ġem",
+ "issions"
+ ],
+ [
+ "a",
+ "ult"
+ ],
+ [
+ "orm",
+ "al"
+ ],
+ [
+ "ĠN",
+ "ovember"
+ ],
+ [
+ "ĠEx",
+ "per"
+ ],
+ [
+ "Ġs",
+ "amples"
+ ],
+ [
+ "ĠT",
+ "op"
+ ],
+ [
+ "ĠCol",
+ "lege"
+ ],
+ [
+ "ĠI",
+ "N"
+ ],
+ [
+ "m",
+ "en"
+ ],
+ [
+ "Ġgen",
+ "e"
+ ],
+ [
+ "The",
+ "y"
+ ],
+ [
+ "am",
+ "ing"
+ ],
+ [
+ "Ġal",
+ "ign"
+ ],
+ [
+ "om",
+ "a"
+ ],
+ [
+ "Ġfor",
+ "mer"
+ ],
+ [
+ "ĠM",
+ "et"
+ ],
+ [
+ "Ã",
+ "¡"
+ ],
+ [
+ "Ġse",
+ "eds"
+ ],
+ [
+ "ĠW",
+ "he"
+ ],
+ [
+ "or",
+ "ld"
+ ],
+ [
+ "ĠU",
+ "p"
+ ],
+ [
+ "I",
+ "G"
+ ],
+ [
+ "ĠRem",
+ "ember"
+ ],
+ [
+ "Ġh",
+ "uge"
+ ],
+ [
+ "s",
+ "on"
+ ],
+ [
+ "ent",
+ "h"
+ ],
+ [
+ "Ġinterest",
+ "ed"
+ ],
+ [
+ "Ġdeterm",
+ "ined"
+ ],
+ [
+ "ĠDe",
+ "c"
+ ],
+ [
+ "Ġmonit",
+ "oring"
+ ],
+ [
+ "est",
+ "ions"
+ ],
+ [
+ "Ġaddress",
+ "ing"
+ ],
+ [
+ "Ġread",
+ "er"
+ ],
+ [
+ "Ġsett",
+ "ings"
+ ],
+ [
+ "Ġnot",
+ "ice"
+ ],
+ [
+ "Ġer",
+ "ror"
+ ],
+ [
+ "m",
+ "et"
+ ],
+ [
+ "A",
+ "ll"
+ ],
+ [
+ "Ġinvol",
+ "ving"
+ ],
+ [
+ "ak",
+ "ers"
+ ],
+ [
+ "A",
+ "fter"
+ ],
+ [
+ "eg",
+ "in"
+ ],
+ [
+ "clus",
+ "ive"
+ ],
+ [
+ "Ġmanufact",
+ "ure"
+ ],
+ [
+ "Ġbill",
+ "ion"
+ ],
+ [
+ "Ġcour",
+ "t"
+ ],
+ [
+ "Ġgener",
+ "ations"
+ ],
+ [
+ "ĠF",
+ "am"
+ ],
+ [
+ "Ġinform",
+ "ed"
+ ],
+ [
+ "ĠB",
+ "en"
+ ],
+ [
+ "Ġs",
+ "ac"
+ ],
+ [
+ "Ġsupp",
+ "l"
+ ],
+ [
+ "ĠL",
+ "a"
+ ],
+ [
+ "Ġf",
+ "aster"
+ ],
+ [
+ "ĠD",
+ "et"
+ ],
+ [
+ "Ġdel",
+ "ve"
+ ],
+ [
+ "Ġcred",
+ "it"
+ ],
+ [
+ "Ġhyp",
+ "ot"
+ ],
+ [
+ "Ġp",
+ "al"
+ ],
+ [
+ "ĠDis",
+ "c"
+ ],
+ [
+ "O",
+ "U"
+ ],
+ [
+ "Ġscre",
+ "en"
+ ],
+ [
+ "Ġint",
+ "ended"
+ ],
+ [
+ "-",
+ "se"
+ ],
+ [
+ "Ġinnov",
+ "ative"
+ ],
+ [
+ "n",
+ "y"
+ ],
+ [
+ "as",
+ "ure"
+ ],
+ [
+ "ĠInst",
+ "ead"
+ ],
+ [
+ "t",
+ "ime"
+ ],
+ [
+ "Ġvul",
+ "ner"
+ ],
+ [
+ "olog",
+ "ists"
+ ],
+ [
+ "Ġprob",
+ "ability"
+ ],
+ [
+ "ĠL",
+ "ondon"
+ ],
+ [
+ "ĠO",
+ "F"
+ ],
+ [
+ "rast",
+ "ructure"
+ ],
+ [
+ "ĠO",
+ "ff"
+ ],
+ [
+ "it",
+ "ative"
+ ],
+ [
+ "Ġen",
+ "able"
+ ],
+ [
+ "Ġt",
+ "rib"
+ ],
+ [
+ "ro",
+ "id"
+ ],
+ [
+ "Ġfig",
+ "ures"
+ ],
+ [
+ "ĠC",
+ "are"
+ ],
+ [
+ "ĠF",
+ "act"
+ ],
+ [
+ "ĠPres",
+ "ident"
+ ],
+ [
+ "em",
+ "y"
+ ],
+ [
+ "Ġemploy",
+ "ees"
+ ],
+ [
+ "Ġin",
+ "sect"
+ ],
+ [
+ "P",
+ "l"
+ ],
+ [
+ "b",
+ "ed"
+ ],
+ [
+ "c",
+ "ription"
+ ],
+ [
+ "ĠStud",
+ "ies"
+ ],
+ [
+ "Ġappear",
+ "s"
+ ],
+ [
+ "ĠE",
+ "gypt"
+ ],
+ [
+ "Ġinstruct",
+ "ions"
+ ],
+ [
+ "pp",
+ "ed"
+ ],
+ [
+ "ĠStud",
+ "y"
+ ],
+ [
+ "Ġg",
+ "ather"
+ ],
+ [
+ "Ġlink",
+ "ed"
+ ],
+ [
+ "Ġpoll",
+ "ution"
+ ],
+ [
+ "ic",
+ "ious"
+ ],
+ [
+ "ar",
+ "row"
+ ],
+ [
+ "Ġpartic",
+ "les"
+ ],
+ [
+ "alle",
+ "l"
+ ],
+ [
+ "Ġt",
+ "rou"
+ ],
+ [
+ "Ġrespons",
+ "ibility"
+ ],
+ [
+ "Ġaffect",
+ "s"
+ ],
+ [
+ "....",
+ "...."
+ ],
+ [
+ "Ġse",
+ "lection"
+ ],
+ [
+ "Ġres",
+ "ol"
+ ],
+ [
+ "Ġsp",
+ "ot"
+ ],
+ [
+ "ĠJapan",
+ "ese"
+ ],
+ [
+ "Ġshap",
+ "es"
+ ],
+ [
+ "Ġcirc",
+ "uit"
+ ],
+ [
+ "ĠD",
+ "el"
+ ],
+ [
+ "ĠIn",
+ "c"
+ ],
+ [
+ "re",
+ "ct"
+ ],
+ [
+ "Ġdes",
+ "ired"
+ ],
+ [
+ "Ġgra",
+ "d"
+ ],
+ [
+ "Ġcent",
+ "uries"
+ ],
+ [
+ "l",
+ "ig"
+ ],
+ [
+ "Ġevent",
+ "ually"
+ ],
+ [
+ "ĠC",
+ "ong"
+ ],
+ [
+ "om",
+ "as"
+ ],
+ [
+ "r",
+ "ors"
+ ],
+ [
+ "Ġd",
+ "ram"
+ ],
+ [
+ "(",
+ "d"
+ ],
+ [
+ "Ġcustom",
+ "ers"
+ ],
+ [
+ "act",
+ "ive"
+ ],
+ [
+ "Ġinfect",
+ "ions"
+ ],
+ [
+ "ĠM",
+ "ult"
+ ],
+ [
+ "ĠTw",
+ "o"
+ ],
+ [
+ "or",
+ "ical"
+ ],
+ [
+ "Ġnutri",
+ "ents"
+ ],
+ [
+ "omet",
+ "imes"
+ ],
+ [
+ "Ġstr",
+ "ing"
+ ],
+ [
+ "com",
+ "m"
+ ],
+ [
+ "Ġon",
+ "going"
+ ],
+ [
+ "Ġcon",
+ "vent"
+ ],
+ [
+ "i",
+ "ate"
+ ],
+ [
+ "Ġtreat",
+ "ments"
+ ],
+ [
+ "F",
+ "irst"
+ ],
+ [
+ "ĠS",
+ "ch"
+ ],
+ [
+ "Ġh",
+ "op"
+ ],
+ [
+ "Ġsk",
+ "ill"
+ ],
+ [
+ "Ġim",
+ "pl"
+ ],
+ [
+ "Ġu",
+ "pper"
+ ],
+ [
+ "Ġdef",
+ "ine"
+ ],
+ [
+ "ð",
+ "Ŀ"
+ ],
+ [
+ "Ġguid",
+ "ance"
+ ],
+ [
+ "ĠProf",
+ "ess"
+ ],
+ [
+ "lic",
+ "k"
+ ],
+ [
+ "le",
+ "g"
+ ],
+ [
+ "Ġcl",
+ "ar"
+ ],
+ [
+ "O",
+ "T"
+ ],
+ [
+ "ĠRe",
+ "c"
+ ],
+ [
+ "ĠS",
+ "et"
+ ],
+ [
+ "N",
+ "o"
+ ],
+ [
+ "Ġh",
+ "orm"
+ ],
+ [
+ "ain",
+ "t"
+ ],
+ [
+ "Ġsl",
+ "ightly"
+ ],
+ [
+ "Ġdou",
+ "ble"
+ ],
+ [
+ "ura",
+ "cy"
+ ],
+ [
+ "at",
+ "ically"
+ ],
+ [
+ "est",
+ "yle"
+ ],
+ [
+ "Ġmin",
+ "ing"
+ ],
+ [
+ "ĠH",
+ "ouse"
+ ],
+ [
+ "Ġg",
+ "od"
+ ],
+ [
+ "\"",
+ ")Ċ"
+ ],
+ [
+ "Ġdi",
+ "am"
+ ],
+ [
+ "Ġoff",
+ "ice"
+ ],
+ [
+ "Ġam",
+ "b"
+ ],
+ [
+ "ĠIn",
+ "f"
+ ],
+ [
+ "ĠAs",
+ "ia"
+ ],
+ [
+ "âĢĿ",
+ ","
+ ],
+ [
+ "Ġs",
+ "in"
+ ],
+ [
+ "Ġinteg",
+ "ration"
+ ],
+ [
+ "15",
+ "0"
+ ],
+ [
+ "Ġimmedi",
+ "ately"
+ ],
+ [
+ "Ġfru",
+ "its"
+ ],
+ [
+ "Ġsp",
+ "ring"
+ ],
+ [
+ "Ġbehavi",
+ "ors"
+ ],
+ [
+ "ĠGo",
+ "ogle"
+ ],
+ [
+ "ĠB",
+ "el"
+ ],
+ [
+ "Ġb",
+ "rief"
+ ],
+ [
+ "Ġsur",
+ "vey"
+ ],
+ [
+ "ĠH",
+ "ave"
+ ],
+ [
+ "Ġal",
+ "t"
+ ],
+ [
+ "o",
+ "o"
+ ],
+ [
+ "ĠRe",
+ "view"
+ ],
+ [
+ "Ġsp",
+ "aces"
+ ],
+ [
+ "Ġch",
+ "ann"
+ ],
+ [
+ "Ġpsych",
+ "ological"
+ ],
+ [
+ "Ġcontain",
+ "ing"
+ ],
+ [
+ "Ġbar",
+ "ri"
+ ],
+ [
+ "O",
+ "nce"
+ ],
+ [
+ "-b",
+ "eing"
+ ],
+ [
+ "Ġmain",
+ "ly"
+ ],
+ [
+ "c",
+ "al"
+ ],
+ [
+ "z",
+ "a"
+ ],
+ [
+ "Ġmin",
+ "or"
+ ],
+ [
+ "Ġcomp",
+ "are"
+ ],
+ [
+ "Ġv",
+ "ill"
+ ],
+ [
+ "ĠB",
+ "oth"
+ ],
+ [
+ "Ġrecord",
+ "s"
+ ],
+ [
+ "Ġv",
+ "oice"
+ ],
+ [
+ "Ġschol",
+ "ars"
+ ],
+ [
+ "Ġc",
+ "ast"
+ ],
+ [
+ "Ġb",
+ "one"
+ ],
+ [
+ "Ġam",
+ "er"
+ ],
+ [
+ "er",
+ "als"
+ ],
+ [
+ "Ġcar",
+ "ried"
+ ],
+ [
+ "Ġc",
+ "oun"
+ ],
+ [
+ "Ġinnov",
+ "ation"
+ ],
+ [
+ "uild",
+ "ing"
+ ],
+ [
+ "R",
+ "ead"
+ ],
+ [
+ "Ġproced",
+ "ure"
+ ],
+ [
+ "ĠM",
+ "or"
+ ],
+ [
+ "k",
+ "y"
+ ],
+ [
+ "t",
+ "age"
+ ],
+ [
+ "Ġlook",
+ "s"
+ ],
+ [
+ "4",
+ "2"
+ ],
+ [
+ "Ġbuild",
+ "ings"
+ ],
+ [
+ "Ġt",
+ "al"
+ ],
+ [
+ "m",
+ "ark"
+ ],
+ [
+ "Ġanaly",
+ "ze"
+ ],
+ [
+ "Ġappreci",
+ "ate"
+ ],
+ [
+ "ail",
+ "s"
+ ],
+ [
+ "Ġh",
+ "our"
+ ],
+ [
+ "Ġmanufact",
+ "uring"
+ ],
+ [
+ "ĠM",
+ "iddle"
+ ],
+ [
+ "Ġoper",
+ "ating"
+ ],
+ [
+ "Ġamount",
+ "s"
+ ],
+ [
+ "Ġun",
+ "s"
+ ],
+ [
+ "ĠCh",
+ "all"
+ ],
+ [
+ "om",
+ "ic"
+ ],
+ [
+ "y",
+ "cl"
+ ],
+ [
+ "Ġd",
+ "ri"
+ ],
+ [
+ "Ġm",
+ "ac"
+ ],
+ [
+ "Ġdep",
+ "ends"
+ ],
+ [
+ "e",
+ "y"
+ ],
+ [
+ "ĠW",
+ "riting"
+ ],
+ [
+ "Ġdis",
+ "cipl"
+ ],
+ [
+ "conom",
+ "ic"
+ ],
+ [
+ "ĠL",
+ "anguage"
+ ],
+ [
+ "Ġk",
+ "n"
+ ],
+ [
+ "ĠWe",
+ "b"
+ ],
+ [
+ "ĠS",
+ "um"
+ ],
+ [
+ "ĠG",
+ "reen"
+ ],
+ [
+ "Ġeth",
+ "ical"
+ ],
+ [
+ "as",
+ "p"
+ ],
+ [
+ "ĠF",
+ "in"
+ ],
+ [
+ "Ġkind",
+ "s"
+ ],
+ [
+ "Ġthe",
+ "rm"
+ ],
+ [
+ "Ġopt",
+ "im"
+ ],
+ [
+ "ĠM",
+ "al"
+ ],
+ [
+ "Ġalgorith",
+ "m"
+ ],
+ [
+ "Ġvirt",
+ "ual"
+ ],
+ [
+ "Ġm",
+ "ission"
+ ],
+ [
+ "Ġclear",
+ "ly"
+ ],
+ [
+ "Ġto",
+ "oth"
+ ],
+ [
+ "ĠT",
+ "ur"
+ ],
+ [
+ "ĠB",
+ "r"
+ ],
+ [
+ "Ġselect",
+ "ed"
+ ],
+ [
+ "Ġcollabor",
+ "ation"
+ ],
+ [
+ "ough",
+ "ly"
+ ],
+ [
+ "ĠK",
+ "now"
+ ],
+ [
+ "Ġtre",
+ "ated"
+ ],
+ [
+ "Ġclose",
+ "ly"
+ ],
+ [
+ "erv",
+ "ed"
+ ],
+ [
+ "Ġint",
+ "ric"
+ ],
+ [
+ "Ġsub",
+ "t"
+ ],
+ [
+ "Ġres",
+ "ist"
+ ],
+ [
+ "Ġt",
+ "it"
+ ],
+ [
+ "Ġf",
+ "iction"
+ ],
+ [
+ "ĠMed",
+ "ic"
+ ],
+ [
+ "Ġre",
+ "new"
+ ],
+ [
+ "Ġor",
+ "al"
+ ],
+ [
+ "Ġperiod",
+ "s"
+ ],
+ [
+ "Ġserv",
+ "es"
+ ],
+ [
+ "Ġflu",
+ "id"
+ ],
+ [
+ "I",
+ "nd"
+ ],
+ [
+ "Ġplay",
+ "ers"
+ ],
+ [
+ "Ġdiscuss",
+ "ions"
+ ],
+ [
+ "Ġleaders",
+ "hip"
+ ],
+ [
+ "D",
+ "e"
+ ],
+ [
+ "q",
+ "rt"
+ ],
+ [
+ "Ġtra",
+ "in"
+ ],
+ [
+ "Ġse",
+ "ven"
+ ],
+ [
+ "A",
+ "B"
+ ],
+ [
+ "st",
+ "ract"
+ ],
+ [
+ "u",
+ "ps"
+ ],
+ [
+ "Ġcons",
+ "ervation"
+ ],
+ [
+ "Ġ\"",
+ "\"\""
+ ],
+ [
+ "Ġse",
+ "cret"
+ ],
+ [
+ "ĠY",
+ "ear"
+ ],
+ [
+ "Ġprec",
+ "ise"
+ ],
+ [
+ "Ġpr",
+ "on"
+ ],
+ [
+ "Ġpotential",
+ "ly"
+ ],
+ [
+ "m",
+ "as"
+ ],
+ [
+ "Ġh",
+ "it"
+ ],
+ [
+ "i",
+ "ology"
+ ],
+ [
+ "Ġer",
+ "a"
+ ],
+ [
+ "ut",
+ "ive"
+ ],
+ [
+ "Ġv",
+ "es"
+ ],
+ [
+ "Ġharm",
+ "ful"
+ ],
+ [
+ "Ġn",
+ "urs"
+ ],
+ [
+ "ĠPro",
+ "ject"
+ ],
+ [
+ "ĠUn",
+ "ion"
+ ],
+ [
+ "Ġcr",
+ "is"
+ ],
+ [
+ "iver",
+ "se"
+ ],
+ [
+ "Ġen",
+ "ab"
+ ],
+ [
+ "C",
+ "I"
+ ],
+ [
+ "Ġdi",
+ "ed"
+ ],
+ [
+ "Ġfound",
+ "ation"
+ ],
+ [
+ "Ġare",
+ "n"
+ ],
+ [
+ "Ġch",
+ "art"
+ ],
+ [
+ "Ġexerc",
+ "ises"
+ ],
+ [
+ "Ġprogram",
+ "ming"
+ ],
+ [
+ "ĠChild",
+ "ren"
+ ],
+ [
+ "ĠH",
+ "y"
+ ],
+ [
+ "Ġco",
+ "al"
+ ],
+ [
+ "Ġdec",
+ "ades"
+ ],
+ [
+ "Ġr",
+ "iver"
+ ],
+ [
+ "Ġsum",
+ "mary"
+ ],
+ [
+ "Ġab",
+ "ilities"
+ ],
+ [
+ "ĠM",
+ "ich"
+ ],
+ [
+ "Ġl",
+ "ung"
+ ],
+ [
+ "Ġf",
+ "ract"
+ ],
+ [
+ "Ġwe",
+ "alth"
+ ],
+ [
+ "Ġpro",
+ "port"
+ ],
+ [
+ "com",
+ "ing"
+ ],
+ [
+ "ro",
+ "g"
+ ],
+ [
+ "Ġlat",
+ "est"
+ ],
+ [
+ "Ġm",
+ "arg"
+ ],
+ [
+ "ĠIntern",
+ "et"
+ ],
+ [
+ "Ġreg",
+ "ul"
+ ],
+ [
+ "ĠIs",
+ "lam"
+ ],
+ [
+ "ĠI",
+ "dent"
+ ],
+ [
+ "Ġproced",
+ "ures"
+ ],
+ [
+ "Ġp",
+ "and"
+ ],
+ [
+ "ĠA",
+ "ns"
+ ],
+ [
+ "ĠSt",
+ "and"
+ ],
+ [
+ "Ġp",
+ "rices"
+ ],
+ [
+ "Ġne",
+ "uro"
+ ],
+ [
+ "Ġme",
+ "at"
+ ],
+ [
+ "6",
+ "6"
+ ],
+ [
+ "Ġregular",
+ "ly"
+ ],
+ [
+ "he",
+ "nt"
+ ],
+ [
+ "ĠCh",
+ "urch"
+ ],
+ [
+ "Ġview",
+ "s"
+ ],
+ [
+ "----------------",
+ "----------------"
+ ],
+ [
+ "Ġredu",
+ "ction"
+ ],
+ [
+ "Ġac",
+ "celer"
+ ],
+ [
+ "ĠÂ",
+ "·"
+ ],
+ [
+ "Ġm",
+ "er"
+ ],
+ [
+ "Ġatmosp",
+ "here"
+ ],
+ [
+ "nd",
+ "rome"
+ ],
+ [
+ "ipp",
+ "ed"
+ ],
+ [
+ "in",
+ "ter"
+ ],
+ [
+ "ĠA",
+ "ir"
+ ],
+ [
+ "Ġg",
+ "ave"
+ ],
+ [
+ "Ġadv",
+ "ice"
+ ],
+ [
+ "ro",
+ "y"
+ ],
+ [
+ "Ġegg",
+ "s"
+ ],
+ [
+ "in",
+ "ent"
+ ],
+ [
+ "ĠP",
+ "ort"
+ ],
+ [
+ "ashing",
+ "ton"
+ ],
+ [
+ "ro",
+ "ad"
+ ],
+ [
+ "o",
+ "ke"
+ ],
+ [
+ "F",
+ "rom"
+ ],
+ [
+ "Ġun",
+ "ex"
+ ],
+ [
+ "Ġdisc",
+ "rim"
+ ],
+ [
+ "Ġfost",
+ "ering"
+ ],
+ [
+ "ĠWh",
+ "o"
+ ],
+ [
+ "if",
+ "ies"
+ ],
+ [
+ "Ġflow",
+ "ers"
+ ],
+ [
+ "ĠAn",
+ "alysis"
+ ],
+ [
+ "Ġconsist",
+ "ent"
+ ],
+ [
+ "Ġins",
+ "ight"
+ ],
+ [
+ "im",
+ "port"
+ ],
+ [
+ "Ġindic",
+ "ate"
+ ],
+ [
+ "Ġbl",
+ "og"
+ ],
+ [
+ "Ġunder",
+ "lying"
+ ],
+ [
+ "Ġbo",
+ "ost"
+ ],
+ [
+ "oy",
+ "al"
+ ],
+ [
+ "Ġingred",
+ "ients"
+ ],
+ [
+ "Ġfail",
+ "ure"
+ ],
+ [
+ "ĠSe",
+ "cond"
+ ],
+ [
+ "Ġsect",
+ "or"
+ ],
+ [
+ "ĠLat",
+ "in"
+ ],
+ [
+ "U",
+ "s"
+ ],
+ [
+ "Ġmain",
+ "tenance"
+ ],
+ [
+ "Ġcap",
+ "able"
+ ],
+ [
+ "Ġturn",
+ "ed"
+ ],
+ [
+ "-re",
+ "lated"
+ ],
+ [
+ "Ġwrit",
+ "ers"
+ ],
+ [
+ "ash",
+ "ion"
+ ],
+ [
+ "Ġch",
+ "ain"
+ ],
+ [
+ "Ġobtain",
+ "ed"
+ ],
+ [
+ "Ġconcent",
+ "ration"
+ ],
+ [
+ "Ġy",
+ "ellow"
+ ],
+ [
+ "Ġo",
+ "cean"
+ ],
+ [
+ "Ġmor",
+ "al"
+ ],
+ [
+ "Ġdel",
+ "iver"
+ ],
+ [
+ "ĠM",
+ "ac"
+ ],
+ [
+ "ĠIs",
+ "rael"
+ ],
+ [
+ "Ġart",
+ "ificial"
+ ],
+ [
+ "ĠS",
+ "an"
+ ],
+ [
+ "ĠM",
+ "icro"
+ ],
+ [
+ "udd",
+ "en"
+ ],
+ [
+ "ĠPh",
+ "il"
+ ],
+ [
+ "ri",
+ "age"
+ ],
+ [
+ "oth",
+ "ing"
+ ],
+ [
+ "Ġmo",
+ "ist"
+ ],
+ [
+ "Ġens",
+ "ures"
+ ],
+ [
+ "Ġtut",
+ "orial"
+ ],
+ [
+ "ĠH",
+ "ome"
+ ],
+ [
+ "omet",
+ "ry"
+ ],
+ [
+ "ĠF",
+ "ound"
+ ],
+ [
+ "Ġv",
+ "ibr"
+ ],
+ [
+ "Ġwor",
+ "ry"
+ ],
+ [
+ "Ġwrit",
+ "er"
+ ],
+ [
+ "Ġsh",
+ "ar"
+ ],
+ [
+ "Ġcirc",
+ "le"
+ ],
+ [
+ "Ġcamp",
+ "aign"
+ ],
+ [
+ "Ġd",
+ "ensity"
+ ],
+ [
+ ".",
+ "C"
+ ],
+ [
+ "Ġpain",
+ "t"
+ ],
+ [
+ "Ġam",
+ "azing"
+ ],
+ [
+ "n",
+ "am"
+ ],
+ [
+ "f",
+ "aces"
+ ],
+ [
+ "id",
+ "a"
+ ],
+ [
+ "Ġplatform",
+ "s"
+ ],
+ [
+ "Ġdiagn",
+ "osis"
+ ],
+ [
+ "Ġhe",
+ "ro"
+ ],
+ [
+ "Ġmeet",
+ "ing"
+ ],
+ [
+ "ĠComm",
+ "on"
+ ],
+ [
+ "Ġinteract",
+ "ion"
+ ],
+ [
+ "Ġhe",
+ "ar"
+ ],
+ [
+ "ific",
+ "ations"
+ ],
+ [
+ "ar",
+ "ant"
+ ],
+ [
+ "Ġcreat",
+ "ivity"
+ ],
+ [
+ "own",
+ "load"
+ ],
+ [
+ "el",
+ "lect"
+ ],
+ [
+ "abul",
+ "ary"
+ ],
+ [
+ "Ġcr",
+ "us"
+ ],
+ [
+ "0",
+ "7"
+ ],
+ [
+ "st",
+ "yle"
+ ],
+ [
+ "Ġman",
+ "aging"
+ ],
+ [
+ "Ġd",
+ "ie"
+ ],
+ [
+ "Ġsupport",
+ "ing"
+ ],
+ [
+ "n",
+ "es"
+ ],
+ [
+ "Ġv",
+ "ent"
+ ],
+ [
+ "Ġcomp",
+ "osition"
+ ],
+ [
+ "Ã",
+ "¢"
+ ],
+ [
+ "ĠEx",
+ "p"
+ ],
+ [
+ "dis",
+ "play"
+ ],
+ [
+ "Ġprevious",
+ "ly"
+ ],
+ [
+ "it",
+ "ness"
+ ],
+ [
+ "l",
+ "is"
+ ],
+ [
+ "Ġgl",
+ "ob"
+ ],
+ [
+ "ant",
+ "ed"
+ ],
+ [
+ "čĊ",
+ "čĊ"
+ ],
+ [
+ "Ġbeaut",
+ "y"
+ ],
+ [
+ "ĠSt",
+ "r"
+ ],
+ [
+ "ĠA",
+ "tt"
+ ],
+ [
+ "ĠKe",
+ "ep"
+ ],
+ [
+ "pl",
+ "it"
+ ],
+ [
+ "ĠL",
+ "ist"
+ ],
+ [
+ "Ġcomput",
+ "ers"
+ ],
+ [
+ "Ġtou",
+ "ch"
+ ],
+ [
+ "Ġdang",
+ "erous"
+ ],
+ [
+ "Ġelect",
+ "ronic"
+ ],
+ [
+ "18",
+ "6"
+ ],
+ [
+ "Ġc",
+ "ert"
+ ],
+ [
+ "Ġpre",
+ "t"
+ ],
+ [
+ "Ġw",
+ "ire"
+ ],
+ [
+ "Ġtrans",
+ "ition"
+ ],
+ [
+ "se",
+ "c"
+ ],
+ [
+ "oc",
+ "al"
+ ],
+ [
+ "ĠD",
+ "em"
+ ],
+ [
+ "Ġcomb",
+ "ined"
+ ],
+ [
+ "ĠAd",
+ "v"
+ ],
+ [
+ "Ġd",
+ "u"
+ ],
+ [
+ ".",
+ ";"
+ ],
+ [
+ "Ġappear",
+ "ance"
+ ],
+ [
+ "Ġme",
+ "ant"
+ ],
+ [
+ "augh",
+ "ter"
+ ],
+ [
+ "Ġw",
+ "is"
+ ],
+ [
+ "/",
+ "or"
+ ],
+ [
+ "Ġrad",
+ "io"
+ ],
+ [
+ "Ġcircum",
+ "st"
+ ],
+ [
+ "ĠEm",
+ "p"
+ ],
+ [
+ "r",
+ "ations"
+ ],
+ [
+ "Ġclass",
+ "ic"
+ ],
+ [
+ "et",
+ "her"
+ ],
+ [
+ "Ġtext",
+ "s"
+ ],
+ [
+ "Ġcreat",
+ "es"
+ ],
+ [
+ "Ġst",
+ "ages"
+ ],
+ [
+ "Ġmin",
+ "imum"
+ ],
+ [
+ "Ġshap",
+ "ing"
+ ],
+ [
+ "à",
+ "¥"
+ ],
+ [
+ "-",
+ "D"
+ ],
+ [
+ "T",
+ "e"
+ ],
+ [
+ "Ġch",
+ "urch"
+ ],
+ [
+ "ĠD",
+ "ist"
+ ],
+ [
+ "Ġdiscuss",
+ "ed"
+ ],
+ [
+ "ik",
+ "i"
+ ],
+ [
+ "Ġframew",
+ "ork"
+ ],
+ [
+ "ing",
+ "ly"
+ ],
+ [
+ "Ġinj",
+ "ury"
+ ],
+ [
+ "Ġprote",
+ "ins"
+ ],
+ [
+ "Ġr",
+ "ul"
+ ],
+ [
+ "ĠAssoci",
+ "ation"
+ ],
+ [
+ "Ġhapp",
+ "ened"
+ ],
+ [
+ "Ġrele",
+ "ased"
+ ],
+ [
+ "Ġw",
+ "ave"
+ ],
+ [
+ "8",
+ "5"
+ ],
+ [
+ "Ä",
+ "ģ"
+ ],
+ [
+ "id",
+ "th"
+ ],
+ [
+ "Ġfeed",
+ "back"
+ ],
+ [
+ "Ġbeg",
+ "ins"
+ ],
+ [
+ "Ġwe",
+ "ar"
+ ],
+ [
+ "Ġf",
+ "abric"
+ ],
+ [
+ "Ġd",
+ "ental"
+ ],
+ [
+ "M",
+ "S"
+ ],
+ [
+ "Ġpict",
+ "ures"
+ ],
+ [
+ "ress",
+ "ed"
+ ],
+ [
+ "Ġtru",
+ "ly"
+ ],
+ [
+ "ad",
+ "o"
+ ],
+ [
+ "Ġprep",
+ "are"
+ ],
+ [
+ "erson",
+ "al"
+ ],
+ [
+ "Ġinter",
+ "view"
+ ],
+ [
+ "Ġcommunic",
+ "ate"
+ ],
+ [
+ "Ġcut",
+ "ting"
+ ],
+ [
+ "H",
+ "ave"
+ ],
+ [
+ "oura",
+ "ge"
+ ],
+ [
+ "Ġmet",
+ "ab"
+ ],
+ [
+ "Ġequ",
+ "ival"
+ ],
+ [
+ "ic",
+ "ians"
+ ],
+ [
+ "ĠB",
+ "et"
+ ],
+ [
+ "w",
+ "ith"
+ ],
+ [
+ "Ġleg",
+ "is"
+ ],
+ [
+ "O",
+ "ur"
+ ],
+ [
+ "l",
+ "o"
+ ],
+ [
+ "ĠSoci",
+ "ety"
+ ],
+ [
+ "ĠA",
+ "lex"
+ ],
+ [
+ "Ġrad",
+ "iation"
+ ],
+ [
+ "ĠF",
+ "ore"
+ ],
+ [
+ "y",
+ "a"
+ ],
+ [
+ "Ġmob",
+ "ile"
+ ],
+ [
+ "Ġcook",
+ "ing"
+ ],
+ [
+ "ri",
+ "end"
+ ],
+ [
+ "ĠFeb",
+ "ruary"
+ ],
+ [
+ "Ġinf",
+ "rastructure"
+ ],
+ [
+ "ĠT",
+ "HE"
+ ],
+ [
+ "-",
+ "n"
+ ],
+ [
+ "####",
+ "####"
+ ],
+ [
+ "Ġann",
+ "ual"
+ ],
+ [
+ "ĠIm",
+ "agine"
+ ],
+ [
+ "ac",
+ "he"
+ ],
+ [
+ "Ġcon",
+ "v"
+ ],
+ [
+ "Ġhor",
+ "iz"
+ ],
+ [
+ "Ġk",
+ "m"
+ ],
+ [
+ "ĠQu",
+ "estions"
+ ],
+ [
+ "Ġour",
+ "selves"
+ ],
+ [
+ "Ġrel",
+ "ax"
+ ],
+ [
+ "it",
+ "ors"
+ ],
+ [
+ "Ġlab",
+ "el"
+ ],
+ [
+ "ĠM",
+ "r"
+ ],
+ [
+ "ic",
+ "ing"
+ ],
+ [
+ "Ġst",
+ "ock"
+ ],
+ [
+ "Ġbatter",
+ "y"
+ ],
+ [
+ "ĠSt",
+ "e"
+ ],
+ [
+ "Ġjob",
+ "s"
+ ],
+ [
+ "Ġl",
+ "ik"
+ ],
+ [
+ "h",
+ "ow"
+ ],
+ [
+ "]",
+ "["
+ ],
+ [
+ "Ġl",
+ "ies"
+ ],
+ [
+ "ĠJew",
+ "ish"
+ ],
+ [
+ "Ġconf",
+ "idence"
+ ],
+ [
+ "op",
+ "er"
+ ],
+ [
+ "ist",
+ "an"
+ ],
+ [
+ "asc",
+ "ular"
+ ],
+ [
+ "ĠCount",
+ "y"
+ ],
+ [
+ "R",
+ "I"
+ ],
+ [
+ "0",
+ "9"
+ ],
+ [
+ "ĠP",
+ "al"
+ ],
+ [
+ "Ġhand",
+ "le"
+ ],
+ [
+ "Ġcontinu",
+ "ous"
+ ],
+ [
+ "(",
+ "t"
+ ],
+ [
+ "Ġt",
+ "aught"
+ ],
+ [
+ "Ġmeasure",
+ "d"
+ ],
+ [
+ "Ġle",
+ "aving"
+ ],
+ [
+ "Ġshow",
+ "ing"
+ ],
+ [
+ "Ġcour",
+ "ses"
+ ],
+ [
+ "Ġsay",
+ "ing"
+ ],
+ [
+ "Ġp",
+ "p"
+ ],
+ [
+ "ak",
+ "er"
+ ],
+ [
+ "ĠD",
+ "irect"
+ ],
+ [
+ "Ġoff",
+ "ered"
+ ],
+ [
+ "im",
+ "ens"
+ ],
+ [
+ "Ġtrans",
+ "l"
+ ],
+ [
+ "Ġult",
+ "imately"
+ ],
+ [
+ "Ġserv",
+ "ed"
+ ],
+ [
+ "-",
+ "old"
+ ],
+ [
+ "Ġrepresent",
+ "ation"
+ ],
+ [
+ "Ġreg",
+ "ulations"
+ ],
+ [
+ "Ġresil",
+ "ience"
+ ],
+ [
+ "Ġinst",
+ "ruction"
+ ],
+ [
+ "Ġexplain",
+ "ed"
+ ],
+ [
+ "Ġnuc",
+ "lear"
+ ],
+ [
+ "cul",
+ "es"
+ ],
+ [
+ "olog",
+ "ist"
+ ],
+ [
+ "Ġph",
+ "one"
+ ],
+ [
+ "l",
+ "ines"
+ ],
+ [
+ "Ġrec",
+ "overy"
+ ],
+ [
+ "ĠEn",
+ "ergy"
+ ],
+ [
+ "ial",
+ "ly"
+ ],
+ [
+ "Ġdoc",
+ "uments"
+ ],
+ [
+ "rodu",
+ "ct"
+ ],
+ [
+ "ĠTh",
+ "ink"
+ ],
+ [
+ "Ġab",
+ "use"
+ ],
+ [
+ "um",
+ "in"
+ ],
+ [
+ "Ġestim",
+ "ated"
+ ],
+ [
+ "Ġsc",
+ "ore"
+ ],
+ [
+ "Ġsol",
+ "ving"
+ ],
+ [
+ "h",
+ "i"
+ ],
+ [
+ "Ġ",
+ "vel"
+ ],
+ [
+ "un",
+ "k"
+ ],
+ [
+ "Ġdou",
+ "b"
+ ],
+ [
+ "-t",
+ "ime"
+ ],
+ [
+ "Ġg",
+ "re"
+ ],
+ [
+ "Ġl",
+ "oved"
+ ],
+ [
+ "Ġpropos",
+ "ed"
+ ],
+ [
+ "Ġsal",
+ "t"
+ ],
+ [
+ "Ġm",
+ "ere"
+ ],
+ [
+ "av",
+ "a"
+ ],
+ [
+ "Ġman",
+ "ner"
+ ],
+ [
+ "Ġch",
+ "osen"
+ ],
+ [
+ "Ġcustom",
+ "er"
+ ],
+ [
+ "ĠC",
+ "oun"
+ ],
+ [
+ "Ġves",
+ "sel"
+ ],
+ [
+ "4",
+ "1"
+ ],
+ [
+ "Ġse",
+ "ed"
+ ],
+ [
+ "Ġindustr",
+ "ies"
+ ],
+ [
+ "ul",
+ "in"
+ ],
+ [
+ "Ġn",
+ "ations"
+ ],
+ [
+ "Ġfl",
+ "o"
+ ],
+ [
+ "Ġt",
+ "um"
+ ],
+ [
+ "Ġcom",
+ "ment"
+ ],
+ [
+ "Ġsubst",
+ "ant"
+ ],
+ [
+ "Ġen",
+ "ables"
+ ],
+ [
+ "plic",
+ "ated"
+ ],
+ [
+ "Ġbre",
+ "ast"
+ ],
+ [
+ "Ġgen",
+ "es"
+ ],
+ [
+ "Ġmus",
+ "cles"
+ ],
+ [
+ "ĠCour",
+ "se"
+ ],
+ [
+ "Ġtyp",
+ "ical"
+ ],
+ [
+ "Ġth",
+ "in"
+ ],
+ [
+ "Ġg",
+ "ar"
+ ],
+ [
+ "ĠWorkshe",
+ "ets"
+ ],
+ [
+ "A",
+ "ccording"
+ ],
+ [
+ "Ġtarget",
+ "ed"
+ ],
+ [
+ "Ġopt",
+ "imal"
+ ],
+ [
+ "âĢĿ",
+ "."
+ ],
+ [
+ "Ġform",
+ "al"
+ ],
+ [
+ "Ġsub",
+ "sequ"
+ ],
+ [
+ "ĠGra",
+ "de"
+ ],
+ [
+ "Ġaccom",
+ "pl"
+ ],
+ [
+ "Ġpart",
+ "ies"
+ ],
+ [
+ "Ġlay",
+ "ers"
+ ],
+ [
+ "Ġyou",
+ "th"
+ ],
+ [
+ "Ġsp",
+ "end"
+ ],
+ [
+ "Ġf",
+ "irm"
+ ],
+ [
+ "4",
+ "00"
+ ],
+ [
+ "Ġacc",
+ "uracy"
+ ],
+ [
+ "wh",
+ "ile"
+ ],
+ [
+ "r",
+ "d"
+ ],
+ [
+ "Ġrespons",
+ "es"
+ ],
+ [
+ "ĠW",
+ "ashington"
+ ],
+ [
+ "i",
+ "very"
+ ],
+ [
+ "Ġdr",
+ "iving"
+ ],
+ [
+ "id",
+ "ay"
+ ],
+ [
+ "Ġfil",
+ "es"
+ ],
+ [
+ "Ġne",
+ "ut"
+ ],
+ [
+ "Ġg",
+ "ram"
+ ],
+ [
+ "-",
+ "le"
+ ],
+ [
+ "le",
+ "ments"
+ ],
+ [
+ "N",
+ "ew"
+ ],
+ [
+ "Ġb",
+ "ond"
+ ],
+ [
+ "Ġhapp",
+ "y"
+ ],
+ [
+ "Ġmechan",
+ "isms"
+ ],
+ [
+ "Ġmathemat",
+ "ics"
+ ],
+ [
+ "ĠS",
+ "un"
+ ],
+ [
+ "a",
+ "el"
+ ],
+ [
+ "Ġded",
+ "icated"
+ ],
+ [
+ "Ġl",
+ "ic"
+ ],
+ [
+ "Ġs",
+ "ell"
+ ],
+ [
+ "if",
+ "orm"
+ ],
+ [
+ "re",
+ "st"
+ ],
+ [
+ "ortun",
+ "ately"
+ ],
+ [
+ "pp",
+ "ing"
+ ],
+ [
+ "Ġphilos",
+ "ophy"
+ ],
+ [
+ "ot",
+ "he"
+ ],
+ [
+ "Ġmost",
+ "ly"
+ ],
+ [
+ "as",
+ "tern"
+ ],
+ [
+ "Ġins",
+ "urance"
+ ],
+ [
+ "v",
+ "ity"
+ ],
+ [
+ "Ġcor",
+ "por"
+ ],
+ [
+ "ĠL",
+ "ike"
+ ],
+ [
+ "Ġk",
+ "ill"
+ ],
+ [
+ "Ġc",
+ "ere"
+ ],
+ [
+ "Ġmay",
+ "be"
+ ],
+ [
+ "Ġst",
+ "one"
+ ],
+ [
+ "il",
+ "ed"
+ ],
+ [
+ "Ġra",
+ "w"
+ ],
+ [
+ "Ġve",
+ "ctor"
+ ],
+ [
+ "ĠG",
+ "ood"
+ ],
+ [
+ "ĠF",
+ "re"
+ ],
+ [
+ ".",
+ "d"
+ ],
+ [
+ "ĠCom",
+ "put"
+ ],
+ [
+ "Ġcertain",
+ "ly"
+ ],
+ [
+ "Ġtalk",
+ "ing"
+ ],
+ [
+ "Ġc",
+ "ra"
+ ],
+ [
+ "ul",
+ "s"
+ ],
+ [
+ "Ġconcer",
+ "n"
+ ],
+ [
+ "ag",
+ "ers"
+ ],
+ [
+ "Ġst",
+ "yles"
+ ],
+ [
+ "ĠT",
+ "reat"
+ ],
+ [
+ "Ġus",
+ "age"
+ ],
+ [
+ "Ġconf",
+ "irm"
+ ],
+ [
+ "ĠU",
+ "N"
+ ],
+ [
+ "ĠAb",
+ "out"
+ ],
+ [
+ "Ġpro",
+ "of"
+ ],
+ [
+ "Ġsp",
+ "ent"
+ ],
+ [
+ "Ġvit",
+ "amin"
+ ],
+ [
+ "Ġcl",
+ "im"
+ ],
+ [
+ "Ġele",
+ "v"
+ ],
+ [
+ "Ġveh",
+ "icle"
+ ],
+ [
+ "Ġdecre",
+ "ase"
+ ],
+ [
+ "ĠIn",
+ "formation"
+ ],
+ [
+ "Ġb",
+ "ird"
+ ],
+ [
+ "ĠS",
+ "ign"
+ ],
+ [
+ "Ġn",
+ "erv"
+ ],
+ [
+ "Ġm",
+ "ort"
+ ],
+ [
+ "ĠL",
+ "eg"
+ ],
+ [
+ "ĠG",
+ "r"
+ ],
+ [
+ "ĠL",
+ "iter"
+ ],
+ [
+ "ĠIn",
+ "s"
+ ],
+ [
+ ".",
+ "D"
+ ],
+ [
+ "Ġar",
+ "m"
+ ],
+ [
+ "0",
+ "6"
+ ],
+ [
+ "Ġob",
+ "st"
+ ],
+ [
+ "Ġarchitect",
+ "ure"
+ ],
+ [
+ "Ġsu",
+ "fficient"
+ ],
+ [
+ "Ġmach",
+ "ines"
+ ],
+ [
+ "Ġcomple",
+ "ted"
+ ],
+ [
+ "m",
+ "ic"
+ ],
+ [
+ "-m",
+ "aking"
+ ],
+ [
+ "B",
+ "C"
+ ],
+ [
+ "ĠO",
+ "ld"
+ ],
+ [
+ "Ġlif",
+ "estyle"
+ ],
+ [
+ "Ġfunction",
+ "al"
+ ],
+ [
+ "ber",
+ "g"
+ ],
+ [
+ "10",
+ "1"
+ ],
+ [
+ "ĠEx",
+ "amples"
+ ],
+ [
+ "w",
+ "ell"
+ ],
+ [
+ "c",
+ "ers"
+ ],
+ [
+ "Ġs",
+ "ou"
+ ],
+ [
+ "Ġlead",
+ "er"
+ ],
+ [
+ "ĠKe",
+ "y"
+ ],
+ [
+ "Ġabs",
+ "olute"
+ ],
+ [
+ "Ġhab",
+ "its"
+ ],
+ [
+ "Ġmeaning",
+ "ful"
+ ],
+ [
+ "ag",
+ "o"
+ ],
+ [
+ "Ġbi",
+ "ological"
+ ],
+ [
+ "Ġfocus",
+ "es"
+ ],
+ [
+ "Ġsens",
+ "itive"
+ ],
+ [
+ "Ġpolit",
+ "ics"
+ ],
+ [
+ "ĠS",
+ "l"
+ ],
+ [
+ "Ġbra",
+ "nd"
+ ],
+ [
+ "Ġhe",
+ "aring"
+ ],
+ [
+ "Ġevalu",
+ "ate"
+ ],
+ [
+ "Ġsubst",
+ "ance"
+ ],
+ [
+ "Ġincorpor",
+ "ating"
+ ],
+ [
+ "Ġit",
+ "em"
+ ],
+ [
+ "at",
+ "ric"
+ ],
+ [
+ "Ġtrans",
+ "act"
+ ],
+ [
+ "C",
+ "H"
+ ],
+ [
+ "Ġbenef",
+ "icial"
+ ],
+ [
+ "ĠD",
+ "ig"
+ ],
+ [
+ "Ġco",
+ "vers"
+ ],
+ [
+ "Ġexist",
+ "ence"
+ ],
+ [
+ "w",
+ "ood"
+ ],
+ [
+ ".",
+ "m"
+ ],
+ [
+ "\"",
+ ".ĊĊ"
+ ],
+ [
+ "Ġdef",
+ "ic"
+ ],
+ [
+ "r",
+ "ates"
+ ],
+ [
+ "display",
+ "style"
+ ],
+ [
+ "ipp",
+ "ing"
+ ],
+ [
+ "Ġconsid",
+ "ering"
+ ],
+ [
+ "Ġreg",
+ "ional"
+ ],
+ [
+ "Ġstart",
+ "s"
+ ],
+ [
+ "ĠCent",
+ "ral"
+ ],
+ [
+ "Ġprinc",
+ "iple"
+ ],
+ [
+ "Ġcol",
+ "umn"
+ ],
+ [
+ "os",
+ "a"
+ ],
+ [
+ "ĠRep",
+ "ublic"
+ ],
+ [
+ "p",
+ "ed"
+ ],
+ [
+ "18",
+ "9"
+ ],
+ [
+ "4",
+ "3"
+ ],
+ [
+ "con",
+ "st"
+ ],
+ [
+ "omet",
+ "ric"
+ ],
+ [
+ "Ġthem",
+ "e"
+ ],
+ [
+ "ĠV",
+ "is"
+ ],
+ [
+ "Ġclos",
+ "er"
+ ],
+ [
+ "Ġpar",
+ "allel"
+ ],
+ [
+ "-",
+ "th"
+ ],
+ [
+ "he",
+ "rent"
+ ],
+ [
+ "h",
+ "t"
+ ],
+ [
+ "Ġsnipp",
+ "et"
+ ],
+ [
+ "Ġdescrib",
+ "es"
+ ],
+ [
+ "ĠLear",
+ "n"
+ ],
+ [
+ "ĠA",
+ "rab"
+ ],
+ [
+ "app",
+ "ing"
+ ],
+ [
+ "-",
+ "P"
+ ],
+ [
+ "(",
+ "c"
+ ],
+ [
+ "Ġt",
+ "iny"
+ ],
+ [
+ "Ġgra",
+ "nd"
+ ],
+ [
+ "g",
+ "in"
+ ],
+ [
+ "Ġl",
+ "ots"
+ ],
+ [
+ "Ġlearn",
+ "ers"
+ ],
+ [
+ "Ġevalu",
+ "ation"
+ ],
+ [
+ "u",
+ "pp"
+ ],
+ [
+ "ĠS",
+ "uch"
+ ],
+ [
+ "ĠAn",
+ "other"
+ ],
+ [
+ "Ġdesign",
+ "s"
+ ],
+ [
+ "Ġinsp",
+ "ired"
+ ],
+ [
+ "ĠPro",
+ "ble"
+ ],
+ [
+ "ren",
+ "cy"
+ ],
+ [
+ "ĠJ",
+ "ames"
+ ],
+ [
+ "b",
+ "b"
+ ],
+ [
+ "Ġeng",
+ "agement"
+ ],
+ [
+ "Ġinc",
+ "hes"
+ ],
+ [
+ "Ġun",
+ "iversity"
+ ],
+ [
+ "Ġsecond",
+ "ary"
+ ],
+ [
+ "ĠC",
+ "reat"
+ ],
+ [
+ "Ġtransport",
+ "ation"
+ ],
+ [
+ "Ġrecogn",
+ "ition"
+ ],
+ [
+ "Ġatt",
+ "acks"
+ ],
+ [
+ "Ġim",
+ "plications"
+ ],
+ [
+ "Ġto",
+ "w"
+ ],
+ [
+ "Ġp",
+ "ark"
+ ],
+ [
+ "Ġn",
+ "an"
+ ],
+ [
+ "oc",
+ "ity"
+ ],
+ [
+ "ic",
+ "ism"
+ ],
+ [
+ "Ġp",
+ "air"
+ ],
+ [
+ "Ġinstru",
+ "ment"
+ ],
+ [
+ "Ġimm",
+ "ig"
+ ],
+ [
+ "ol",
+ "ving"
+ ],
+ [
+ "Ġrout",
+ "ine"
+ ],
+ [
+ "Ġcare",
+ "ful"
+ ],
+ [
+ "ĠAc",
+ "ad"
+ ],
+ [
+ "Ġr",
+ "ub"
+ ],
+ [
+ "Ġsh",
+ "op"
+ ],
+ [
+ "ĠM",
+ "ain"
+ ],
+ [
+ "Ġbound",
+ "aries"
+ ],
+ [
+ "________",
+ "________"
+ ],
+ [
+ "Ġinter",
+ "vention"
+ ],
+ [
+ "Ġpr",
+ "ime"
+ ],
+ [
+ "Ġap",
+ "art"
+ ],
+ [
+ "ĠM",
+ "ary"
+ ],
+ [
+ "it",
+ "z"
+ ],
+ [
+ "Ġcr",
+ "im"
+ ],
+ [
+ "Ġmathemat",
+ "ical"
+ ],
+ [
+ "C",
+ "T"
+ ],
+ [
+ "p",
+ "at"
+ ],
+ [
+ "Ġexam",
+ "ining"
+ ],
+ [
+ "ĠC",
+ "hem"
+ ],
+ [
+ "Ġcard",
+ "i"
+ ],
+ [
+ "Ġed",
+ "ge"
+ ],
+ [
+ "Ġac",
+ "know"
+ ],
+ [
+ "Ġra",
+ "ise"
+ ],
+ [
+ "ri",
+ "a"
+ ],
+ [
+ "og",
+ "ether"
+ ],
+ [
+ "5",
+ "6"
+ ],
+ [
+ "Ġaim",
+ "ed"
+ ],
+ [
+ "Ġphys",
+ "ics"
+ ],
+ [
+ "ur",
+ "d"
+ ],
+ [
+ "Ġrel",
+ "iable"
+ ],
+ [
+ "erv",
+ "ing"
+ ],
+ [
+ "oc",
+ "ation"
+ ],
+ [
+ "Ġha",
+ "z"
+ ],
+ [
+ "Ġw",
+ "aves"
+ ],
+ [
+ "Ġnavig",
+ "ate"
+ ],
+ [
+ "rol",
+ "og"
+ ],
+ [
+ "ff",
+ "ee"
+ ],
+ [
+ "ĠCons",
+ "ider"
+ ],
+ [
+ "atur",
+ "ally"
+ ],
+ [
+ "Ġtw",
+ "ist"
+ ],
+ [
+ "Ġl",
+ "ose"
+ ],
+ [
+ "Ġphot",
+ "os"
+ ],
+ [
+ "Ġintrodu",
+ "ce"
+ ],
+ [
+ "n",
+ "et"
+ ],
+ [
+ "Ġspe",
+ "aking"
+ ],
+ [
+ "ĠS",
+ "am"
+ ],
+ [
+ "id",
+ "ents"
+ ],
+ [
+ "w",
+ "hat"
+ ],
+ [
+ "1",
+ "20"
+ ],
+ [
+ "Ġplay",
+ "er"
+ ],
+ [
+ "ip",
+ "es"
+ ],
+ [
+ "S",
+ "A"
+ ],
+ [
+ "ĠN",
+ "on"
+ ],
+ [
+ "0",
+ "2"
+ ],
+ [
+ "r",
+ "us"
+ ],
+ [
+ "Ġass",
+ "istance"
+ ],
+ [
+ "l",
+ "en"
+ ],
+ [
+ "Ġcharacter",
+ "ized"
+ ],
+ [
+ "Ġman",
+ "ip"
+ ],
+ [
+ "ĠB",
+ "usiness"
+ ],
+ [
+ "ĠE",
+ "ffect"
+ ],
+ [
+ "(",
+ "b"
+ ],
+ [
+ "in",
+ "put"
+ ],
+ [
+ "i",
+ "j"
+ ],
+ [
+ "Ġfl",
+ "ood"
+ ],
+ [
+ "-",
+ "of"
+ ],
+ [
+ "k",
+ "ing"
+ ],
+ [
+ "-",
+ "F"
+ ],
+ [
+ "Ġout",
+ "come"
+ ],
+ [
+ "st",
+ "ood"
+ ],
+ [
+ "Ġfl",
+ "at"
+ ],
+ [
+ "Ġb",
+ "ow"
+ ],
+ [
+ "Ġfin",
+ "ally"
+ ],
+ [
+ "L",
+ "A"
+ ],
+ [
+ "Ġb",
+ "attle"
+ ],
+ [
+ "Ġgr",
+ "ass"
+ ],
+ [
+ "oss",
+ "ible"
+ ],
+ [
+ "um",
+ "a"
+ ],
+ [
+ "em",
+ "pl"
+ ],
+ [
+ "Ġimm",
+ "un"
+ ],
+ [
+ "Ġrem",
+ "ark"
+ ],
+ [
+ "-",
+ "day"
+ ],
+ [
+ "Ġfix",
+ "ed"
+ ],
+ [
+ "Ġpregn",
+ "ancy"
+ ],
+ [
+ "ĠS",
+ "af"
+ ],
+ [
+ "Ġcircumst",
+ "ances"
+ ],
+ [
+ "Ġother",
+ "wise"
+ ],
+ [
+ "Ġgener",
+ "ated"
+ ],
+ [
+ "Ġdynam",
+ "ics"
+ ],
+ [
+ "Ġrapid",
+ "ly"
+ ],
+ [
+ "Ġnarr",
+ "atives"
+ ],
+ [
+ "and",
+ "er"
+ ],
+ [
+ "Ġimplement",
+ "ation"
+ ],
+ [
+ "Ġdom",
+ "ain"
+ ],
+ [
+ "k",
+ "a"
+ ],
+ [
+ "Ġsurg",
+ "ery"
+ ],
+ [
+ "Ġauthor",
+ "ity"
+ ],
+ [
+ ")",
+ ".ĊĊ"
+ ],
+ [
+ "Ġcollect",
+ "ed"
+ ],
+ [
+ "D",
+ "A"
+ ],
+ [
+ "ĠM",
+ "ethod"
+ ],
+ [
+ "Ġunex",
+ "pected"
+ ],
+ [
+ "ĠÃ",
+ "Ĺ"
+ ],
+ [
+ "ĠMe",
+ "an"
+ ],
+ [
+ "ir",
+ "us"
+ ],
+ [
+ "ĠK",
+ "ore"
+ ],
+ [
+ "Ġl",
+ "inks"
+ ],
+ [
+ "Ã",
+ "Ń"
+ ],
+ [
+ "Ġmix",
+ "ed"
+ ],
+ [
+ "Ġcon",
+ "crete"
+ ],
+ [
+ "ĠC",
+ "ivil"
+ ],
+ [
+ "oun",
+ "ced"
+ ],
+ [
+ "Ġvict",
+ "im"
+ ],
+ [
+ "h",
+ "av"
+ ],
+ [
+ "Ġmov",
+ "ed"
+ ],
+ [
+ "Ġact",
+ "s"
+ ],
+ [
+ "ru",
+ "st"
+ ],
+ [
+ "Ġhosp",
+ "ital"
+ ],
+ [
+ "Ġpers",
+ "ist"
+ ],
+ [
+ "'",
+ "m"
+ ],
+ [
+ "ans",
+ "ion"
+ ],
+ [
+ "Ġcontroll",
+ "ed"
+ ],
+ [
+ "Ġin",
+ "ner"
+ ],
+ [
+ "Ġmagn",
+ "etic"
+ ],
+ [
+ "f",
+ "all"
+ ],
+ [
+ "itud",
+ "es"
+ ],
+ [
+ "Ġdynam",
+ "ic"
+ ],
+ [
+ "ĠSe",
+ "e"
+ ],
+ [
+ "ĠDav",
+ "id"
+ ],
+ [
+ "r",
+ "ons"
+ ],
+ [
+ "ĠB",
+ "ible"
+ ],
+ [
+ "Ġinv",
+ "ent"
+ ],
+ [
+ "ĠS",
+ "al"
+ ],
+ [
+ "Ġsc",
+ "ene"
+ ],
+ [
+ "Ġdec",
+ "ide"
+ ],
+ [
+ "ĠP",
+ "ers"
+ ],
+ [
+ "Ġlist",
+ "en"
+ ],
+ [
+ "Ġcris",
+ "is"
+ ],
+ [
+ "8",
+ "8"
+ ],
+ [
+ "ĠHel",
+ "p"
+ ],
+ [
+ "Ġthe",
+ "ories"
+ ],
+ [
+ "Ġcur",
+ "riculum"
+ ],
+ [
+ "-l",
+ "ike"
+ ],
+ [
+ "Ġre",
+ "ct"
+ ],
+ [
+ "Â",
+ "·"
+ ],
+ [
+ "-",
+ "L"
+ ],
+ [
+ "Ġsh",
+ "if"
+ ],
+ [
+ "Ġjo",
+ "in"
+ ],
+ [
+ "Ġrecogn",
+ "ized"
+ ],
+ [
+ "Ġf",
+ "ill"
+ ],
+ [
+ "Ġqu",
+ "e"
+ ],
+ [
+ "m",
+ "l"
+ ],
+ [
+ "ox",
+ "ide"
+ ],
+ [
+ "Ġ",
+ "__"
+ ],
+ [
+ "Ġre",
+ "b"
+ ],
+ [
+ "Ġincorpor",
+ "ate"
+ ],
+ [
+ "ĠA",
+ "cc"
+ ],
+ [
+ "Ġvol",
+ "tage"
+ ],
+ [
+ "Ġimprove",
+ "ment"
+ ],
+ [
+ "Ġs",
+ "ales"
+ ],
+ [
+ "Ġh",
+ "idden"
+ ],
+ [
+ "Ġint",
+ "ellect"
+ ],
+ [
+ "ci",
+ "um"
+ ],
+ [
+ "Ð",
+ "»"
+ ],
+ [
+ "Ġcon",
+ "vert"
+ ],
+ [
+ "Ġaut",
+ "hent"
+ ],
+ [
+ "Ġsupport",
+ "ed"
+ ],
+ [
+ "dition",
+ "al"
+ ],
+ [
+ "Ġchemical",
+ "s"
+ ],
+ [
+ "ĠSt",
+ "at"
+ ],
+ [
+ "Ġwhere",
+ "as"
+ ],
+ [
+ "Ġsw",
+ "itch"
+ ],
+ [
+ "ĠW",
+ "omen"
+ ],
+ [
+ "Ġdom",
+ "estic"
+ ],
+ [
+ "as",
+ "y"
+ ],
+ [
+ "as",
+ "er"
+ ],
+ [
+ "Ġveh",
+ "icles"
+ ],
+ [
+ "pl",
+ "ication"
+ ],
+ [
+ "Ġmat",
+ "ch"
+ ],
+ [
+ "Ġelect",
+ "ron"
+ ],
+ [
+ "Ġcompar",
+ "ison"
+ ],
+ [
+ "Ġp",
+ "ig"
+ ],
+ [
+ "ĠW",
+ "ord"
+ ],
+ [
+ "est",
+ "ed"
+ ],
+ [
+ "ĠE",
+ "st"
+ ],
+ [
+ "ĠMed",
+ "ical"
+ ],
+ [
+ "Ġmeasure",
+ "ment"
+ ],
+ [
+ "ra",
+ "cy"
+ ],
+ [
+ "Ġnutrit",
+ "ion"
+ ],
+ [
+ "Ġvol",
+ "unt"
+ ],
+ [
+ "Ġc",
+ "ards"
+ ],
+ [
+ "Ġknow",
+ "s"
+ ],
+ [
+ "Ġaff",
+ "ord"
+ ],
+ [
+ "ĠW",
+ "ind"
+ ],
+ [
+ "ĠM",
+ "em"
+ ],
+ [
+ "Ġn",
+ "it"
+ ],
+ [
+ "Ġt",
+ "aste"
+ ],
+ [
+ "int",
+ "s"
+ ],
+ [
+ "Ġs",
+ "end"
+ ],
+ [
+ "ph",
+ "a"
+ ],
+ [
+ "ĠDo",
+ "es"
+ ],
+ [
+ "Ġm",
+ "ent"
+ ],
+ [
+ "Ġdiv",
+ "ision"
+ ],
+ [
+ "Ġw",
+ "ants"
+ ],
+ [
+ "iz",
+ "er"
+ ],
+ [
+ "al",
+ "ian"
+ ],
+ [
+ "Ġag",
+ "es"
+ ],
+ [
+ "f",
+ "low"
+ ],
+ [
+ "ol",
+ "f"
+ ],
+ [
+ "Ġbr",
+ "ight"
+ ],
+ [
+ "ic",
+ "ks"
+ ],
+ [
+ "7",
+ "7"
+ ],
+ [
+ "Ġder",
+ "ived"
+ ],
+ [
+ "ic",
+ "ian"
+ ],
+ [
+ "ic",
+ "ate"
+ ],
+ [
+ "en",
+ "a"
+ ],
+ [
+ "Ġb",
+ "and"
+ ],
+ [
+ "ĠCont",
+ "rol"
+ ],
+ [
+ "Ġexam",
+ "ination"
+ ],
+ [
+ "Ġm",
+ "m"
+ ],
+ [
+ "Ġdiag",
+ "ram"
+ ],
+ [
+ "Ġcar",
+ "s"
+ ],
+ [
+ "wh",
+ "ich"
+ ],
+ [
+ "ĠWh",
+ "ite"
+ ],
+ [
+ "ĠA",
+ "ge"
+ ],
+ [
+ "Ġsh",
+ "ift"
+ ],
+ [
+ "Ġf",
+ "oss"
+ ],
+ [
+ "c",
+ "os"
+ ],
+ [
+ "B",
+ "efore"
+ ],
+ [
+ "}",
+ "$$"
+ ],
+ [
+ "Ġf",
+ "rag"
+ ],
+ [
+ "Ġmedic",
+ "ations"
+ ],
+ [
+ "Ġin",
+ "equ"
+ ],
+ [
+ "Ġst",
+ "ick"
+ ],
+ [
+ "Ġpsych",
+ "ology"
+ ],
+ [
+ "Ġcl",
+ "oud"
+ ],
+ [
+ "Ġis",
+ "land"
+ ],
+ [
+ "t",
+ "hen"
+ ],
+ [
+ "Ġexp",
+ "osed"
+ ],
+ [
+ "Ġ",
+ "rom"
+ ],
+ [
+ "Ġfost",
+ "er"
+ ],
+ [
+ "Ġdra",
+ "wn"
+ ],
+ [
+ "Ġdatab",
+ "ase"
+ ],
+ [
+ "Ġk",
+ "it"
+ ],
+ [
+ "]",
+ "ĊĊ"
+ ],
+ [
+ "in",
+ "ity"
+ ],
+ [
+ "Ġdemonstr",
+ "ate"
+ ],
+ [
+ "Ġ",
+ "Ï"
+ ],
+ [
+ "Ġper",
+ "ce"
+ ],
+ [
+ "ak",
+ "s"
+ ],
+ [
+ "T",
+ "hat"
+ ],
+ [
+ "Ġreact",
+ "ions"
+ ],
+ [
+ "ang",
+ "ed"
+ ],
+ [
+ "g",
+ "al"
+ ],
+ [
+ "Ġp",
+ "ounds"
+ ],
+ [
+ "Ġr",
+ "ig"
+ ],
+ [
+ "Ġrem",
+ "ote"
+ ],
+ [
+ "Ġinflamm",
+ "ation"
+ ],
+ [
+ "ĠGovern",
+ "ment"
+ ],
+ [
+ "ĠD",
+ "iv"
+ ],
+ [
+ "Ġy",
+ "ield"
+ ],
+ [
+ "âĢĻ",
+ "m"
+ ],
+ [
+ "ag",
+ "ue"
+ ],
+ [
+ "i",
+ "pe"
+ ],
+ [
+ "Ġstrugg",
+ "le"
+ ],
+ [
+ "Ġher",
+ "itage"
+ ],
+ [
+ "Ġsc",
+ "hem"
+ ],
+ [
+ "or",
+ "row"
+ ],
+ [
+ "Ġd",
+ "oll"
+ ],
+ [
+ "Ġst",
+ "em"
+ ],
+ [
+ "Ġpre",
+ "m"
+ ],
+ [
+ "ĠâĪ",
+ "Ĵ"
+ ],
+ [
+ "Ġemp",
+ "athy"
+ ],
+ [
+ "Ġrem",
+ "oved"
+ ],
+ [
+ "pos",
+ "ition"
+ ],
+ [
+ "Ġres",
+ "olution"
+ ],
+ [
+ "app",
+ "end"
+ ],
+ [
+ "M",
+ "P"
+ ],
+ [
+ "Ġgreat",
+ "est"
+ ],
+ [
+ "Ġart",
+ "s"
+ ],
+ [
+ "ĠRuss",
+ "ia"
+ ],
+ [
+ "d",
+ "en"
+ ],
+ [
+ "Ġbud",
+ "get"
+ ],
+ [
+ "I",
+ "L"
+ ],
+ [
+ "Ġd",
+ "ating"
+ ],
+ [
+ "ĠQ",
+ "ue"
+ ],
+ [
+ "Ġarr",
+ "ange"
+ ],
+ [
+ "ĠP",
+ "ub"
+ ],
+ [
+ "Ġcomp",
+ "r"
+ ],
+ [
+ "Ġhol",
+ "ds"
+ ],
+ [
+ "Ġr",
+ "hy"
+ ],
+ [
+ "Ġopp",
+ "osite"
+ ],
+ [
+ "g",
+ "ra"
+ ],
+ [
+ "Ġaccount",
+ "s"
+ ],
+ [
+ "te",
+ "e"
+ ],
+ [
+ "Ġgain",
+ "ed"
+ ],
+ [
+ "Ġrecord",
+ "ed"
+ ],
+ [
+ "ro",
+ "ke"
+ ],
+ [
+ "Ġstud",
+ "ied"
+ ],
+ [
+ "Ġemerg",
+ "ency"
+ ],
+ [
+ "Ġcand",
+ "id"
+ ],
+ [
+ "St",
+ "ud"
+ ],
+ [
+ "ad",
+ "ian"
+ ],
+ [
+ "ĠE",
+ "th"
+ ],
+ [
+ "(",
+ "f"
+ ],
+ [
+ "ĠB",
+ "re"
+ ],
+ [
+ "Ġdisc",
+ "overy"
+ ],
+ [
+ "Ġre",
+ "ached"
+ ],
+ [
+ "Ġprevent",
+ "ion"
+ ],
+ [
+ "th",
+ "rop"
+ ],
+ [
+ "Ġrespect",
+ "ively"
+ ],
+ [
+ "Ġsk",
+ "y"
+ ],
+ [
+ "Ġgovern",
+ "ments"
+ ],
+ [
+ "Ġdesc",
+ "ription"
+ ],
+ [
+ "Ġdist",
+ "ingu"
+ ],
+ [
+ "ĠSp",
+ "ace"
+ ],
+ [
+ "Ġpass",
+ "ion"
+ ],
+ [
+ "ĠN",
+ "um"
+ ],
+ [
+ "y",
+ "e"
+ ],
+ [
+ "Ġrest",
+ "rict"
+ ],
+ [
+ "Ġknow",
+ "ing"
+ ],
+ [
+ "Ġst",
+ "ability"
+ ],
+ [
+ "con",
+ "nect"
+ ],
+ [
+ "Ġa",
+ "head"
+ ],
+ [
+ "Ġalgorith",
+ "ms"
+ ],
+ [
+ "ar",
+ "ter"
+ ],
+ [
+ "Ġa",
+ "th"
+ ],
+ [
+ "Ġthe",
+ "rap"
+ ],
+ [
+ "M",
+ "any"
+ ],
+ [
+ "ic",
+ "on"
+ ],
+ [
+ "Ġbroad",
+ "er"
+ ],
+ [
+ "itution",
+ "al"
+ ],
+ [
+ "ĠBrit",
+ "ain"
+ ],
+ [
+ "âĪ",
+ "Ĵ"
+ ],
+ [
+ "B",
+ "T"
+ ],
+ [
+ "Ġad",
+ "equ"
+ ],
+ [
+ "Ġw",
+ "et"
+ ],
+ [
+ "Ġb",
+ "urn"
+ ],
+ [
+ "Ġmill",
+ "ions"
+ ],
+ [
+ "A",
+ "r"
+ ],
+ [
+ "i",
+ "ability"
+ ],
+ [
+ "Ch",
+ "apter"
+ ],
+ [
+ "it",
+ "ivity"
+ ],
+ [
+ "Ġtechn",
+ "ological"
+ ],
+ [
+ "Ġmor",
+ "ning"
+ ],
+ [
+ "ĠS",
+ "ym"
+ ],
+ [
+ "18",
+ "8"
+ ],
+ [
+ "Ġconvers",
+ "ation"
+ ],
+ [
+ "Ġopin",
+ "ion"
+ ],
+ [
+ "Ġtell",
+ "s"
+ ],
+ [
+ "Ġmed",
+ "ication"
+ ],
+ [
+ "p",
+ "es"
+ ],
+ [
+ "Ġpo",
+ "em"
+ ],
+ [
+ "h",
+ "tt"
+ ],
+ [
+ "Ġim",
+ "per"
+ ],
+ [
+ "ĠGu",
+ "ide"
+ ],
+ [
+ "r",
+ "as"
+ ],
+ [
+ "Ġswe",
+ "et"
+ ],
+ [
+ "Ġob",
+ "vious"
+ ],
+ [
+ "Ġcon",
+ "vey"
+ ],
+ [
+ "Ġshe",
+ "et"
+ ],
+ [
+ "ĠPract",
+ "ice"
+ ],
+ [
+ "d",
+ "own"
+ ],
+ [
+ "Ġra",
+ "ised"
+ ],
+ [
+ "ĠM",
+ "il"
+ ],
+ [
+ ")",
+ "="
+ ],
+ [
+ "Ġobject",
+ "ive"
+ ],
+ [
+ "Ġaim",
+ "s"
+ ],
+ [
+ "os",
+ "ph"
+ ],
+ [
+ "v",
+ "is"
+ ],
+ [
+ "Ġc",
+ "ash"
+ ],
+ [
+ "Ġinspir",
+ "ation"
+ ],
+ [
+ "Ġsurv",
+ "ival"
+ ],
+ [
+ "Ġvacc",
+ "ine"
+ ],
+ [
+ "ter",
+ "y"
+ ],
+ [
+ "Ġconvent",
+ "ional"
+ ],
+ [
+ "u",
+ "ation"
+ ],
+ [
+ "ĠA",
+ "P"
+ ],
+ [
+ "l",
+ "ock"
+ ],
+ [
+ "Ġmole",
+ "cules"
+ ],
+ [
+ "Ġpl",
+ "ate"
+ ],
+ [
+ "Ġcon",
+ "c"
+ ],
+ [
+ "Ġent",
+ "h"
+ ],
+ [
+ "Ġopen",
+ "ing"
+ ],
+ [
+ "ac",
+ "ific"
+ ],
+ [
+ "u",
+ "ous"
+ ],
+ [
+ "ĠC",
+ "am"
+ ],
+ [
+ "Ġagricult",
+ "ure"
+ ],
+ [
+ "ĠSimilar",
+ "ly"
+ ],
+ [
+ "ios",
+ "ity"
+ ],
+ [
+ "Ã",
+ "¼"
+ ],
+ [
+ "Ġmult",
+ "ip"
+ ],
+ [
+ "Ġcateg",
+ "ories"
+ ],
+ [
+ "Ġchild",
+ "hood"
+ ],
+ [
+ "Ġgir",
+ "ls"
+ ],
+ [
+ "Ġrec",
+ "ycl"
+ ],
+ [
+ "Ġshe",
+ "l"
+ ],
+ [
+ "ĠâĢ¦",
+ "Ċ"
+ ],
+ [
+ "Ġagricult",
+ "ural"
+ ],
+ [
+ "Ġ$$",
+ "\\"
+ ],
+ [
+ "ver",
+ "ty"
+ ],
+ [
+ "Ġequival",
+ "ent"
+ ],
+ [
+ "Ġsymbol",
+ "s"
+ ],
+ [
+ "ult",
+ "s"
+ ],
+ [
+ "Ġsuggest",
+ "ed"
+ ],
+ [
+ "A",
+ "re"
+ ],
+ [
+ "ars",
+ "h"
+ ],
+ [
+ "Ġfac",
+ "ilities"
+ ],
+ [
+ "Ġdrink",
+ "ing"
+ ],
+ [
+ "Ġfarm",
+ "ers"
+ ],
+ [
+ "om",
+ "ial"
+ ],
+ [
+ "Ġsuccess",
+ "fully"
+ ],
+ [
+ "Ġext",
+ "ent"
+ ],
+ [
+ "-",
+ "qu"
+ ],
+ [
+ "Ġpo",
+ "verty"
+ ],
+ [
+ "Ġresp",
+ "ir"
+ ],
+ [
+ "Ġport",
+ "ion"
+ ],
+ [
+ "ĠPro",
+ "cess"
+ ],
+ [
+ "ult",
+ "ane"
+ ],
+ [
+ "ĠInt",
+ "eg"
+ ],
+ [
+ "or",
+ "gan"
+ ],
+ [
+ "C",
+ "C"
+ ],
+ [
+ "Ġpurch",
+ "ase"
+ ],
+ [
+ "Ġrepresent",
+ "ed"
+ ],
+ [
+ "Ġf",
+ "ant"
+ ],
+ [
+ "Ġprodu",
+ "cing"
+ ],
+ [
+ "Ġgl",
+ "uc"
+ ],
+ [
+ "ĠGe",
+ "orge"
+ ],
+ [
+ "Ġparam",
+ "eters"
+ ],
+ [
+ "Ġmarket",
+ "ing"
+ ],
+ [
+ "ĠCal",
+ "cul"
+ ],
+ [
+ "Ġs",
+ "udden"
+ ],
+ [
+ "Ġst",
+ "ation"
+ ],
+ [
+ "om",
+ "ach"
+ ],
+ [
+ "ĠAN",
+ "D"
+ ],
+ [
+ "akes",
+ "pe"
+ ],
+ [
+ "ĠOn",
+ "line"
+ ],
+ [
+ "ĠL",
+ "ook"
+ ],
+ [
+ "0",
+ "3"
+ ],
+ [
+ "Ġcompet",
+ "ition"
+ ],
+ [
+ "ĠDes",
+ "pite"
+ ],
+ [
+ "at",
+ "o"
+ ],
+ [
+ "Ġgrow",
+ "n"
+ ],
+ [
+ "ĠRuss",
+ "ian"
+ ],
+ [
+ "Ġst",
+ "ored"
+ ],
+ [
+ "-s",
+ "pe"
+ ],
+ [
+ "ĠM",
+ "art"
+ ],
+ [
+ "Ġlook",
+ "ed"
+ ],
+ [
+ "ĠChe",
+ "ck"
+ ],
+ [
+ ".",
+ "t"
+ ],
+ [
+ "Ġnum",
+ "er"
+ ],
+ [
+ "Ġpre",
+ "val"
+ ],
+ [
+ "us",
+ "ing"
+ ],
+ [
+ "Ġd",
+ "rop"
+ ],
+ [
+ "ist",
+ "ical"
+ ],
+ [
+ "ĠP",
+ "M"
+ ],
+ [
+ "Ġf",
+ "ashion"
+ ],
+ [
+ "Ġloc",
+ "ations"
+ ],
+ [
+ "ĠP",
+ "aul"
+ ],
+ [
+ "ĠP",
+ "en"
+ ],
+ [
+ "e",
+ "an"
+ ],
+ [
+ "Ġtox",
+ "ic"
+ ],
+ [
+ "ad",
+ "s"
+ ],
+ [
+ "Ã",
+ "³"
+ ],
+ [
+ "Ġcr",
+ "ime"
+ ],
+ [
+ "vent",
+ "ions"
+ ],
+ [
+ "ĠR",
+ "ich"
+ ],
+ [
+ "Ġst",
+ "ands"
+ ],
+ [
+ "ĠIm",
+ "p"
+ ],
+ [
+ "Ġdel",
+ "ivery"
+ ],
+ [
+ "Ġinfluen",
+ "ced"
+ ],
+ [
+ "d",
+ "a"
+ ],
+ [
+ "p",
+ "are"
+ ],
+ [
+ ":",
+ "čĊ"
+ ],
+ [
+ "Ġbr",
+ "ings"
+ ],
+ [
+ "Ġtrans",
+ "mission"
+ ],
+ [
+ "Ġover",
+ "l"
+ ],
+ [
+ "n",
+ "el"
+ ],
+ [
+ "Ġre",
+ "ven"
+ ],
+ [
+ "Ġfib",
+ "er"
+ ],
+ [
+ "t",
+ "ic"
+ ],
+ [
+ "Ġs",
+ "now"
+ ],
+ [
+ "ĠM",
+ "ount"
+ ],
+ [
+ "ĠD",
+ "ise"
+ ],
+ [
+ "Ġhome",
+ "work"
+ ],
+ [
+ "A",
+ "b"
+ ],
+ [
+ "ag",
+ "on"
+ ],
+ [
+ "ar",
+ "ray"
+ ],
+ [
+ "Ġall",
+ "erg"
+ ],
+ [
+ "Ġk",
+ "new"
+ ],
+ [
+ "Ġsign",
+ "als"
+ ],
+ [
+ "ĠWhe",
+ "ther"
+ ],
+ [
+ "Ġexpect",
+ "ations"
+ ],
+ [
+ "ĠA",
+ "S"
+ ],
+ [
+ "ĠSt",
+ "re"
+ ],
+ [
+ "Ġexpert",
+ "ise"
+ ],
+ [
+ "ĠMex",
+ "ico"
+ ],
+ [
+ "Ġstrong",
+ "er"
+ ],
+ [
+ "Ġsy",
+ "ndrome"
+ ],
+ [
+ "5",
+ "9"
+ ],
+ [
+ "ĠServ",
+ "ice"
+ ],
+ [
+ "Ġl",
+ "iver"
+ ],
+ [
+ "b",
+ "i"
+ ],
+ [
+ "Ġpres",
+ "ents"
+ ],
+ [
+ "Ġconsum",
+ "ers"
+ ],
+ [
+ "Ġst",
+ "ars"
+ ],
+ [
+ "Ġp",
+ "ump"
+ ],
+ [
+ "Ġeth",
+ "nic"
+ ],
+ [
+ "el",
+ "ess"
+ ],
+ [
+ "Ġind",
+ "igenous"
+ ],
+ [
+ "Ġcl",
+ "osed"
+ ],
+ [
+ "v",
+ "ille"
+ ],
+ [
+ "Ġtra",
+ "ffic"
+ ],
+ [
+ "ĠT",
+ "ex"
+ ],
+ [
+ "Ġsect",
+ "ions"
+ ],
+ [
+ "Ġclaim",
+ "s"
+ ],
+ [
+ "5",
+ "8"
+ ],
+ [
+ "Ġdep",
+ "ict"
+ ],
+ [
+ "ast",
+ "s"
+ ],
+ [
+ "Ġoff",
+ "ic"
+ ],
+ [
+ "ĠIs",
+ "land"
+ ],
+ [
+ "all",
+ "ed"
+ ],
+ [
+ "Ġex",
+ "ists"
+ ],
+ [
+ "ul",
+ "ating"
+ ],
+ [
+ "ĠGl",
+ "obal"
+ ],
+ [
+ "Ġwall",
+ "s"
+ ],
+ [
+ "Ġs",
+ "ed"
+ ],
+ [
+ "-",
+ "on"
+ ],
+ [
+ "Ġf",
+ "raction"
+ ],
+ [
+ "Ġmark",
+ "ed"
+ ],
+ [
+ "B",
+ "e"
+ ],
+ [
+ "c",
+ "est"
+ ],
+ [
+ "ĠG",
+ "roup"
+ ],
+ [
+ "Ġexpress",
+ "ed"
+ ],
+ [
+ "Ġfor",
+ "t"
+ ],
+ [
+ "_",
+ "c"
+ ],
+ [
+ "akespe",
+ "are"
+ ],
+ [
+ "ĠT",
+ "er"
+ ],
+ [
+ "Ġ+",
+ "="
+ ],
+ [
+ "Ġmess",
+ "ages"
+ ],
+ [
+ "Ġtri",
+ "ed"
+ ],
+ [
+ "ĠCong",
+ "ress"
+ ],
+ [
+ "ot",
+ "ed"
+ ],
+ [
+ "in",
+ "et"
+ ],
+ [
+ "l",
+ "ers"
+ ],
+ [
+ "Ġgu",
+ "arant"
+ ],
+ [
+ "ass",
+ "ion"
+ ],
+ [
+ "Ġn",
+ "ode"
+ ],
+ [
+ "ĠB",
+ "udd"
+ ],
+ [
+ "Ġs",
+ "en"
+ ],
+ [
+ "Ġno",
+ "ise"
+ ],
+ [
+ "our",
+ "se"
+ ],
+ [
+ "Ġsociet",
+ "al"
+ ],
+ [
+ "Ġfac",
+ "ing"
+ ],
+ [
+ "Ġelect",
+ "ro"
+ ],
+ [
+ "w",
+ "o"
+ ],
+ [
+ "Ġso",
+ "le"
+ ],
+ [
+ "p",
+ "y"
+ ],
+ [
+ "Ġke",
+ "pt"
+ ],
+ [
+ "Ġpand",
+ "emic"
+ ],
+ [
+ "es",
+ "ter"
+ ],
+ [
+ "Ġcons",
+ "cious"
+ ],
+ [
+ "6",
+ "7"
+ ],
+ [
+ "Ġobject",
+ "ives"
+ ],
+ [
+ "0",
+ "4"
+ ],
+ [
+ "Ġdest",
+ "roy"
+ ],
+ [
+ "Ġn",
+ "or"
+ ],
+ [
+ "Ġvoc",
+ "abulary"
+ ],
+ [
+ "Ġa",
+ "qu"
+ ],
+ [
+ "O",
+ "M"
+ ],
+ [
+ "ne",
+ "ver"
+ ],
+ [
+ "Ġd",
+ "ut"
+ ],
+ [
+ "hold",
+ "ers"
+ ],
+ [
+ "ĠC",
+ "ath"
+ ],
+ [
+ "Ġprotect",
+ "ed"
+ ],
+ [
+ "Ġpercent",
+ "age"
+ ],
+ [
+ "5",
+ "7"
+ ],
+ [
+ "in",
+ "ition"
+ ],
+ [
+ "-",
+ "T"
+ ],
+ [
+ "ĠT",
+ "ake"
+ ],
+ [
+ "Ġagree",
+ "ment"
+ ],
+ [
+ "pt",
+ "ions"
+ ],
+ [
+ "Ġsubst",
+ "ances"
+ ],
+ [
+ "-s",
+ "h"
+ ],
+ [
+ "Ġcy",
+ "ber"
+ ],
+ [
+ "Ġpresent",
+ "ation"
+ ],
+ [
+ "Ġfil",
+ "ter"
+ ],
+ [
+ "b",
+ "ing"
+ ],
+ [
+ "ĠS",
+ "ometimes"
+ ],
+ [
+ "Ġwind",
+ "ow"
+ ],
+ [
+ "Ġmin",
+ "erals"
+ ],
+ [
+ "Ġteam",
+ "s"
+ ],
+ [
+ "ful",
+ "ness"
+ ],
+ [
+ "=",
+ "\""
+ ],
+ [
+ "ĠR",
+ "ober"
+ ],
+ [
+ "Ġspir",
+ "it"
+ ],
+ [
+ "³³",
+ "Âł"
+ ],
+ [
+ "à",
+ "¸"
+ ],
+ [
+ "st",
+ "ream"
+ ],
+ [
+ "Ġmon",
+ "itor"
+ ],
+ [
+ "Ġorgan",
+ "ized"
+ ],
+ [
+ "ol",
+ "ar"
+ ],
+ [
+ "Ġstate",
+ "ments"
+ ],
+ [
+ "Ġcomfort",
+ "able"
+ ],
+ [
+ "c",
+ "ific"
+ ],
+ [
+ "Ġexperim",
+ "ents"
+ ],
+ [
+ "Ġ",
+ ";"
+ ],
+ [
+ "Ġneigh",
+ "b"
+ ],
+ [
+ "ĠWh",
+ "ich"
+ ],
+ [
+ "Ġext",
+ "ended"
+ ],
+ [
+ "Ġtri",
+ "angle"
+ ],
+ [
+ "Ġstre",
+ "t"
+ ],
+ [
+ "Ġstre",
+ "am"
+ ],
+ [
+ "Ġincred",
+ "ible"
+ ],
+ [
+ ".",
+ "append"
+ ],
+ [
+ "$",
+ "ĊĊ"
+ ],
+ [
+ "s",
+ "qrt"
+ ],
+ [
+ "Ġachie",
+ "ved"
+ ],
+ [
+ "art",
+ "en"
+ ],
+ [
+ "Ġb",
+ "io"
+ ],
+ [
+ "Ġsatis",
+ "f"
+ ],
+ [
+ "Ġr",
+ "ural"
+ ],
+ [
+ "ro",
+ "x"
+ ],
+ [
+ "w",
+ "ords"
+ ],
+ [
+ "Ġindic",
+ "ates"
+ ],
+ [
+ "g",
+ "l"
+ ],
+ [
+ "Ġmin",
+ "im"
+ ],
+ [
+ "Ġn",
+ "aturally"
+ ],
+ [
+ "6",
+ "8"
+ ],
+ [
+ "ĠMedic",
+ "ine"
+ ],
+ [
+ "Ġb",
+ "le"
+ ],
+ [
+ "Ġmat",
+ "ters"
+ ],
+ [
+ "Ġsh",
+ "ip"
+ ],
+ [
+ "ri",
+ "an"
+ ],
+ [
+ "ð",
+ "Ł"
+ ],
+ [
+ "ĠL",
+ "in"
+ ],
+ [
+ "Ġemerg",
+ "ing"
+ ],
+ [
+ "Ġcir",
+ "cul"
+ ],
+ [
+ "Ġdesc",
+ "ript"
+ ],
+ [
+ "Ġrel",
+ "ation"
+ ],
+ [
+ "ĠT",
+ "rue"
+ ],
+ [
+ "Ġthreat",
+ "s"
+ ],
+ [
+ "R",
+ "A"
+ ],
+ [
+ "Ġcry",
+ "pt"
+ ],
+ [
+ "Ġsustain",
+ "ability"
+ ],
+ [
+ "Ġexpl",
+ "ains"
+ ],
+ [
+ "18",
+ "7"
+ ],
+ [
+ "ty",
+ "pe"
+ ],
+ [
+ "C",
+ "ont"
+ ],
+ [
+ "og",
+ "ram"
+ ],
+ [
+ "Ġintric",
+ "ate"
+ ],
+ [
+ "Ġlist",
+ "ening"
+ ],
+ [
+ "con",
+ "ds"
+ ],
+ [
+ "Ġres",
+ "on"
+ ],
+ [
+ "oid",
+ "s"
+ ],
+ [
+ "an",
+ "es"
+ ],
+ [
+ "Ġc",
+ "atch"
+ ],
+ [
+ "-",
+ "H"
+ ],
+ [
+ "-f",
+ "ree"
+ ],
+ [
+ "op",
+ "l"
+ ],
+ [
+ "Ġunder",
+ "stood"
+ ],
+ [
+ "Ġf",
+ "if"
+ ],
+ [
+ "_",
+ "f"
+ ],
+ [
+ "Ġer",
+ "rors"
+ ],
+ [
+ "Ġb",
+ "rown"
+ ],
+ [
+ "Ġpro",
+ "ve"
+ ],
+ [
+ "Con",
+ "clusion"
+ ],
+ [
+ "Ġre",
+ "form"
+ ],
+ [
+ "Ġemploy",
+ "ed"
+ ],
+ [
+ "Ġpo",
+ "etry"
+ ],
+ [
+ "Ġapp",
+ "oint"
+ ],
+ [
+ "Ġremain",
+ "ing"
+ ],
+ [
+ "Ġh",
+ "unt"
+ ],
+ [
+ "ĠB",
+ "efore"
+ ],
+ [
+ "ĠC",
+ "a"
+ ],
+ [
+ "Ġredu",
+ "ces"
+ ],
+ [
+ "Ġwalk",
+ "ing"
+ ],
+ [
+ "or",
+ "ph"
+ ],
+ [
+ "res",
+ "ent"
+ ],
+ [
+ "ber",
+ "t"
+ ],
+ [
+ "Ġp",
+ "aid"
+ ],
+ [
+ "18",
+ "5"
+ ],
+ [
+ "Ġle",
+ "af"
+ ],
+ [
+ "um",
+ "es"
+ ],
+ [
+ "Ġme",
+ "als"
+ ],
+ [
+ "Ġint",
+ "ake"
+ ],
+ [
+ "ĠSci",
+ "ent"
+ ],
+ [
+ ".",
+ "c"
+ ],
+ [
+ "clud",
+ "ing"
+ ],
+ [
+ "Ġch",
+ "rom"
+ ],
+ [
+ "Ġp",
+ "ure"
+ ],
+ [
+ "ĠE",
+ "xt"
+ ],
+ [
+ "Ġcomplex",
+ "ity"
+ ],
+ [
+ "Ġfl",
+ "oor"
+ ],
+ [
+ "Ġmark",
+ "ets"
+ ],
+ [
+ "Ġvel",
+ "ocity"
+ ],
+ [
+ "Ġfert",
+ "il"
+ ],
+ [
+ ".",
+ "A"
+ ],
+ [
+ "Ġad",
+ "vert"
+ ],
+ [
+ "Ġco",
+ "ffee"
+ ],
+ [
+ "m",
+ "es"
+ ],
+ [
+ "ĠL",
+ "ab"
+ ],
+ [
+ "Ġask",
+ "ing"
+ ],
+ [
+ "Ġw",
+ "ish"
+ ],
+ [
+ "Ġreve",
+ "aled"
+ ],
+ [
+ "Ġcapt",
+ "ure"
+ ],
+ [
+ "e",
+ "al"
+ ],
+ [
+ "Ġl",
+ "en"
+ ],
+ [
+ "Ġtransform",
+ "ation"
+ ],
+ [
+ "Ġeng",
+ "lish"
+ ],
+ [
+ "Ġdis",
+ "p"
+ ],
+ [
+ "i",
+ "ated"
+ ],
+ [
+ "Ġcou",
+ "ple"
+ ],
+ [
+ "ĠH",
+ "en"
+ ],
+ [
+ "ĠSystem",
+ "s"
+ ],
+ [
+ "Ġas",
+ "semb"
+ ],
+ [
+ "Ġwas",
+ "n"
+ ],
+ [
+ "Ġs",
+ "outhern"
+ ],
+ [
+ "Ġprot",
+ "ocol"
+ ],
+ [
+ "Ġbro",
+ "ther"
+ ],
+ [
+ "Ġad",
+ "oles"
+ ],
+ [
+ "Ġset",
+ "tle"
+ ],
+ [
+ "Ġoccur",
+ "red"
+ ],
+ [
+ "ite",
+ "ly"
+ ],
+ [
+ "Ġdet",
+ "ection"
+ ],
+ [
+ "O",
+ "ver"
+ ],
+ [
+ "Ġpres",
+ "ident"
+ ],
+ [
+ "Ġneigh",
+ "bor"
+ ],
+ [
+ "Ġret",
+ "urns"
+ ],
+ [
+ "ĠEnvironment",
+ "al"
+ ],
+ [
+ "app",
+ "y"
+ ],
+ [
+ "ĠCoun",
+ "cil"
+ ],
+ [
+ "Ġsupport",
+ "s"
+ ],
+ [
+ "Ġcommit",
+ "ment"
+ ],
+ [
+ "Ġman",
+ "if"
+ ],
+ [
+ "Ġcro",
+ "ps"
+ ],
+ [
+ "p",
+ "i"
+ ],
+ [
+ "ĠT",
+ "im"
+ ],
+ [
+ "B",
+ "S"
+ ],
+ [
+ "ol",
+ "it"
+ ],
+ [
+ "Ġcon",
+ "ven"
+ ],
+ [
+ "riend",
+ "ly"
+ ],
+ [
+ "Ġent",
+ "ertain"
+ ],
+ [
+ "Ġab",
+ "und"
+ ],
+ [
+ "ĠCour",
+ "t"
+ ],
+ [
+ "Ġprepar",
+ "ation"
+ ],
+ [
+ "-",
+ "ĊĊ"
+ ],
+ [
+ "ĠL",
+ "ong"
+ ],
+ [
+ "Ġvide",
+ "os"
+ ],
+ [
+ "Ġadvent",
+ "ure"
+ ],
+ [
+ "ĠO",
+ "pen"
+ ],
+ [
+ "Ġc",
+ "art"
+ ],
+ [
+ "Ġre",
+ "ly"
+ ],
+ [
+ "G",
+ "en"
+ ],
+ [
+ "Ġexcess",
+ "ive"
+ ],
+ [
+ "c",
+ "ale"
+ ],
+ [
+ "**",
+ "**"
+ ],
+ [
+ "ĠF",
+ "inally"
+ ],
+ [
+ "ĠI",
+ "r"
+ ],
+ [
+ "'",
+ "Ċ"
+ ],
+ [
+ "am",
+ "il"
+ ],
+ [
+ "u",
+ "its"
+ ],
+ [
+ "Ġgu",
+ "ess"
+ ],
+ [
+ "Ġbal",
+ "anced"
+ ],
+ [
+ "Ġpow",
+ "ers"
+ ],
+ [
+ "Ġquant",
+ "um"
+ ],
+ [
+ "el",
+ "es"
+ ],
+ [
+ "Ġinj",
+ "uries"
+ ],
+ [
+ "Ġthan",
+ "ks"
+ ],
+ [
+ "p",
+ "et"
+ ],
+ [
+ "ĠT",
+ "re"
+ ],
+ [
+ "Ġhe",
+ "aling"
+ ],
+ [
+ "Ġcreat",
+ "ures"
+ ],
+ [
+ "M",
+ "y"
+ ],
+ [
+ "ĠSci",
+ "ences"
+ ],
+ [
+ "Ġappreci",
+ "ation"
+ ],
+ [
+ "Int",
+ "roduction"
+ ],
+ [
+ "ĠMod",
+ "ern"
+ ],
+ [
+ "Ġnot",
+ "ed"
+ ],
+ [
+ "L",
+ "ear"
+ ],
+ [
+ "we",
+ "ight"
+ ],
+ [
+ "Ġplan",
+ "e"
+ ],
+ [
+ "Ex",
+ "ample"
+ ],
+ [
+ "v",
+ "an"
+ ],
+ [
+ "Ġsus",
+ "p"
+ ],
+ [
+ "ual",
+ "ity"
+ ],
+ [
+ "Ġconsum",
+ "er"
+ ],
+ [
+ "ĠL",
+ "ord"
+ ],
+ [
+ "Ġassign",
+ "ment"
+ ],
+ [
+ "ĠM",
+ "ill"
+ ],
+ [
+ "Ġg",
+ "all"
+ ],
+ [
+ "ĠInd",
+ "igenous"
+ ],
+ [
+ "Ġst",
+ "orm"
+ ],
+ [
+ "ĠN",
+ "umber"
+ ],
+ [
+ "p",
+ "ython"
+ ],
+ [
+ "Ġs",
+ "od"
+ ],
+ [
+ "Ġsuff",
+ "ering"
+ ],
+ [
+ "P",
+ "re"
+ ],
+ [
+ "cy",
+ "cl"
+ ],
+ [
+ "ocr",
+ "atic"
+ ],
+ [
+ "Ġprof",
+ "ound"
+ ],
+ [
+ "Ġsc",
+ "ript"
+ ],
+ [
+ "Ġa",
+ "er"
+ ],
+ [
+ "Ġm",
+ "ood"
+ ],
+ [
+ "oc",
+ "racy"
+ ],
+ [
+ "ĠR",
+ "ad"
+ ],
+ [
+ "ĠAn",
+ "y"
+ ],
+ [
+ "Ġorgan",
+ "isms"
+ ],
+ [
+ "Ġcollect",
+ "ive"
+ ],
+ [
+ "Ġch",
+ "ick"
+ ],
+ [
+ "Ġdis",
+ "app"
+ ],
+ [
+ "Ġm",
+ "ixt"
+ ],
+ [
+ "ĠG",
+ "old"
+ ],
+ [
+ "Ġto",
+ "ler"
+ ],
+ [
+ "Ġsupp",
+ "lement"
+ ],
+ [
+ "ĠN",
+ "ative"
+ ],
+ [
+ "o",
+ "om"
+ ],
+ [
+ "Ġt",
+ "un"
+ ],
+ [
+ "Ġidentify",
+ "ing"
+ ],
+ [
+ "Ġindepend",
+ "ence"
+ ],
+ [
+ "m",
+ "od"
+ ],
+ [
+ "Ġ",
+ "q"
+ ],
+ [
+ "Ġear",
+ "n"
+ ],
+ [
+ "Ġparticip",
+ "ate"
+ ],
+ [
+ "pl",
+ "ot"
+ ],
+ [
+ "Ġcateg",
+ "ory"
+ ],
+ [
+ "Ġun",
+ "iverse"
+ ],
+ [
+ "Ġst",
+ "able"
+ ],
+ [
+ "erg",
+ "arten"
+ ],
+ [
+ "Ġcall",
+ "s"
+ ],
+ [
+ "ĠR",
+ "ights"
+ ],
+ [
+ "Ġent",
+ "ry"
+ ],
+ [
+ "Ġpol",
+ "ice"
+ ],
+ [
+ "c",
+ "hers"
+ ],
+ [
+ "Ġdiscrim",
+ "ination"
+ ],
+ [
+ "ĠC",
+ "D"
+ ],
+ [
+ "Ġpl",
+ "us"
+ ],
+ [
+ "Ġaffect",
+ "ing"
+ ],
+ [
+ "ain",
+ "ed"
+ ],
+ [
+ "Ġcomp",
+ "ounds"
+ ],
+ [
+ "ĠM",
+ "ass"
+ ],
+ [
+ "ĠB",
+ "er"
+ ],
+ [
+ "Ġpu",
+ "zz"
+ ],
+ [
+ "Ġpro",
+ "l"
+ ],
+ [
+ "Ġtur",
+ "ns"
+ ],
+ [
+ "Ġte",
+ "en"
+ ],
+ [
+ "Ġfor",
+ "ced"
+ ],
+ [
+ "Ġw",
+ "el"
+ ],
+ [
+ "ĠInd",
+ "ust"
+ ],
+ [
+ "Ġeffect",
+ "iveness"
+ ],
+ [
+ "-",
+ "and"
+ ],
+ [
+ "ĠTex",
+ "as"
+ ],
+ [
+ "Ġt",
+ "ap"
+ ],
+ [
+ "in",
+ "ates"
+ ],
+ [
+ "Ġst",
+ "ated"
+ ],
+ [
+ "ĠEx",
+ "ample"
+ ],
+ [
+ "Ġdemonstr",
+ "ated"
+ ],
+ [
+ "Ġemerg",
+ "ed"
+ ],
+ [
+ "Ġmod",
+ "e"
+ ],
+ [
+ "Ġenth",
+ "us"
+ ],
+ [
+ "Ġconsider",
+ "ation"
+ ],
+ [
+ "Ġcorrect",
+ "ly"
+ ],
+ [
+ "Ġpos",
+ "itions"
+ ],
+ [
+ "a",
+ "it"
+ ],
+ [
+ "Ġed",
+ "ition"
+ ],
+ [
+ "Ġbl",
+ "ocks"
+ ],
+ [
+ "Ġ",
+ "à¤"
+ ],
+ [
+ "or",
+ "ter"
+ ],
+ [
+ "Ġun",
+ "known"
+ ],
+ [
+ "Ġper",
+ "man"
+ ],
+ [
+ "Ġk",
+ "illed"
+ ],
+ [
+ "ĠC",
+ "ap"
+ ],
+ [
+ "Ġpret",
+ "ty"
+ ],
+ [
+ "ĠRev",
+ "olution"
+ ],
+ [
+ "ĠT",
+ "itle"
+ ],
+ [
+ "b",
+ "and"
+ ],
+ [
+ "Ġl",
+ "ibr"
+ ],
+ [
+ "Ġpre",
+ "v"
+ ],
+ [
+ "ov",
+ "es"
+ ],
+ [
+ "Ġenab",
+ "ling"
+ ],
+ [
+ "9",
+ "8"
+ ],
+ [
+ "ĠEngine",
+ "ering"
+ ],
+ [
+ "Ġw",
+ "est"
+ ],
+ [
+ "ĠPr",
+ "int"
+ ],
+ [
+ "Ġbehavi",
+ "our"
+ ],
+ [
+ "Ġst",
+ "omach"
+ ],
+ [
+ "Ġlim",
+ "its"
+ ],
+ [
+ "ĠN",
+ "one"
+ ],
+ [
+ "Ġdeep",
+ "ly"
+ ],
+ [
+ "ens",
+ "us"
+ ],
+ [
+ "ĠN",
+ "ature"
+ ],
+ [
+ "Ġn",
+ "orthern"
+ ],
+ [
+ "Ġd",
+ "in"
+ ],
+ [
+ "Ġdo",
+ "ctors"
+ ],
+ [
+ "id",
+ "ity"
+ ],
+ [
+ "du",
+ "le"
+ ],
+ [
+ "Ġa",
+ "f"
+ ],
+ [
+ "ĠP",
+ "C"
+ ],
+ [
+ "Ġstat",
+ "istics"
+ ],
+ [
+ "ĠB",
+ "al"
+ ],
+ [
+ "Ġst",
+ "ake"
+ ],
+ [
+ "M",
+ "ost"
+ ],
+ [
+ "Ġw",
+ "itness"
+ ],
+ [
+ "Ġexp",
+ "ensive"
+ ],
+ [
+ "ĠL",
+ "ou"
+ ],
+ [
+ "ĠU",
+ "nder"
+ ],
+ [
+ "Ġd",
+ "ent"
+ ],
+ [
+ "ĠS",
+ "ar"
+ ],
+ [
+ "pl",
+ "ing"
+ ],
+ [
+ "rie",
+ "ved"
+ ],
+ [
+ "Ġpain",
+ "ting"
+ ],
+ [
+ "Ġcap",
+ "abilities"
+ ],
+ [
+ "Ġful",
+ "f"
+ ],
+ [
+ "Ġperson",
+ "ality"
+ ],
+ [
+ "Ġs",
+ "ick"
+ ],
+ [
+ "rop",
+ "ical"
+ ],
+ [
+ "Al",
+ "though"
+ ],
+ [
+ "Ġacc",
+ "um"
+ ],
+ [
+ "Ġintellect",
+ "ual"
+ ],
+ [
+ "Ġexpress",
+ "ions"
+ ],
+ [
+ "ĠEar",
+ "ly"
+ ],
+ [
+ "g",
+ "ent"
+ ],
+ [
+ "Ġcl",
+ "ients"
+ ],
+ [
+ "k",
+ "in"
+ ],
+ [
+ "ci",
+ "ence"
+ ],
+ [
+ "Ġass",
+ "ets"
+ ],
+ [
+ "Ġcorrespond",
+ "ing"
+ ],
+ [
+ "Ġal",
+ "gebra"
+ ],
+ [
+ "n",
+ "o"
+ ],
+ [
+ "ĠJ",
+ "ud"
+ ],
+ [
+ "Ġhabit",
+ "at"
+ ],
+ [
+ "Ġwa",
+ "it"
+ ],
+ [
+ "ic",
+ "it"
+ ],
+ [
+ "Ġcalcul",
+ "ated"
+ ],
+ [
+ "R",
+ "em"
+ ],
+ [
+ "Ġde",
+ "aling"
+ ],
+ [
+ "-",
+ "E"
+ ],
+ [
+ "ĠPl",
+ "ant"
+ ],
+ [
+ "Ġdiscuss",
+ "ing"
+ ],
+ [
+ "Ġsim",
+ "ultane"
+ ],
+ [
+ "in",
+ "i"
+ ],
+ [
+ "Ġenc",
+ "ounter"
+ ],
+ [
+ "Ã",
+ "¶"
+ ],
+ [
+ "Ġsociet",
+ "ies"
+ ],
+ [
+ "ograph",
+ "ical"
+ ],
+ [
+ "ate",
+ "ver"
+ ],
+ [
+ "Ġmy",
+ "th"
+ ],
+ [
+ "Ġcry",
+ "st"
+ ],
+ [
+ "Ġbreat",
+ "hing"
+ ],
+ [
+ "Ġadminist",
+ "ration"
+ ],
+ [
+ "M",
+ "A"
+ ],
+ [
+ "Ġwh",
+ "om"
+ ],
+ [
+ "ĠApp",
+ "lic"
+ ],
+ [
+ "Ġcon",
+ "g"
+ ],
+ [
+ "Ġhyd",
+ "rogen"
+ ],
+ [
+ "c",
+ "d"
+ ],
+ [
+ "Ġsur",
+ "faces"
+ ],
+ [
+ "ik",
+ "ip"
+ ],
+ [
+ "Ġs",
+ "an"
+ ],
+ [
+ "Ġconcer",
+ "ned"
+ ],
+ [
+ "ĠSe",
+ "a"
+ ],
+ [
+ "f",
+ "it"
+ ],
+ [
+ "Ġalong",
+ "side"
+ ],
+ [
+ "Ġor",
+ "ient"
+ ],
+ [
+ "Ġmov",
+ "ie"
+ ],
+ [
+ "ĠC",
+ "y"
+ ],
+ [
+ "Ġw",
+ "estern"
+ ],
+ [
+ "Ġdep",
+ "os"
+ ],
+ [
+ "Ġresid",
+ "ents"
+ ],
+ [
+ "Ġcl",
+ "ust"
+ ],
+ [
+ "-",
+ "cent"
+ ],
+ [
+ "on",
+ "tal"
+ ],
+ [
+ "(",
+ "\\"
+ ],
+ [
+ "Ġexp",
+ "ansion"
+ ],
+ [
+ "Ġwebs",
+ "ites"
+ ],
+ [
+ "Ġmechan",
+ "ism"
+ ],
+ [
+ "_",
+ "p"
+ ],
+ [
+ "Ġl",
+ "bs"
+ ],
+ [
+ "Ġquant",
+ "ity"
+ ],
+ [
+ "ra",
+ "pe"
+ ],
+ [
+ "ĠEmp",
+ "ire"
+ ],
+ [
+ "18",
+ "4"
+ ],
+ [
+ "Ġan",
+ "cest"
+ ],
+ [
+ "Ġcur",
+ "iosity"
+ ],
+ [
+ "Ġgluc",
+ "ose"
+ ],
+ [
+ "Ġp",
+ "ray"
+ ],
+ [
+ "Ġconcer",
+ "ning"
+ ],
+ [
+ "Ġremain",
+ "ed"
+ ],
+ [
+ "ĠAt",
+ "l"
+ ],
+ [
+ "Ġang",
+ "les"
+ ],
+ [
+ "Ġmar",
+ "ine"
+ ],
+ [
+ "Ġdes",
+ "ire"
+ ],
+ [
+ "k",
+ "i"
+ ],
+ [
+ "Ġwe",
+ "ap"
+ ],
+ [
+ "h",
+ "ist"
+ ],
+ [
+ "Ġout",
+ "line"
+ ],
+ [
+ "Ġra",
+ "cial"
+ ],
+ [
+ "Ġstruct",
+ "ural"
+ ],
+ [
+ "Ġcom",
+ "plicated"
+ ],
+ [
+ "es",
+ "ity"
+ ],
+ [
+ "Ġsm",
+ "oking"
+ ],
+ [
+ "Ġwat",
+ "ers"
+ ],
+ [
+ "Ġvis",
+ "ible"
+ ],
+ [
+ "Ġver",
+ "tical"
+ ],
+ [
+ "ĠP",
+ "DF"
+ ],
+ [
+ "Ġf",
+ "alse"
+ ],
+ [
+ "-",
+ "ch"
+ ],
+ [
+ "Ġprevent",
+ "ing"
+ ],
+ [
+ "-",
+ "R"
+ ],
+ [
+ "ĠT",
+ "able"
+ ],
+ [
+ "Ġs",
+ "izes"
+ ],
+ [
+ "Ġman",
+ "aged"
+ ],
+ [
+ "-",
+ "the"
+ ],
+ [
+ "ĠStr",
+ "ateg"
+ ],
+ [
+ "ad",
+ "r"
+ ],
+ [
+ "Ġapp",
+ "lying"
+ ],
+ [
+ "Y",
+ "our"
+ ],
+ [
+ "ĠP",
+ "o"
+ ],
+ [
+ "Ġc",
+ "ats"
+ ],
+ [
+ "h",
+ "an"
+ ],
+ [
+ "ĠW",
+ "here"
+ ],
+ [
+ "Ġinteract",
+ "ive"
+ ],
+ [
+ "Ġtest",
+ "ed"
+ ],
+ [
+ "Ġsu",
+ "c"
+ ],
+ [
+ "Ġwild",
+ "life"
+ ],
+ [
+ "ish",
+ "ment"
+ ],
+ [
+ "ste",
+ "in"
+ ],
+ [
+ "ĠM",
+ "iss"
+ ],
+ [
+ "ĠAm",
+ "ong"
+ ],
+ [
+ "ĠJ",
+ "ul"
+ ],
+ [
+ "Ġwis",
+ "dom"
+ ],
+ [
+ "ĠS",
+ "ing"
+ ],
+ [
+ "Ġsp",
+ "ort"
+ ],
+ [
+ "Ġ",
+ "id"
+ ],
+ [
+ "ĠUS",
+ "A"
+ ],
+ [
+ "p",
+ "read"
+ ],
+ [
+ "ĠMus",
+ "lim"
+ ],
+ [
+ "Ġb",
+ "an"
+ ],
+ [
+ "Ġunc",
+ "ertain"
+ ],
+ [
+ "ĠRead",
+ "ing"
+ ],
+ [
+ "Ex",
+ "pl"
+ ],
+ [
+ "ro",
+ "vers"
+ ],
+ [
+ "ĠTh",
+ "omas"
+ ],
+ [
+ "Ġmit",
+ "ig"
+ ],
+ [
+ "Ġfor",
+ "get"
+ ],
+ [
+ "Ġiniti",
+ "atives"
+ ],
+ [
+ "un",
+ "ning"
+ ],
+ [
+ "A",
+ "pp"
+ ],
+ [
+ "Ġmechan",
+ "ical"
+ ],
+ [
+ "ĠB",
+ "ay"
+ ],
+ [
+ "}{",
+ "\\"
+ ],
+ [
+ "Ġrob",
+ "ust"
+ ],
+ [
+ "ĠV",
+ "iew"
+ ],
+ [
+ "ad",
+ "vant"
+ ],
+ [
+ "Ġbi",
+ "ology"
+ ],
+ [
+ "ĠCur",
+ "rent"
+ ],
+ [
+ "ĠV",
+ "ari"
+ ],
+ [
+ "ĠPh",
+ "ot"
+ ],
+ [
+ "ĠS",
+ "en"
+ ],
+ [
+ "Ġcrit",
+ "eria"
+ ],
+ [
+ "m",
+ "al"
+ ],
+ [
+ "Ġentire",
+ "ly"
+ ],
+ [
+ "ĠO",
+ "per"
+ ],
+ [
+ "he",
+ "dule"
+ ],
+ [
+ "ast",
+ "y"
+ ],
+ [
+ "Ġlarge",
+ "ly"
+ ],
+ [
+ "Ġbreat",
+ "h"
+ ],
+ [
+ "Ġnorm",
+ "ally"
+ ],
+ [
+ "ikip",
+ "edia"
+ ],
+ [
+ "Ġmar",
+ "riage"
+ ],
+ [
+ "Ġhundred",
+ "s"
+ ],
+ [
+ "5",
+ "2"
+ ],
+ [
+ "Ġrepe",
+ "ated"
+ ],
+ [
+ "Ġal",
+ "ter"
+ ],
+ [
+ "st",
+ "s"
+ ],
+ [
+ "is",
+ "p"
+ ],
+ [
+ "Ġmass",
+ "ive"
+ ],
+ [
+ "Ġreg",
+ "ist"
+ ],
+ [
+ "C",
+ "D"
+ ],
+ [
+ "Ġpref",
+ "erences"
+ ],
+ [
+ "Ġart",
+ "ist"
+ ],
+ [
+ "ĠP",
+ "op"
+ ],
+ [
+ "Ġins",
+ "ulin"
+ ],
+ [
+ "ĠI",
+ "P"
+ ],
+ [
+ "Ġcapt",
+ "iv"
+ ],
+ [
+ "Ġt",
+ "all"
+ ],
+ [
+ "Ġt",
+ "ank"
+ ],
+ [
+ "ĠIm",
+ "port"
+ ],
+ [
+ "Ġcomput",
+ "ing"
+ ],
+ [
+ "Ġw",
+ "ife"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠ",
+ "ĠĠĠĠĠĠĠĠĠĠĠ"
+ ],
+ [
+ "Ġshe",
+ "ll"
+ ],
+ [
+ "ĠCom",
+ "ple"
+ ],
+ [
+ "Ġd",
+ "ates"
+ ],
+ [
+ "Ġatt",
+ "end"
+ ],
+ [
+ "Ġconvers",
+ "ations"
+ ],
+ [
+ "ĠT",
+ "ype"
+ ],
+ [
+ "Ġenh",
+ "ancing"
+ ],
+ [
+ "or",
+ "al"
+ ],
+ [
+ "ĠM",
+ "ag"
+ ],
+ [
+ "Ġlist",
+ "ed"
+ ],
+ [
+ "Ġmet",
+ "ers"
+ ],
+ [
+ "ir",
+ "t"
+ ],
+ [
+ "Ġposs",
+ "ibilities"
+ ],
+ [
+ "-le",
+ "vel"
+ ],
+ [
+ "Ġte",
+ "a"
+ ],
+ [
+ "ĠEn",
+ "c"
+ ],
+ [
+ "Ġmeasure",
+ "ments"
+ ],
+ [
+ "Ġnear",
+ "by"
+ ],
+ [
+ "Ġinstru",
+ "ments"
+ ],
+ [
+ "Ġfram",
+ "e"
+ ],
+ [
+ "val",
+ "ue"
+ ],
+ [
+ "Ġac",
+ "ids"
+ ],
+ [
+ "Ġin",
+ "hib"
+ ],
+ [
+ "le",
+ "ts"
+ ],
+ [
+ "Ġdifficult",
+ "y"
+ ],
+ [
+ "ĠL",
+ "ine"
+ ],
+ [
+ "Ġmin",
+ "imize"
+ ],
+ [
+ "ĠP",
+ "acific"
+ ],
+ [
+ "Ġremark",
+ "able"
+ ],
+ [
+ "is",
+ "k"
+ ],
+ [
+ "E",
+ "E"
+ ],
+ [
+ "Ġcontrib",
+ "utions"
+ ],
+ [
+ "U",
+ "N"
+ ],
+ [
+ "ĠChall",
+ "enge"
+ ],
+ [
+ "Ġanaly",
+ "zing"
+ ],
+ [
+ "Ġobserv",
+ "ations"
+ ],
+ [
+ "Ġbut",
+ "ter"
+ ],
+ [
+ "be",
+ "ing"
+ ],
+ [
+ "Ġmem",
+ "br"
+ ],
+ [
+ "Ġprovid",
+ "ers"
+ ],
+ [
+ "ĠF",
+ "ollow"
+ ],
+ [
+ "pr",
+ "ing"
+ ],
+ [
+ "Ġun",
+ "like"
+ ],
+ [
+ "ã",
+ "ģ"
+ ],
+ [
+ "on",
+ "a"
+ ],
+ [
+ "Ġtur",
+ "ning"
+ ],
+ [
+ "ĠP",
+ "aper"
+ ],
+ [
+ "r",
+ "ial"
+ ],
+ [
+ "ĠH",
+ "and"
+ ],
+ [
+ "Ġmar",
+ "ks"
+ ],
+ [
+ "Th",
+ "rough"
+ ],
+ [
+ "Ġla",
+ "un"
+ ],
+ [
+ "ĠN",
+ "or"
+ ],
+ [
+ "Ġarg",
+ "uments"
+ ],
+ [
+ "ib",
+ "l"
+ ],
+ [
+ "ĠA",
+ "p"
+ ],
+ [
+ "Ġprof",
+ "it"
+ ],
+ [
+ "Ġslow",
+ "ly"
+ ],
+ [
+ "$",
+ "\\"
+ ],
+ [
+ "Ġcho",
+ "osing"
+ ],
+ [
+ "Ġest",
+ "imate"
+ ],
+ [
+ "ĠTe",
+ "ac"
+ ],
+ [
+ "Ġsub",
+ "s"
+ ],
+ [
+ "Ġdo",
+ "or"
+ ],
+ [
+ "ord",
+ "ers"
+ ],
+ [
+ "Ġd",
+ "ust"
+ ],
+ [
+ "Ġst",
+ "rict"
+ ],
+ [
+ "ĠB",
+ "est"
+ ],
+ [
+ "Ġcur",
+ "ve"
+ ],
+ [
+ ".",
+ "l"
+ ],
+ [
+ "ĠA",
+ "ccess"
+ ],
+ [
+ "z",
+ "ed"
+ ],
+ [
+ "Ġinter",
+ "ventions"
+ ],
+ [
+ "ĠB",
+ "C"
+ ],
+ [
+ "ç",
+ "ļ"
+ ],
+ [
+ "##",
+ "###"
+ ],
+ [
+ "Ġspecial",
+ "ized"
+ ],
+ [
+ "ĠRe",
+ "al"
+ ],
+ [
+ "g",
+ "est"
+ ],
+ [
+ "Ġtw",
+ "ice"
+ ],
+ [
+ "ĠM",
+ "useum"
+ ],
+ [
+ "P",
+ "r"
+ ],
+ [
+ "ap",
+ "h"
+ ],
+ [
+ "Ġgr",
+ "id"
+ ],
+ [
+ "Ġinteg",
+ "rated"
+ ],
+ [
+ "Ġprodu",
+ "ces"
+ ],
+ [
+ "U",
+ "T"
+ ],
+ [
+ "th",
+ "at"
+ ],
+ [
+ "Ġen",
+ "ds"
+ ],
+ [
+ "G",
+ "et"
+ ],
+ [
+ "Ġv",
+ "ac"
+ ],
+ [
+ "Ġast",
+ "ron"
+ ],
+ [
+ "Ġpers",
+ "u"
+ ],
+ [
+ "it",
+ "ory"
+ ],
+ [
+ "]",
+ ")Ċ"
+ ],
+ [
+ "Ġfund",
+ "s"
+ ],
+ [
+ "ph",
+ "one"
+ ],
+ [
+ "Ġc",
+ "up"
+ ],
+ [
+ "Ġp",
+ "ull"
+ ],
+ [
+ "ĠH",
+ "IV"
+ ],
+ [
+ "Ġsee",
+ "ing"
+ ],
+ [
+ "Ġregard",
+ "less"
+ ],
+ [
+ "ĠAs",
+ "ian"
+ ],
+ [
+ "ĠP",
+ "lease"
+ ],
+ [
+ "ut",
+ "s"
+ ],
+ [
+ "Ġanal",
+ "ys"
+ ],
+ [
+ "Ġab",
+ "stract"
+ ],
+ [
+ "Ġgreat",
+ "ly"
+ ],
+ [
+ "O",
+ "D"
+ ],
+ [
+ "Ġbarri",
+ "ers"
+ ],
+ [
+ "et",
+ "ics"
+ ],
+ [
+ "âĢ¦",
+ "Ċ"
+ ],
+ [
+ "Ġart",
+ "istic"
+ ],
+ [
+ "Ġoper",
+ "ate"
+ ],
+ [
+ "clus",
+ "ions"
+ ],
+ [
+ "ĠCol",
+ "l"
+ ],
+ [
+ "Ġconvers",
+ "ion"
+ ],
+ [
+ "Ġhor",
+ "se"
+ ],
+ [
+ "ok",
+ "en"
+ ],
+ [
+ "Ġinflu",
+ "ences"
+ ],
+ [
+ "ĠR",
+ "ome"
+ ],
+ [
+ "Ġmiss",
+ "ing"
+ ],
+ [
+ "Ġmoist",
+ "ure"
+ ],
+ [
+ "Ġp",
+ "y"
+ ],
+ [
+ "çļ",
+ "Ħ"
+ ],
+ [
+ "Ġencoura",
+ "ges"
+ ],
+ [
+ "Ġcal",
+ "cium"
+ ],
+ [
+ "oc",
+ "y"
+ ],
+ [
+ "Ġt",
+ "ables"
+ ],
+ [
+ "Ġdim",
+ "ensions"
+ ],
+ [
+ "re",
+ "ed"
+ ],
+ [
+ "Ġexpl",
+ "o"
+ ],
+ [
+ "Ġdis",
+ "rupt"
+ ],
+ [
+ "Ġfacilit",
+ "ate"
+ ],
+ [
+ "Ġdeb",
+ "ate"
+ ],
+ [
+ "Ġn",
+ "arrow"
+ ],
+ [
+ "Ġg",
+ "al"
+ ],
+ [
+ "Ġvibr",
+ "ant"
+ ],
+ [
+ "Ġimmedi",
+ "ate"
+ ],
+ [
+ "Ġconflic",
+ "ts"
+ ],
+ [
+ "ĠMat",
+ "hemat"
+ ],
+ [
+ "re",
+ "qu"
+ ],
+ [
+ "====",
+ "===="
+ ],
+ [
+ "am",
+ "ins"
+ ],
+ [
+ "ĊĊ",
+ "Ċ"
+ ],
+ [
+ "Ġe",
+ "ast"
+ ],
+ [
+ "Ġinteg",
+ "ral"
+ ],
+ [
+ "it",
+ "a"
+ ],
+ [
+ "Ġp",
+ "ool"
+ ],
+ [
+ "âĢĿ",
+ "Ċ"
+ ],
+ [
+ "ĠA",
+ "M"
+ ],
+ [
+ "n",
+ "ormal"
+ ],
+ [
+ "as",
+ "ters"
+ ],
+ [
+ "g",
+ "ans"
+ ],
+ [
+ "og",
+ "a"
+ ],
+ [
+ "Ġf",
+ "er"
+ ],
+ [
+ "Ġimp",
+ "ossible"
+ ],
+ [
+ "Ġd",
+ "ance"
+ ],
+ [
+ "ĠÂł",
+ "ĠÂł"
+ ],
+ [
+ "o",
+ "ir"
+ ],
+ [
+ "l",
+ "ights"
+ ],
+ [
+ "Ġprofess",
+ "or"
+ ],
+ [
+ "Ð",
+ "º"
+ ],
+ [
+ "Ġadop",
+ "ted"
+ ],
+ [
+ "Ġthere",
+ "by"
+ ],
+ [
+ "Ġtri",
+ "p"
+ ],
+ [
+ "Ġemot",
+ "ion"
+ ],
+ [
+ "Ġb",
+ "onds"
+ ],
+ [
+ "Ġstand",
+ "ing"
+ ],
+ [
+ "Ġhar",
+ "vest"
+ ],
+ [
+ "ĠM",
+ "ach"
+ ],
+ [
+ "Ġdig",
+ "est"
+ ],
+ [
+ "ar",
+ "ia"
+ ],
+ [
+ "Ġsat",
+ "ell"
+ ],
+ [
+ "Ġefficient",
+ "ly"
+ ],
+ [
+ "s",
+ "in"
+ ],
+ [
+ "C",
+ "A"
+ ],
+ [
+ "Ã",
+ "¤"
+ ],
+ [
+ ")",
+ "("
+ ],
+ [
+ "et",
+ "ing"
+ ],
+ [
+ "Ġal",
+ "ike"
+ ],
+ [
+ "ar",
+ "n"
+ ],
+ [
+ "Ġdem",
+ "ands"
+ ],
+ [
+ "e",
+ "enth"
+ ],
+ [
+ "az",
+ "on"
+ ],
+ [
+ "u",
+ "is"
+ ],
+ [
+ "Ġr",
+ "ice"
+ ],
+ [
+ "Ġmus",
+ "ical"
+ ],
+ [
+ "Ġmov",
+ "es"
+ ],
+ [
+ "Ġnuc",
+ "le"
+ ],
+ [
+ "ĠComp",
+ "any"
+ ],
+ [
+ "ell",
+ "a"
+ ],
+ [
+ "ĠF",
+ "lor"
+ ],
+ [
+ "Ġstrateg",
+ "ic"
+ ],
+ [
+ "ĠC",
+ "le"
+ ],
+ [
+ "N",
+ "G"
+ ],
+ [
+ "Ġc",
+ "ul"
+ ],
+ [
+ "Ġr",
+ "ank"
+ ],
+ [
+ "ĠB",
+ "ob"
+ ],
+ [
+ "Ġam",
+ "pl"
+ ],
+ [
+ "Ġconst",
+ "it"
+ ],
+ [
+ "z",
+ "il"
+ ],
+ [
+ "Ġparticip",
+ "ation"
+ ],
+ [
+ "ra",
+ "ys"
+ ],
+ [
+ "ĠPl",
+ "ay"
+ ],
+ [
+ "Ġtra",
+ "its"
+ ],
+ [
+ "force",
+ "ment"
+ ],
+ [
+ "Ġme",
+ "al"
+ ],
+ [
+ "or",
+ "ic"
+ ],
+ [
+ "a",
+ "ud"
+ ],
+ [
+ "6",
+ "9"
+ ],
+ [
+ "Ġimplement",
+ "ing"
+ ],
+ [
+ "Ġm",
+ "oon"
+ ],
+ [
+ "ĠC",
+ "rit"
+ ],
+ [
+ "Ġcop",
+ "per"
+ ],
+ [
+ "Ġâ",
+ "Ĩ"
+ ],
+ [
+ "ĠJ",
+ "er"
+ ],
+ [
+ "Ġshow",
+ "c"
+ ],
+ [
+ "ĠR",
+ "ob"
+ ],
+ [
+ "Ġpers",
+ "ons"
+ ],
+ [
+ "Ġproduct",
+ "ivity"
+ ],
+ [
+ "Ġaccept",
+ "ed"
+ ],
+ [
+ "comp",
+ "ass"
+ ],
+ [
+ "Ġin",
+ "hab"
+ ],
+ [
+ "se",
+ "ction"
+ ],
+ [
+ "ĠF",
+ "igure"
+ ],
+ [
+ "Ġphenomen",
+ "on"
+ ],
+ [
+ "at",
+ "al"
+ ],
+ [
+ "f",
+ "ield"
+ ],
+ [
+ "Ġfund",
+ "ing"
+ ],
+ [
+ "Wh",
+ "ich"
+ ],
+ [
+ "Ġrem",
+ "ind"
+ ],
+ [
+ "Ġath",
+ "let"
+ ],
+ [
+ "Ġinitial",
+ "ly"
+ ],
+ [
+ "ĠO",
+ "x"
+ ],
+ [
+ "Ġhouse",
+ "hold"
+ ],
+ [
+ "Ġcomp",
+ "ound"
+ ],
+ [
+ "pre",
+ "ne"
+ ],
+ [
+ "ip",
+ "al"
+ ],
+ [
+ "Ġo",
+ "re"
+ ],
+ [
+ "ot",
+ "ing"
+ ],
+ [
+ "D",
+ "uring"
+ ],
+ [
+ "ĠI",
+ "ll"
+ ],
+ [
+ "Ġin",
+ "ject"
+ ],
+ [
+ "om",
+ "in"
+ ],
+ [
+ "b",
+ "les"
+ ],
+ [
+ "Ġb",
+ "ones"
+ ],
+ [
+ "Ġinvestig",
+ "ation"
+ ],
+ [
+ "Ġdat",
+ "as"
+ ],
+ [
+ "Ġmole",
+ "cular"
+ ],
+ [
+ "ol",
+ "a"
+ ],
+ [
+ "ĠV",
+ "er"
+ ],
+ [
+ "Ġsurv",
+ "ive"
+ ],
+ [
+ "Ġo",
+ "w"
+ ],
+ [
+ "ĠT",
+ "V"
+ ],
+ [
+ "ĠJew",
+ "s"
+ ],
+ [
+ "Ġse",
+ "conds"
+ ],
+ [
+ "I",
+ "R"
+ ],
+ [
+ "imens",
+ "ional"
+ ],
+ [
+ "Ġm",
+ "ild"
+ ],
+ [
+ "ĠS",
+ "chol"
+ ],
+ [
+ "Ġvari",
+ "ations"
+ ],
+ [
+ "Ġpart",
+ "ner"
+ ],
+ [
+ "Ġover",
+ "view"
+ ],
+ [
+ "re",
+ "prene"
+ ],
+ [
+ "at",
+ "ial"
+ ],
+ [
+ "Ġscenari",
+ "os"
+ ],
+ [
+ "Ġposs",
+ "ibly"
+ ],
+ [
+ "ides",
+ "pread"
+ ],
+ [
+ "II",
+ "I"
+ ],
+ [
+ "Ġfl",
+ "av"
+ ],
+ [
+ "Ġte",
+ "le"
+ ],
+ [
+ "K",
+ "ey"
+ ],
+ [
+ "igh",
+ "ter"
+ ],
+ [
+ "F",
+ "inally"
+ ],
+ [
+ "Ġrequ",
+ "est"
+ ],
+ [
+ "Ġs",
+ "am"
+ ],
+ [
+ "Ġinterpret",
+ "ation"
+ ],
+ [
+ "ĠM",
+ "ax"
+ ],
+ [
+ "g",
+ "u"
+ ],
+ [
+ "lish",
+ "ing"
+ ],
+ [
+ "Ġemp",
+ "ower"
+ ],
+ [
+ "Ġsw",
+ "im"
+ ],
+ [
+ "Ġover",
+ "w"
+ ],
+ [
+ "ĠFr",
+ "ank"
+ ],
+ [
+ "clud",
+ "ed"
+ ],
+ [
+ "³³³³",
+ "³³³³"
+ ],
+ [
+ "Ġserv",
+ "ing"
+ ],
+ [
+ "ress",
+ "ing"
+ ],
+ [
+ "u",
+ "gh"
+ ],
+ [
+ "Ġf",
+ "urn"
+ ],
+ [
+ "Ġtre",
+ "nd"
+ ],
+ [
+ "Ġinter",
+ "f"
+ ],
+ [
+ "Ġexperien",
+ "cing"
+ ],
+ [
+ "Ġassoci",
+ "ation"
+ ],
+ [
+ "Ġass",
+ "ert"
+ ],
+ [
+ "Ġconstant",
+ "ly"
+ ],
+ [
+ "Ġ",
+ "}"
+ ],
+ [
+ "er",
+ "ies"
+ ],
+ [
+ "Ġb",
+ "iod"
+ ],
+ [
+ "Ġlimit",
+ "ations"
+ ],
+ [
+ "Ġqu",
+ "iz"
+ ],
+ [
+ "ĠL",
+ "esson"
+ ],
+ [
+ "ĠFound",
+ "ation"
+ ],
+ [
+ "Ġreal",
+ "ized"
+ ],
+ [
+ "B",
+ "ob"
+ ],
+ [
+ "Ġc",
+ "rop"
+ ],
+ [
+ "Ġemploy",
+ "ment"
+ ],
+ [
+ "ment",
+ "ation"
+ ],
+ [
+ "Ġins",
+ "ert"
+ ],
+ [
+ "lev",
+ "ision"
+ ],
+ [
+ "ĠM",
+ "aterial"
+ ],
+ [
+ "u",
+ "a"
+ ],
+ [
+ "Ġcontrib",
+ "uting"
+ ],
+ [
+ "and",
+ "a"
+ ],
+ [
+ "or",
+ "a"
+ ],
+ [
+ "Ġbe",
+ "ar"
+ ],
+ [
+ "S",
+ "S"
+ ],
+ [
+ "ĠAl",
+ "ice"
+ ],
+ [
+ "Ġreal",
+ "m"
+ ],
+ [
+ "Ġwor",
+ "s"
+ ],
+ [
+ "Ġt",
+ "ro"
+ ],
+ [
+ "I",
+ "P"
+ ],
+ [
+ "Ġexpl",
+ "ores"
+ ],
+ [
+ "Ġ",
+ "@"
+ ],
+ [
+ "S",
+ "ince"
+ ],
+ [
+ "Ġexplain",
+ "ing"
+ ],
+ [
+ "g",
+ "s"
+ ],
+ [
+ "Ġc",
+ "row"
+ ],
+ [
+ "on",
+ "ym"
+ ],
+ [
+ "s",
+ "or"
+ ],
+ [
+ "Ġdec",
+ "or"
+ ],
+ [
+ "k",
+ "es"
+ ],
+ [
+ "ĠM",
+ "o"
+ ],
+ [
+ "-",
+ "ex"
+ ],
+ [
+ "Ġeng",
+ "aged"
+ ],
+ [
+ "st",
+ "one"
+ ],
+ [
+ "et",
+ "ies"
+ ],
+ [
+ "Ġro",
+ "cks"
+ ],
+ [
+ "ĠQu",
+ "estion"
+ ],
+ [
+ "Ġsuppl",
+ "ies"
+ ],
+ [
+ "EN",
+ "T"
+ ],
+ [
+ "Ġs",
+ "ke"
+ ],
+ [
+ "ĠN",
+ "AS"
+ ],
+ [
+ "ĠFam",
+ "ily"
+ ],
+ [
+ "ĠL",
+ "ibrary"
+ ],
+ [
+ "Ġforest",
+ "s"
+ ],
+ [
+ "ĠBook",
+ "s"
+ ],
+ [
+ "Ġbut",
+ "ton"
+ ],
+ [
+ "ĠE",
+ "nd"
+ ],
+ [
+ "ĠS",
+ "ov"
+ ],
+ [
+ "Ġclean",
+ "ing"
+ ],
+ [
+ "ust",
+ "ain"
+ ],
+ [
+ "Ġcent",
+ "ers"
+ ],
+ [
+ "ro",
+ "oms"
+ ],
+ [
+ "25",
+ "0"
+ ],
+ [
+ "ĠPro",
+ "per"
+ ],
+ [
+ "Ġreason",
+ "ing"
+ ],
+ [
+ "Ġbro",
+ "ken"
+ ],
+ [
+ "Ġser",
+ "ver"
+ ],
+ [
+ "Ġobs",
+ "erve"
+ ],
+ [
+ "ion",
+ "e"
+ ],
+ [
+ "h",
+ "op"
+ ],
+ [
+ "Ġc",
+ "ub"
+ ],
+ [
+ ")",
+ "$"
+ ],
+ [
+ "at",
+ "he"
+ ],
+ [
+ "Ġover",
+ "come"
+ ],
+ [
+ "ĠP",
+ "an"
+ ],
+ [
+ "Ġad",
+ "j"
+ ],
+ [
+ "ĠDiff",
+ "erent"
+ ],
+ [
+ "ment",
+ "ed"
+ ],
+ [
+ "re",
+ "l"
+ ],
+ [
+ "Ġr",
+ "id"
+ ],
+ [
+ "Ġadvance",
+ "ments"
+ ],
+ [
+ "7",
+ "2"
+ ],
+ [
+ "Ġb",
+ "ot"
+ ],
+ [
+ "ĠM",
+ "ot"
+ ],
+ [
+ "rape",
+ "ut"
+ ],
+ [
+ "o",
+ "in"
+ ],
+ [
+ "Ġsubsequ",
+ "ent"
+ ],
+ [
+ "ĠIn",
+ "vest"
+ ],
+ [
+ "Ġcomp",
+ "osed"
+ ],
+ [
+ "im",
+ "als"
+ ],
+ [
+ "c",
+ "hen"
+ ],
+ [
+ "Ġdecl",
+ "ine"
+ ],
+ [
+ "Ġj",
+ "oy"
+ ],
+ [
+ "w",
+ "in"
+ ],
+ [
+ "op",
+ "eration"
+ ],
+ [
+ "O",
+ "r"
+ ],
+ [
+ "a",
+ "o"
+ ],
+ [
+ "Ġmin",
+ "eral"
+ ],
+ [
+ "Ġexplan",
+ "ation"
+ ],
+ [
+ "-qu",
+ "ality"
+ ],
+ [
+ "ĠU",
+ "t"
+ ],
+ [
+ "ic",
+ "ular"
+ ],
+ [
+ "Ġp",
+ "up"
+ ],
+ [
+ "Ġinfect",
+ "ed"
+ ],
+ [
+ "Ġg",
+ "un"
+ ],
+ [
+ "6",
+ "00"
+ ],
+ [
+ "Ġinsect",
+ "s"
+ ],
+ [
+ "Ġr",
+ "ational"
+ ],
+ [
+ "ĠAn",
+ "n"
+ ],
+ [
+ "Ġre",
+ "cept"
+ ],
+ [
+ "Ġ",
+ "?"
+ ],
+ [
+ "Ġrenew",
+ "able"
+ ],
+ [
+ "Ġprint",
+ "able"
+ ],
+ [
+ "Ġmy",
+ "st"
+ ],
+ [
+ "Ġstreng",
+ "then"
+ ],
+ [
+ "u",
+ "h"
+ ],
+ [
+ "Ġp",
+ "il"
+ ],
+ [
+ "ĠRep",
+ "ort"
+ ],
+ [
+ "ch",
+ "ain"
+ ],
+ [
+ "ĠL",
+ "im"
+ ],
+ [
+ "Ġe",
+ "ld"
+ ],
+ [
+ "Ġcol",
+ "oring"
+ ],
+ [
+ "Ġcl",
+ "othing"
+ ],
+ [
+ "Ġcrim",
+ "inal"
+ ],
+ [
+ "D",
+ "r"
+ ],
+ [
+ "Ġapp",
+ "arent"
+ ],
+ [
+ "r",
+ "at"
+ ],
+ [
+ "=",
+ "\\"
+ ],
+ [
+ "id",
+ "ential"
+ ],
+ [
+ "so",
+ "ft"
+ ],
+ [
+ "Ġcolon",
+ "ial"
+ ],
+ [
+ "Ġtheore",
+ "tical"
+ ],
+ [
+ "ĠMich",
+ "ael"
+ ],
+ [
+ "ĠB",
+ "ank"
+ ],
+ [
+ "Ġcy",
+ "cl"
+ ],
+ [
+ "c",
+ "her"
+ ],
+ [
+ "Ġrep",
+ "air"
+ ],
+ [
+ "Ġcl",
+ "ient"
+ ],
+ [
+ "9",
+ "78"
+ ],
+ [
+ "Ġamer",
+ "ican"
+ ],
+ [
+ "Ġyoung",
+ "er"
+ ],
+ [
+ "iot",
+ "ics"
+ ],
+ [
+ "ĠCol",
+ "or"
+ ],
+ [
+ "Ġmount",
+ "ain"
+ ],
+ [
+ "Ġp",
+ "df"
+ ],
+ [
+ "m",
+ "m"
+ ],
+ [
+ "ĠCath",
+ "olic"
+ ],
+ [
+ "ĠCh",
+ "ange"
+ ],
+ [
+ "Ġl",
+ "ens"
+ ],
+ [
+ "Ġhand",
+ "ling"
+ ],
+ [
+ "6",
+ "2"
+ ],
+ [
+ "ĠL",
+ "ast"
+ ],
+ [
+ "Ġemb",
+ "ark"
+ ],
+ [
+ "Ġun",
+ "iform"
+ ],
+ [
+ "Ġpriv",
+ "acy"
+ ],
+ [
+ "Ġdevelop",
+ "ments"
+ ],
+ [
+ "Ġsp",
+ "ending"
+ ],
+ [
+ "ig",
+ "are"
+ ],
+ [
+ "U",
+ "R"
+ ],
+ [
+ "Ġw",
+ "idespread"
+ ],
+ [
+ "Ġrecommend",
+ "ations"
+ ],
+ [
+ "Ġra",
+ "il"
+ ],
+ [
+ "Ġemb",
+ "ed"
+ ],
+ [
+ "ĠT",
+ "em"
+ ],
+ [
+ "ĠMod",
+ "el"
+ ],
+ [
+ "er",
+ "ior"
+ ],
+ [
+ "Ñ",
+ "ĥ"
+ ],
+ [
+ "r",
+ "ants"
+ ],
+ [
+ "Ġmixt",
+ "ure"
+ ],
+ [
+ "ĠN",
+ "atural"
+ ],
+ [
+ "Ġadequ",
+ "ate"
+ ],
+ [
+ "Ġm",
+ "aps"
+ ],
+ [
+ "Ġax",
+ "is"
+ ],
+ [
+ "b",
+ "ody"
+ ],
+ [
+ "Ġen",
+ "compass"
+ ],
+ [
+ "Ġeduc",
+ "ators"
+ ],
+ [
+ "Ġdistrib",
+ "uted"
+ ],
+ [
+ "Ġdig",
+ "it"
+ ],
+ [
+ "Ġneg",
+ "ot"
+ ],
+ [
+ "on",
+ "ents"
+ ],
+ [
+ "o",
+ "ices"
+ ],
+ [
+ "ĠV",
+ "ict"
+ ],
+ [
+ "Ġequ",
+ "ality"
+ ],
+ [
+ "Ġprotect",
+ "ing"
+ ],
+ [
+ "Ġfew",
+ "er"
+ ],
+ [
+ "ic",
+ "he"
+ ],
+ [
+ "Ġreve",
+ "al"
+ ],
+ [
+ "it",
+ "ter"
+ ],
+ [
+ ".",
+ "The"
+ ],
+ [
+ "ĠThe",
+ "ory"
+ ],
+ [
+ "cap",
+ "es"
+ ],
+ [
+ "5",
+ "3"
+ ],
+ [
+ "Ġposs",
+ "ibility"
+ ],
+ [
+ "Ġcon",
+ "d"
+ ],
+ [
+ "Ġfriend",
+ "ly"
+ ],
+ [
+ "ur",
+ "b"
+ ],
+ [
+ "M",
+ "L"
+ ],
+ [
+ "ploy",
+ "ment"
+ ],
+ [
+ "irc",
+ "raft"
+ ],
+ [
+ "ric",
+ "s"
+ ],
+ [
+ "ĠOr",
+ "ig"
+ ],
+ [
+ "Ġeth",
+ "ics"
+ ],
+ [
+ "Ġm",
+ "amm"
+ ],
+ [
+ "G",
+ "o"
+ ],
+ [
+ "```",
+ "ĊĊ"
+ ],
+ [
+ "ĠCl",
+ "in"
+ ],
+ [
+ "Ġsess",
+ "ions"
+ ],
+ [
+ "Ġbig",
+ "gest"
+ ],
+ [
+ "-f",
+ "riendly"
+ ],
+ [
+ "Ġconst",
+ "ra"
+ ],
+ [
+ "Ġpr",
+ "ison"
+ ],
+ [
+ "ien",
+ "ces"
+ ],
+ [
+ "Ġadminist",
+ "r"
+ ],
+ [
+ "Ġmeas",
+ "uring"
+ ],
+ [
+ "D",
+ "P"
+ ],
+ [
+ "Ġp",
+ "ed"
+ ],
+ [
+ "ĠServ",
+ "ices"
+ ],
+ [
+ "oh",
+ "n"
+ ],
+ [
+ "Ġle",
+ "ct"
+ ],
+ [
+ "Ġpl",
+ "enty"
+ ],
+ [
+ "Ġperform",
+ "ing"
+ ],
+ [
+ "b",
+ "ox"
+ ],
+ [
+ "Ġappe",
+ "ared"
+ ],
+ [
+ "Ġp",
+ "ush"
+ ],
+ [
+ "Ġf",
+ "le"
+ ],
+ [
+ "ĠProfess",
+ "or"
+ ],
+ [
+ "5",
+ "1"
+ ],
+ [
+ "Ġqual",
+ "ities"
+ ],
+ [
+ "Ġf",
+ "est"
+ ],
+ [
+ "ĠO",
+ "cean"
+ ],
+ [
+ "ĠVir",
+ "gin"
+ ],
+ [
+ "Ġb",
+ "oy"
+ ],
+ [
+ "Ġfl",
+ "our"
+ ],
+ [
+ "ĠDig",
+ "ital"
+ ],
+ [
+ "Ġj",
+ "ump"
+ ],
+ [
+ "Ġin",
+ "herent"
+ ],
+ [
+ "Ġar",
+ "ms"
+ ],
+ [
+ "ĠRober",
+ "t"
+ ],
+ [
+ "5",
+ "4"
+ ],
+ [
+ "Ġbe",
+ "ings"
+ ],
+ [
+ "Ġint",
+ "ense"
+ ],
+ [
+ "b",
+ "urg"
+ ],
+ [
+ "B",
+ "l"
+ ],
+ [
+ "Ġatt",
+ "ached"
+ ],
+ [
+ "Ġliter",
+ "acy"
+ ],
+ [
+ "Ġvulner",
+ "able"
+ ],
+ [
+ "ĠE",
+ "vent"
+ ],
+ [
+ "um",
+ "ps"
+ ],
+ [
+ "Ġfrequ",
+ "ent"
+ ],
+ [
+ "Ġrespir",
+ "atory"
+ ],
+ [
+ "Ġgradu",
+ "ally"
+ ],
+ [
+ "ĠR",
+ "om"
+ ],
+ [
+ "ter",
+ "ol"
+ ],
+ [
+ "/",
+ "d"
+ ],
+ [
+ "Ġg",
+ "ap"
+ ],
+ [
+ "ĠB",
+ "ro"
+ ],
+ [
+ "Ġbran",
+ "ch"
+ ],
+ [
+ "ĠO",
+ "h"
+ ],
+ [
+ "Ġun",
+ "w"
+ ],
+ [
+ "Ġreg",
+ "ulation"
+ ],
+ [
+ "Ġve",
+ "ter"
+ ],
+ [
+ "Ġdiv",
+ "ide"
+ ],
+ [
+ "el",
+ "i"
+ ],
+ [
+ "Ġsun",
+ "light"
+ ],
+ [
+ "Ġcor",
+ "ner"
+ ],
+ [
+ "s",
+ "uch"
+ ],
+ [
+ "Ġcont",
+ "rovers"
+ ],
+ [
+ "Ġre",
+ "ject"
+ ],
+ [
+ "Ġcould",
+ "n"
+ ],
+ [
+ "r",
+ "ant"
+ ],
+ [
+ "ig",
+ "ma"
+ ],
+ [
+ "omm",
+ "od"
+ ],
+ [
+ "Ġar",
+ "my"
+ ],
+ [
+ "Ġleg",
+ "s"
+ ],
+ [
+ "Ġlog",
+ "ic"
+ ],
+ [
+ "al",
+ "ign"
+ ],
+ [
+ "ĠTe",
+ "xt"
+ ],
+ [
+ "Ġf",
+ "av"
+ ],
+ [
+ "ne",
+ "ys"
+ ],
+ [
+ "Ġfe",
+ "els"
+ ],
+ [
+ "Ġevol",
+ "ved"
+ ],
+ [
+ "Ġin",
+ "n"
+ ],
+ [
+ "Ġem",
+ "pt"
+ ],
+ [
+ "Ġdeb",
+ "t"
+ ],
+ [
+ "port",
+ "s"
+ ],
+ [
+ "Ġdifficult",
+ "ies"
+ ],
+ [
+ "Ġph",
+ "arm"
+ ],
+ [
+ "ere",
+ "n"
+ ],
+ [
+ "E",
+ "P"
+ ],
+ [
+ "ĠIt",
+ "alian"
+ ],
+ [
+ "g",
+ "ers"
+ ],
+ [
+ "ĠPol",
+ "it"
+ ],
+ [
+ "Ġdeath",
+ "s"
+ ],
+ [
+ "ry",
+ "pt"
+ ],
+ [
+ "ot",
+ "a"
+ ],
+ [
+ "ov",
+ "ascular"
+ ],
+ [
+ "il",
+ "ation"
+ ],
+ [
+ "ĠIt",
+ "aly"
+ ],
+ [
+ "it",
+ "us"
+ ],
+ [
+ "Ġout",
+ "l"
+ ],
+ [
+ "Ġsold",
+ "iers"
+ ],
+ [
+ "ĠS",
+ "pecial"
+ ],
+ [
+ "ĠB",
+ "ack"
+ ],
+ [
+ "Ġout",
+ "d"
+ ],
+ [
+ "ĠU",
+ "r"
+ ],
+ [
+ "Ġsuff",
+ "er"
+ ],
+ [
+ "Ġprom",
+ "inent"
+ ],
+ [
+ "ã",
+ "Ģ"
+ ],
+ [
+ "Ġd",
+ "ys"
+ ],
+ [
+ "Ġper",
+ "m"
+ ],
+ [
+ "Ġcol",
+ "our"
+ ],
+ [
+ "ĠCommun",
+ "ity"
+ ],
+ [
+ "r",
+ "ating"
+ ],
+ [
+ "Ġpract",
+ "ition"
+ ],
+ [
+ "ĠCh",
+ "oose"
+ ],
+ [
+ "oles",
+ "terol"
+ ],
+ [
+ "Ġwa",
+ "iting"
+ ],
+ [
+ "Ġz",
+ "one"
+ ],
+ [
+ "Ġchem",
+ "istry"
+ ],
+ [
+ "z",
+ "en"
+ ],
+ [
+ "ĠP",
+ "ot"
+ ],
+ [
+ "p",
+ "arent"
+ ],
+ [
+ "A",
+ "ct"
+ ],
+ [
+ "ĠKing",
+ "dom"
+ ],
+ [
+ "Ġgir",
+ "l"
+ ],
+ [
+ "Wh",
+ "o"
+ ],
+ [
+ "Ġdiam",
+ "eter"
+ ],
+ [
+ "Ġre",
+ "ward"
+ ],
+ [
+ "O",
+ "P"
+ ],
+ [
+ "Ġacc",
+ "ident"
+ ],
+ [
+ "cl",
+ "aim"
+ ],
+ [
+ "Ġsuc",
+ "ceed"
+ ],
+ [
+ "in",
+ "ction"
+ ],
+ [
+ "Ġcompet",
+ "itive"
+ ],
+ [
+ "ad",
+ "y"
+ ],
+ [
+ "Ġam",
+ "id"
+ ],
+ [
+ "O",
+ "C"
+ ],
+ [
+ "al",
+ "ities"
+ ],
+ [
+ "ĠWorkshe",
+ "et"
+ ],
+ [
+ "sequ",
+ "ently"
+ ],
+ [
+ "Ġm",
+ "ic"
+ ],
+ [
+ "Ġlibr",
+ "aries"
+ ],
+ [
+ "Ġhe",
+ "ating"
+ ],
+ [
+ "Ġfeed",
+ "ing"
+ ],
+ [
+ "op",
+ "les"
+ ],
+ [
+ "T",
+ "H"
+ ],
+ [
+ "Ġpract",
+ "icing"
+ ],
+ [
+ "Ġhous",
+ "ing"
+ ],
+ [
+ "ĠA",
+ "C"
+ ],
+ [
+ "):",
+ "čĊ"
+ ],
+ [
+ "Ġengine",
+ "ers"
+ ],
+ [
+ "Ġtiss",
+ "ues"
+ ],
+ [
+ "Ġshap",
+ "ed"
+ ],
+ [
+ "ĠCont",
+ "in"
+ ],
+ [
+ "Ġf",
+ "u"
+ ],
+ [
+ "Ġun",
+ "us"
+ ],
+ [
+ "Ġtra",
+ "ined"
+ ],
+ [
+ "Ġnot",
+ "able"
+ ],
+ [
+ "Ġf",
+ "ly"
+ ],
+ [
+ "Ġreview",
+ "s"
+ ],
+ [
+ "ot",
+ "ypes"
+ ],
+ [
+ "Ġag",
+ "encies"
+ ],
+ [
+ "B",
+ "N"
+ ],
+ [
+ "Ġvessel",
+ "s"
+ ],
+ [
+ "Ġarg",
+ "ue"
+ ],
+ [
+ "Ġimplement",
+ "ed"
+ ],
+ [
+ "ag",
+ "ues"
+ ],
+ [
+ "Ġlabor",
+ "atory"
+ ],
+ [
+ "ĠL",
+ "ead"
+ ],
+ [
+ "Ġcur",
+ "ious"
+ ],
+ [
+ "ĠSp",
+ "ain"
+ ],
+ [
+ "Ġaccount",
+ "ing"
+ ],
+ [
+ "Ġcl",
+ "ot"
+ ],
+ [
+ "ĠM",
+ "ont"
+ ],
+ [
+ "w",
+ "est"
+ ],
+ [
+ "ĠSm",
+ "ith"
+ ],
+ [
+ "ĠIm",
+ "m"
+ ],
+ [
+ "Ġg",
+ "rew"
+ ],
+ [
+ "ĠSh",
+ "ow"
+ ],
+ [
+ "Ġl",
+ "ingu"
+ ],
+ [
+ "Ġcontrol",
+ "s"
+ ],
+ [
+ "ĠDe",
+ "v"
+ ],
+ [
+ "Ġtrial",
+ "s"
+ ],
+ [
+ "st",
+ "ate"
+ ],
+ [
+ "7",
+ "9"
+ ],
+ [
+ "ĠH",
+ "all"
+ ],
+ [
+ "Ġhold",
+ "ing"
+ ],
+ [
+ "Ġvolunt",
+ "e"
+ ],
+ [
+ "Ġnot",
+ "iced"
+ ],
+ [
+ "Ġag",
+ "ents"
+ ],
+ [
+ "P",
+ "ost"
+ ],
+ [
+ "ĠFr",
+ "anc"
+ ],
+ [
+ "âĢ",
+ "ĺ"
+ ],
+ [
+ "ĠC",
+ "reate"
+ ],
+ [
+ "ĠN",
+ "ote"
+ ],
+ [
+ "Ġhous",
+ "es"
+ ],
+ [
+ "Ġauthent",
+ "ic"
+ ],
+ [
+ "it",
+ "tle"
+ ],
+ [
+ "Ġob",
+ "lig"
+ ],
+ [
+ "]",
+ ")"
+ ],
+ [
+ "ĠW",
+ "elcome"
+ ],
+ [
+ "ĠSupp",
+ "ort"
+ ],
+ [
+ "Ġt",
+ "ension"
+ ],
+ [
+ "out",
+ "s"
+ ],
+ [
+ "op",
+ "ic"
+ ],
+ [
+ "U",
+ "L"
+ ],
+ [
+ "Ġref",
+ "lection"
+ ],
+ [
+ "Ġun",
+ "ited"
+ ],
+ [
+ "Ġrep",
+ "ut"
+ ],
+ [
+ "row",
+ "ing"
+ ],
+ [
+ "Ġmom",
+ "ents"
+ ],
+ [
+ "or",
+ "rect"
+ ],
+ [
+ "ĠL",
+ "and"
+ ],
+ [
+ "Ġfoss",
+ "il"
+ ],
+ [
+ ".",
+ ")Ċ"
+ ],
+ [
+ "Ġsp",
+ "in"
+ ],
+ [
+ "Ġ\\",
+ "$"
+ ],
+ [
+ "Ġexperim",
+ "ental"
+ ],
+ [
+ "Ġad",
+ "m"
+ ],
+ [
+ "1",
+ "10"
+ ],
+ [
+ "Ġref",
+ "erences"
+ ],
+ [
+ "Ġsubstant",
+ "ial"
+ ],
+ [
+ "Ġstim",
+ "ul"
+ ],
+ [
+ "Ġhuman",
+ "ity"
+ ],
+ [
+ "O",
+ "G"
+ ],
+ [
+ "Ġfarm",
+ "ing"
+ ],
+ [
+ "Ġclass",
+ "ical"
+ ],
+ [
+ "Ġco",
+ "e"
+ ],
+ [
+ "Ġform",
+ "ing"
+ ],
+ [
+ "ĠE",
+ "astern"
+ ],
+ [
+ "P",
+ "er"
+ ],
+ [
+ "ĠSu",
+ "per"
+ ],
+ [
+ "Ġflex",
+ "ibility"
+ ],
+ [
+ "os",
+ "c"
+ ],
+ [
+ "in",
+ "du"
+ ],
+ [
+ "Ġbr",
+ "idge"
+ ],
+ [
+ "Ġag",
+ "ency"
+ ],
+ [
+ "b",
+ "ut"
+ ],
+ [
+ "Ġopen",
+ "ed"
+ ],
+ [
+ "?",
+ "\""
+ ],
+ [
+ "Ġreturn",
+ "ed"
+ ],
+ [
+ "ĠA",
+ "R"
+ ],
+ [
+ "Ġro",
+ "of"
+ ],
+ [
+ "u",
+ "ke"
+ ],
+ [
+ "se",
+ "y"
+ ],
+ [
+ "ĠS",
+ "il"
+ ],
+ [
+ "Ġt",
+ "ang"
+ ],
+ [
+ "f",
+ "ish"
+ ],
+ [
+ "Ġauthor",
+ "ities"
+ ],
+ [
+ "Ġorig",
+ "ins"
+ ],
+ [
+ "ut",
+ "rit"
+ ],
+ [
+ "ĠF",
+ "ace"
+ ],
+ [
+ "it",
+ "ure"
+ ],
+ [
+ "Y",
+ "es"
+ ],
+ [
+ "Ġecosystem",
+ "s"
+ ],
+ [
+ "et",
+ "ime"
+ ],
+ [
+ "ĠAr",
+ "my"
+ ],
+ [
+ "Ġfl",
+ "avor"
+ ],
+ [
+ "S",
+ "ub"
+ ],
+ [
+ "U",
+ "nderstanding"
+ ],
+ [
+ "ak",
+ "istan"
+ ],
+ [
+ "Ġsp",
+ "ark"
+ ],
+ [
+ "Ġth",
+ "read"
+ ],
+ [
+ "Ġtherm",
+ "al"
+ ],
+ [
+ "Ġtrans",
+ "lation"
+ ],
+ [
+ "re",
+ "m"
+ ],
+ [
+ "18",
+ "3"
+ ],
+ [
+ "ï¼",
+ "Į"
+ ],
+ [
+ "ie",
+ "val"
+ ],
+ [
+ "Ġcommit",
+ "ted"
+ ],
+ [
+ "A",
+ "A"
+ ],
+ [
+ "Ġr",
+ "anging"
+ ],
+ [
+ "Ġh",
+ "us"
+ ],
+ [
+ "-",
+ "known"
+ ],
+ [
+ "c",
+ "raft"
+ ],
+ [
+ "Ġnorm",
+ "s"
+ ],
+ [
+ "Ġtreat",
+ "ing"
+ ],
+ [
+ "ct",
+ "ic"
+ ],
+ [
+ "ĠRet",
+ "rieved"
+ ],
+ [
+ "Ġdeterm",
+ "ining"
+ ],
+ [
+ ".",
+ "M"
+ ],
+ [
+ "ind",
+ "ex"
+ ],
+ [
+ "g",
+ "ien"
+ ],
+ [
+ "ac",
+ "les"
+ ],
+ [
+ "Ġwhe",
+ "never"
+ ],
+ [
+ "Ġfight",
+ "ing"
+ ],
+ [
+ "Ġdi",
+ "oxide"
+ ],
+ [
+ "Ġproport",
+ "ion"
+ ],
+ [
+ "ĠSov",
+ "iet"
+ ],
+ [
+ "Ġc",
+ "ust"
+ ],
+ [
+ "O",
+ "f"
+ ],
+ [
+ "Ġwell",
+ "being"
+ ],
+ [
+ "ad",
+ "ing"
+ ],
+ [
+ "Ġ\"\"\"",
+ "Ċ"
+ ],
+ [
+ "Ġder",
+ "iv"
+ ],
+ [
+ "ri",
+ "er"
+ ],
+ [
+ "ĠChar",
+ "les"
+ ],
+ [
+ "ĠImp",
+ "act"
+ ],
+ [
+ "ĠAss",
+ "ess"
+ ],
+ [
+ "Ġs",
+ "ought"
+ ],
+ [
+ "Ġsur",
+ "ve"
+ ],
+ [
+ "in",
+ "it"
+ ],
+ [
+ "16",
+ "0"
+ ],
+ [
+ "ag",
+ "ram"
+ ],
+ [
+ "Ġfl",
+ "ight"
+ ],
+ [
+ "Ġheav",
+ "ily"
+ ],
+ [
+ "Ġmind",
+ "s"
+ ],
+ [
+ "ĠW",
+ "ild"
+ ],
+ [
+ "Ġfac",
+ "es"
+ ],
+ [
+ "ĠComm",
+ "ission"
+ ],
+ [
+ "Ġpres",
+ "erve"
+ ],
+ [
+ "ĠAut",
+ "hor"
+ ],
+ [
+ "Ġdiet",
+ "ary"
+ ],
+ [
+ "Ġc",
+ "oding"
+ ],
+ [
+ "Ġtra",
+ "uma"
+ ],
+ [
+ "Ġsimultane",
+ "ously"
+ ],
+ [
+ "U",
+ "se"
+ ],
+ [
+ "Ġind",
+ "eed"
+ ],
+ [
+ ".",
+ "|Ċ"
+ ],
+ [
+ "```",
+ "Ċ"
+ ],
+ [
+ "Ġdepend",
+ "ent"
+ ],
+ [
+ "F",
+ "igure"
+ ],
+ [
+ "Ġb",
+ "rows"
+ ],
+ [
+ ")",
+ "^"
+ ],
+ [
+ "Ġrepresent",
+ "ing"
+ ],
+ [
+ "on",
+ "ia"
+ ],
+ [
+ "Ġ",
+ "!"
+ ],
+ [
+ "Ġresol",
+ "ve"
+ ],
+ [
+ "k",
+ "et"
+ ],
+ [
+ "Ġnecess",
+ "arily"
+ ],
+ [
+ "ĠE",
+ "r"
+ ],
+ [
+ "ĠI",
+ "de"
+ ],
+ [
+ "ĠPhys",
+ "ics"
+ ],
+ [
+ "Ġadd",
+ "iction"
+ ],
+ [
+ "Ġt",
+ "ack"
+ ],
+ [
+ "ell",
+ "ed"
+ ],
+ [
+ "Ġinst",
+ "ant"
+ ],
+ [
+ "_",
+ "list"
+ ],
+ [
+ "b",
+ "egin"
+ ],
+ [
+ "Ġor",
+ "gans"
+ ],
+ [
+ "Ġconnect",
+ "ing"
+ ],
+ [
+ "ov",
+ "ing"
+ ],
+ [
+ "Ġdo",
+ "i"
+ ],
+ [
+ "Ġcomprehens",
+ "ion"
+ ],
+ [
+ "ph",
+ "abet"
+ ],
+ [
+ "ĠCan",
+ "adian"
+ ],
+ [
+ "Ġper",
+ "ception"
+ ],
+ [
+ "Ġown",
+ "er"
+ ],
+ [
+ "Ġprint",
+ "ing"
+ ],
+ [
+ "Ġn",
+ "erve"
+ ],
+ [
+ "ĠK",
+ "en"
+ ],
+ [
+ "Ġver",
+ "b"
+ ],
+ [
+ "ĠSe",
+ "curity"
+ ],
+ [
+ "ym",
+ "ph"
+ ],
+ [
+ "he",
+ "alth"
+ ],
+ [
+ "ĠL",
+ "ake"
+ ],
+ [
+ "Ġachie",
+ "ving"
+ ],
+ [
+ "Ġs",
+ "plit"
+ ],
+ [
+ "Ġaut",
+ "on"
+ ],
+ [
+ "Ġgram",
+ "mar"
+ ],
+ [
+ "z",
+ "es"
+ ],
+ [
+ "ĠAustral",
+ "ian"
+ ],
+ [
+ "Ġupd",
+ "ated"
+ ],
+ [
+ "s",
+ "m"
+ ],
+ [
+ "Ġavail",
+ "ability"
+ ],
+ [
+ "S",
+ "im"
+ ],
+ [
+ "Ġutil",
+ "ized"
+ ],
+ [
+ "Ġint",
+ "ent"
+ ],
+ [
+ "P",
+ "e"
+ ],
+ [
+ "ĠRes",
+ "ources"
+ ],
+ [
+ "Ġd",
+ "aughter"
+ ],
+ [
+ "ost",
+ "ic"
+ ],
+ [
+ "the",
+ "less"
+ ],
+ [
+ "N",
+ "ot"
+ ],
+ [
+ "Ġcam",
+ "era"
+ ],
+ [
+ "Ġrun",
+ "s"
+ ],
+ [
+ "C",
+ "ons"
+ ],
+ [
+ "Ġdep",
+ "artment"
+ ],
+ [
+ "Ġr",
+ "ing"
+ ],
+ [
+ "Ġun",
+ "less"
+ ],
+ [
+ "Ġm",
+ "and"
+ ],
+ [
+ "Ġman",
+ "ual"
+ ],
+ [
+ "ĠB",
+ "ig"
+ ],
+ [
+ "Ġass",
+ "ume"
+ ],
+ [
+ "Ġres",
+ "erv"
+ ],
+ [
+ "Ġstre",
+ "et"
+ ],
+ [
+ "L",
+ "ist"
+ ],
+ [
+ "Ġoverw",
+ "hel"
+ ],
+ [
+ "Ġexpl",
+ "ored"
+ ],
+ [
+ "R",
+ "ef"
+ ],
+ [
+ "il",
+ "i"
+ ],
+ [
+ "ative",
+ "ly"
+ ],
+ [
+ "Ġm",
+ "ir"
+ ],
+ [
+ "Ġbig",
+ "ger"
+ ],
+ [
+ "ĠBo",
+ "ard"
+ ],
+ [
+ "Ġreal",
+ "ize"
+ ],
+ [
+ "/",
+ "m"
+ ],
+ [
+ "ĠJ",
+ "ose"
+ ],
+ [
+ "ĠE",
+ "c"
+ ],
+ [
+ "Ġlight",
+ "s"
+ ],
+ [
+ "Ġhe",
+ "m"
+ ],
+ [
+ "ĠD",
+ "ownload"
+ ],
+ [
+ "crib",
+ "ed"
+ ],
+ [
+ "av",
+ "y"
+ ],
+ [
+ "Ġf",
+ "ellow"
+ ],
+ [
+ "ĠChrist",
+ "mas"
+ ],
+ [
+ "Ġdis",
+ "hes"
+ ],
+ [
+ "6",
+ "3"
+ ],
+ [
+ "Ġh",
+ "ung"
+ ],
+ [
+ "Ġs",
+ "ight"
+ ],
+ [
+ "Ġvirus",
+ "es"
+ ],
+ [
+ "et",
+ "te"
+ ],
+ [
+ "Ġcom",
+ "ments"
+ ],
+ [
+ "ĠS",
+ "qu"
+ ],
+ [
+ "Ø",
+ "§"
+ ],
+ [
+ "Ġrhy",
+ "th"
+ ],
+ [
+ "Ġcomp",
+ "assion"
+ ],
+ [
+ "Ġr",
+ "u"
+ ],
+ [
+ "ĠL",
+ "og"
+ ],
+ [
+ "ĠU",
+ "lt"
+ ],
+ [
+ "Ġinsp",
+ "ire"
+ ],
+ [
+ "Ġaud",
+ "io"
+ ],
+ [
+ "Ġcrus",
+ "her"
+ ],
+ [
+ "ĠPar",
+ "is"
+ ],
+ [
+ "ĠV",
+ "iet"
+ ],
+ [
+ "Ġst",
+ "ere"
+ ],
+ [
+ "ru",
+ "ption"
+ ],
+ [
+ "ĠOn",
+ "ly"
+ ],
+ [
+ "Ġaccur",
+ "ately"
+ ],
+ [
+ "Ġcontrib",
+ "utes"
+ ],
+ [
+ "L",
+ "ast"
+ ],
+ [
+ "Ġmetab",
+ "ol"
+ ],
+ [
+ "Ġnews",
+ "p"
+ ],
+ [
+ "Ġpublic",
+ "ation"
+ ],
+ [
+ "co",
+ "in"
+ ],
+ [
+ "ĠN",
+ "ations"
+ ],
+ [
+ "ĠH",
+ "aw"
+ ],
+ [
+ "Ġocc",
+ "asion"
+ ],
+ [
+ "Ġcor",
+ "on"
+ ],
+ [
+ "og",
+ "rap"
+ ],
+ [
+ "Ġinst",
+ "ances"
+ ],
+ [
+ "Ġas",
+ "pir"
+ ],
+ [
+ "Ġra",
+ "c"
+ ],
+ [
+ "Ġrel",
+ "ief"
+ ],
+ [
+ "Ġvit",
+ "amins"
+ ],
+ [
+ "Ġshar",
+ "p"
+ ],
+ [
+ "hav",
+ "ior"
+ ],
+ [
+ "ip",
+ "her"
+ ],
+ [
+ "ogen",
+ "ic"
+ ],
+ [
+ "Ġcontrib",
+ "uted"
+ ],
+ [
+ "ĠA",
+ "st"
+ ],
+ [
+ "ĠNAS",
+ "A"
+ ],
+ [
+ "Ġcomp",
+ "rom"
+ ],
+ [
+ "C",
+ "omm"
+ ],
+ [
+ "Al",
+ "ice"
+ ],
+ [
+ "Ġdifferent",
+ "ly"
+ ],
+ [
+ "ic",
+ "ide"
+ ],
+ [
+ "Ġwarm",
+ "ing"
+ ],
+ [
+ "Ġwor",
+ "se"
+ ],
+ [
+ "'",
+ "."
+ ],
+ [
+ "F",
+ "ind"
+ ],
+ [
+ "ĠI",
+ "re"
+ ],
+ [
+ "ĠF",
+ "un"
+ ],
+ [
+ "Ġobserv",
+ "ation"
+ ],
+ [
+ "i",
+ "ological"
+ ],
+ [
+ "Ġhapp",
+ "ening"
+ ],
+ [
+ "t",
+ "elling"
+ ],
+ [
+ "ĠT",
+ "ry"
+ ],
+ [
+ "Ġwill",
+ "ing"
+ ],
+ [
+ "ĠCar",
+ "ol"
+ ],
+ [
+ "Ġl",
+ "es"
+ ],
+ [
+ "fact",
+ "ion"
+ ],
+ [
+ "Ġdis",
+ "advant"
+ ],
+ [
+ "Ġa",
+ "est"
+ ],
+ [
+ "ed",
+ "ge"
+ ],
+ [
+ "ĠD",
+ "an"
+ ],
+ [
+ "Ġn",
+ "u"
+ ],
+ [
+ "Ġmem",
+ "or"
+ ],
+ [
+ ")",
+ "/"
+ ],
+ [
+ "Ġch",
+ "ose"
+ ],
+ [
+ "Ġphr",
+ "ase"
+ ],
+ [
+ "ĠHen",
+ "ry"
+ ],
+ [
+ "Ġact",
+ "ively"
+ ],
+ [
+ "ear",
+ "chers"
+ ],
+ [
+ "c",
+ "ar"
+ ],
+ [
+ "li",
+ "ament"
+ ],
+ [
+ "Ġa",
+ "ward"
+ ],
+ [
+ "Ġhypot",
+ "hesis"
+ ],
+ [
+ "T",
+ "able"
+ ],
+ [
+ "Ġopin",
+ "ions"
+ ],
+ [
+ "Ġn",
+ "ine"
+ ],
+ [
+ "Ġbran",
+ "ches"
+ ],
+ [
+ "ult",
+ "y"
+ ],
+ [
+ "Ġtrou",
+ "ble"
+ ],
+ [
+ "Ġcom",
+ "plications"
+ ],
+ [
+ "Ġris",
+ "ing"
+ ],
+ [
+ "ĠDise",
+ "ase"
+ ],
+ [
+ "Ġob",
+ "esity"
+ ],
+ [
+ "Ġneighbor",
+ "hood"
+ ],
+ [
+ "I",
+ "M"
+ ],
+ [
+ "Ġput",
+ "ting"
+ ],
+ [
+ "ĠW",
+ "ood"
+ ],
+ [
+ "ĠAns",
+ "wer"
+ ],
+ [
+ "Ġacc",
+ "ommod"
+ ],
+ [
+ "Ġwatch",
+ "ing"
+ ],
+ [
+ "Ġorig",
+ "inally"
+ ],
+ [
+ "-b",
+ "y"
+ ],
+ [
+ "Ġofficial",
+ "s"
+ ],
+ [
+ "ap",
+ "or"
+ ],
+ [
+ "Ġf",
+ "ro"
+ ],
+ [
+ "Ġvari",
+ "ation"
+ ],
+ [
+ "Ġrece",
+ "iving"
+ ],
+ [
+ "Ġch",
+ "lor"
+ ],
+ [
+ "less",
+ "ly"
+ ],
+ [
+ "ever",
+ "al"
+ ],
+ [
+ "Ġint",
+ "rig"
+ ],
+ [
+ "Ġcomb",
+ "at"
+ ],
+ [
+ "-s",
+ "cale"
+ ],
+ [
+ "Ġep",
+ "is"
+ ],
+ [
+ "Ġpro",
+ "ceed"
+ ],
+ [
+ "Ġsess",
+ "ion"
+ ],
+ [
+ "Ġnerv",
+ "ous"
+ ],
+ [
+ "ĠLou",
+ "is"
+ ],
+ [
+ "al",
+ "a"
+ ],
+ [
+ "Ġmotiv",
+ "ation"
+ ],
+ [
+ "Ġne",
+ "ck"
+ ],
+ [
+ "Ġm",
+ "g"
+ ],
+ [
+ "Ġmet",
+ "als"
+ ],
+ [
+ "ch",
+ "arge"
+ ],
+ [
+ "ĠTh",
+ "ose"
+ ],
+ [
+ "-",
+ "con"
+ ],
+ [
+ "Ġne",
+ "ur"
+ ],
+ [
+ "es",
+ "is"
+ ],
+ [
+ "f",
+ "ortunately"
+ ],
+ [
+ "ĠH",
+ "appy"
+ ],
+ [
+ "Ġutil",
+ "ize"
+ ],
+ [
+ "ĠNet",
+ "work"
+ ],
+ [
+ "Ġsens",
+ "itivity"
+ ],
+ [
+ "Ġsl",
+ "a"
+ ],
+ [
+ "ĠFlor",
+ "ida"
+ ],
+ [
+ "Ġdis",
+ "pl"
+ ],
+ [
+ "l",
+ "og"
+ ],
+ [
+ "ĠTh",
+ "ree"
+ ],
+ [
+ "Ġh",
+ "am"
+ ],
+ [
+ "Ġp",
+ "airs"
+ ],
+ [
+ "Ġg",
+ "ent"
+ ],
+ [
+ "ĠC",
+ "ell"
+ ],
+ [
+ "rapeut",
+ "ic"
+ ],
+ [
+ "Ġdiff",
+ "er"
+ ],
+ [
+ "Ġpass",
+ "ing"
+ ],
+ [
+ "Ġsc",
+ "hedule"
+ ],
+ [
+ "ĠF",
+ "ig"
+ ],
+ [
+ "ol",
+ "y"
+ ],
+ [
+ "ĠOff",
+ "ice"
+ ],
+ [
+ "meric",
+ "an"
+ ],
+ [
+ "um",
+ "ns"
+ ],
+ [
+ "Ġvisit",
+ "ors"
+ ],
+ [
+ "ĠC",
+ "lick"
+ ],
+ [
+ "iot",
+ "ic"
+ ],
+ [
+ "Ġmy",
+ "ster"
+ ],
+ [
+ "Ġpan",
+ "els"
+ ],
+ [
+ "Ġadv",
+ "ances"
+ ],
+ [
+ "\"",
+ ")"
+ ],
+ [
+ "(",
+ "["
+ ],
+ [
+ "Ġat",
+ "oms"
+ ],
+ [
+ "Ġpe",
+ "ak"
+ ],
+ [
+ "Ġident",
+ "ification"
+ ],
+ [
+ "ĠPhys",
+ "ical"
+ ],
+ [
+ "O",
+ "ther"
+ ],
+ [
+ "Ġequ",
+ "ally"
+ ],
+ [
+ "S",
+ "ee"
+ ],
+ [
+ "Ġar",
+ "ise"
+ ],
+ [
+ "Ġarr",
+ "ived"
+ ],
+ [
+ "IC",
+ "TION"
+ ],
+ [
+ "Ġfract",
+ "ions"
+ ],
+ [
+ "br",
+ "id"
+ ],
+ [
+ "Ġatt",
+ "itudes"
+ ],
+ [
+ "an",
+ "o"
+ ],
+ [
+ "Ġch",
+ "ances"
+ ],
+ [
+ "Ġkid",
+ "ney"
+ ],
+ [
+ "is",
+ "hes"
+ ],
+ [
+ "H",
+ "D"
+ ],
+ [
+ "u",
+ "ity"
+ ],
+ [
+ "ast",
+ "ing"
+ ],
+ [
+ "Ġsc",
+ "ores"
+ ],
+ [
+ "Ġflex",
+ "ible"
+ ],
+ [
+ "ĠHist",
+ "orical"
+ ],
+ [
+ "Ġweak",
+ "ness"
+ ],
+ [
+ "Ġfor",
+ "um"
+ ],
+ [
+ "M",
+ "ed"
+ ],
+ [
+ "Ġpan",
+ "el"
+ ],
+ [
+ "Ġunivers",
+ "al"
+ ],
+ [
+ "%",
+ ")"
+ ],
+ [
+ "Ġb",
+ "order"
+ ],
+ [
+ "Ġsla",
+ "very"
+ ],
+ [
+ "ab",
+ "el"
+ ],
+ [
+ "Ġenh",
+ "anced"
+ ],
+ [
+ "Ġcal",
+ "ories"
+ ],
+ [
+ "ĠBra",
+ "zil"
+ ],
+ [
+ "ĠYou",
+ "ng"
+ ],
+ [
+ "Ġcoun",
+ "sel"
+ ],
+ [
+ "iv",
+ "ities"
+ ],
+ [
+ "Ġst",
+ "roke"
+ ],
+ [
+ "Ġfor",
+ "g"
+ ],
+ [
+ "Ġa",
+ "ircraft"
+ ],
+ [
+ "Ġph",
+ "osph"
+ ],
+ [
+ "Ġp",
+ "it"
+ ],
+ [
+ "\"",
+ ".Ċ"
+ ],
+ [
+ "Ġdel",
+ "ay"
+ ],
+ [
+ "W",
+ "here"
+ ],
+ [
+ "ĠB",
+ "uilding"
+ ],
+ [
+ "av",
+ "ed"
+ ],
+ [
+ "Ġb",
+ "anks"
+ ],
+ [
+ "ĠG",
+ "ard"
+ ],
+ [
+ "ab",
+ "il"
+ ],
+ [
+ "Ġinvestig",
+ "ate"
+ ],
+ [
+ "ĠM",
+ "ad"
+ ],
+ [
+ "Ġpres",
+ "erving"
+ ],
+ [
+ "Ġvill",
+ "age"
+ ],
+ [
+ "Ġthor",
+ "oughly"
+ ],
+ [
+ "u",
+ "y"
+ ],
+ [
+ "Ġch",
+ "olesterol"
+ ],
+ [
+ "Ġprovid",
+ "er"
+ ],
+ [
+ "ors",
+ "es"
+ ],
+ [
+ "ook",
+ "ing"
+ ],
+ [
+ "A",
+ "ut"
+ ],
+ [
+ "Ġrequ",
+ "iring"
+ ],
+ [
+ "Ġresult",
+ "ed"
+ ],
+ [
+ "Ġembra",
+ "cing"
+ ],
+ [
+ "Ġtem",
+ "pl"
+ ],
+ [
+ "bo",
+ "hyd"
+ ],
+ [
+ "Ġgreen",
+ "house"
+ ],
+ [
+ "P",
+ "art"
+ ],
+ [
+ "Ġterrit",
+ "ory"
+ ],
+ [
+ "Ġtur",
+ "b"
+ ],
+ [
+ "Ġint",
+ "ensity"
+ ],
+ [
+ "Ġfit",
+ "ness"
+ ],
+ [
+ "8",
+ "00"
+ ],
+ [
+ "h",
+ "and"
+ ],
+ [
+ "Ġdecre",
+ "ased"
+ ],
+ [
+ "Ġlo",
+ "op"
+ ],
+ [
+ "Ġfor",
+ "th"
+ ],
+ [
+ "ic",
+ "ago"
+ ],
+ [
+ "Ġphot",
+ "ograph"
+ ],
+ [
+ "Ġins",
+ "pect"
+ ],
+ [
+ "ĠP",
+ "age"
+ ],
+ [
+ "cept",
+ "ions"
+ ],
+ [
+ "ro",
+ "t"
+ ],
+ [
+ "Ġ",
+ "ĊĊ"
+ ],
+ [
+ "a",
+ "ired"
+ ],
+ [
+ "P",
+ "ub"
+ ],
+ [
+ "os",
+ "ion"
+ ],
+ [
+ "Ġconsum",
+ "e"
+ ],
+ [
+ "am",
+ "ine"
+ ],
+ [
+ "ĠL",
+ "abor"
+ ],
+ [
+ "ĠMus",
+ "ic"
+ ],
+ [
+ "Ġthous",
+ "and"
+ ],
+ [
+ "Ġin",
+ "clusive"
+ ],
+ [
+ "er",
+ "b"
+ ],
+ [
+ "rit",
+ "is"
+ ],
+ [
+ "g",
+ "ment"
+ ],
+ [
+ "le",
+ "te"
+ ],
+ [
+ ".",
+ "n"
+ ],
+ [
+ "air",
+ "y"
+ ],
+ [
+ "Ġm",
+ "es"
+ ],
+ [
+ "Ġl",
+ "atter"
+ ],
+ [
+ "Ġt",
+ "ube"
+ ],
+ [
+ "Ġfound",
+ "ed"
+ ],
+ [
+ "_",
+ "m"
+ ],
+ [
+ "ĠF",
+ "ederal"
+ ],
+ [
+ "ĠN",
+ "ever"
+ ],
+ [
+ "ĠAr",
+ "ts"
+ ],
+ [
+ "Ġspect",
+ "rum"
+ ],
+ [
+ "ut",
+ "ch"
+ ],
+ [
+ "op",
+ "es"
+ ],
+ [
+ "ĠIm",
+ "pro"
+ ],
+ [
+ "ĠAd",
+ "minist"
+ ],
+ [
+ "y",
+ "roid"
+ ],
+ [
+ "it",
+ "als"
+ ],
+ [
+ "Ġh",
+ "ole"
+ ],
+ [
+ "Ġpopular",
+ "ity"
+ ],
+ [
+ "Ġemphas",
+ "is"
+ ],
+ [
+ "ĠC",
+ "irc"
+ ],
+ [
+ "Ð",
+ "²"
+ ],
+ [
+ "ĠSe",
+ "lect"
+ ],
+ [
+ "ra",
+ "de"
+ ],
+ [
+ "-",
+ "G"
+ ],
+ [
+ "ĠChristian",
+ "ity"
+ ],
+ [
+ "agn",
+ "etic"
+ ],
+ [
+ "Ġpay",
+ "ment"
+ ],
+ [
+ "Ġh",
+ "ob"
+ ],
+ [
+ "ĠD",
+ "raw"
+ ],
+ [
+ "Ġun",
+ "able"
+ ],
+ [
+ "-",
+ "r"
+ ],
+ [
+ "Ġpass",
+ "age"
+ ],
+ [
+ "ĠM",
+ "a"
+ ],
+ [
+ "ov",
+ "en"
+ ],
+ [
+ "ES",
+ "S"
+ ],
+ [
+ "b",
+ "f"
+ ],
+ [
+ "Ġstat",
+ "istical"
+ ],
+ [
+ "Ġcon",
+ "j"
+ ],
+ [
+ "ĠIre",
+ "land"
+ ],
+ [
+ "O",
+ "W"
+ ],
+ [
+ "he",
+ "im"
+ ],
+ [
+ "-",
+ "a"
+ ],
+ [
+ "ĠM",
+ "er"
+ ],
+ [
+ "w",
+ "riting"
+ ],
+ [
+ "ĠĠĠĠ",
+ "Ġ"
+ ],
+ [
+ "connect",
+ "ed"
+ ],
+ [
+ "Ġmarg",
+ "inal"
+ ],
+ [
+ "ult",
+ "ural"
+ ],
+ [
+ "Ġadd",
+ "s"
+ ],
+ [
+ "ĠJoh",
+ "ns"
+ ],
+ [
+ "Ġf",
+ "ell"
+ ],
+ [
+ "Ġdang",
+ "er"
+ ],
+ [
+ "if",
+ "ier"
+ ],
+ [
+ "Ġsens",
+ "ors"
+ ],
+ [
+ "Ġc",
+ "ater"
+ ],
+ [
+ "em",
+ "ia"
+ ],
+ [
+ "iss",
+ "ance"
+ ],
+ [
+ "Ġprepar",
+ "ing"
+ ],
+ [
+ "Des",
+ "pite"
+ ],
+ [
+ "Ġb",
+ "ath"
+ ],
+ [
+ "he",
+ "ast"
+ ],
+ [
+ "Ġseem",
+ "ed"
+ ],
+ [
+ "ĠPro",
+ "duct"
+ ],
+ [
+ "ĠF",
+ "il"
+ ],
+ [
+ "Ġ\\",
+ "\\"
+ ],
+ [
+ "Ġglob",
+ "e"
+ ],
+ [
+ "ĠSt",
+ "age"
+ ],
+ [
+ "io",
+ "x"
+ ],
+ [
+ "Ġfe",
+ "ver"
+ ],
+ [
+ "Ġindic",
+ "ated"
+ ],
+ [
+ "Ġte",
+ "levision"
+ ],
+ [
+ "ĠJ",
+ "e"
+ ],
+ [
+ "g",
+ "a"
+ ],
+ [
+ "ĠY",
+ "et"
+ ],
+ [
+ "ĠReg",
+ "ular"
+ ],
+ [
+ "6",
+ "1"
+ ],
+ [
+ "c",
+ "a"
+ ],
+ [
+ "C",
+ "reate"
+ ],
+ [
+ "ĠH",
+ "am"
+ ],
+ [
+ "Ġacknow",
+ "led"
+ ],
+ [
+ "Ġep",
+ "id"
+ ],
+ [
+ "C",
+ "ol"
+ ],
+ [
+ "ĠT",
+ "ogether"
+ ],
+ [
+ "Ġextra",
+ "ord"
+ ],
+ [
+ "!",
+ "!"
+ ],
+ [
+ "Ġperman",
+ "ent"
+ ],
+ [
+ "ĠOb",
+ "ject"
+ ],
+ [
+ "Ġcl",
+ "ub"
+ ],
+ [
+ "Ġst",
+ "uff"
+ ],
+ [
+ "ater",
+ "al"
+ ],
+ [
+ "ĠI",
+ "II"
+ ],
+ [
+ "Ġadoles",
+ "c"
+ ],
+ [
+ "Ġinequ",
+ "ality"
+ ],
+ [
+ "it",
+ "t"
+ ],
+ [
+ "Ġst",
+ "ores"
+ ],
+ [
+ "Ġl",
+ "ists"
+ ],
+ [
+ "Ġstake",
+ "holders"
+ ],
+ [
+ "Ġel",
+ "if"
+ ],
+ [
+ "ĠG",
+ "raph"
+ ],
+ [
+ "Ġgraph",
+ "ic"
+ ],
+ [
+ "an",
+ "i"
+ ],
+ [
+ "ĠL",
+ "ib"
+ ],
+ [
+ "Ġcre",
+ "am"
+ ],
+ [
+ "is",
+ "co"
+ ],
+ [
+ "Ġfunction",
+ "ing"
+ ],
+ [
+ "ĠT",
+ "imes"
+ ],
+ [
+ "A",
+ "m"
+ ],
+ [
+ "Ġac",
+ "ute"
+ ],
+ [
+ "is",
+ "ters"
+ ],
+ [
+ "Ġhyd",
+ "ro"
+ ],
+ [
+ "Ġd",
+ "uration"
+ ],
+ [
+ "Ġlight",
+ "ing"
+ ],
+ [
+ "Ġassign",
+ "ed"
+ ],
+ [
+ "I",
+ "A"
+ ],
+ [
+ "ins",
+ "on"
+ ],
+ [
+ "Ġcontext",
+ "s"
+ ],
+ [
+ "Ġcontain",
+ "ed"
+ ],
+ [
+ "8",
+ "9"
+ ],
+ [
+ "Ġcelebr",
+ "ate"
+ ],
+ [
+ "yn",
+ "omial"
+ ],
+ [
+ "b",
+ "ar"
+ ],
+ [
+ "Ġdist",
+ "rict"
+ ],
+ [
+ "Ġag",
+ "ent"
+ ],
+ [
+ "Ġphot",
+ "o"
+ ],
+ [
+ "r",
+ "ink"
+ ],
+ [
+ "ĠI",
+ "T"
+ ],
+ [
+ "Ġst",
+ "ead"
+ ],
+ [
+ "Ġdis",
+ "h"
+ ],
+ [
+ "Ġt",
+ "act"
+ ],
+ [
+ "ĠP",
+ "oint"
+ ],
+ [
+ "Ġsmo",
+ "ke"
+ ],
+ [
+ "ir",
+ "ds"
+ ],
+ [
+ "Ġd",
+ "ictionary"
+ ],
+ [
+ "h",
+ "ma"
+ ],
+ [
+ "Ġvari",
+ "eties"
+ ],
+ [
+ "Ġjo",
+ "ined"
+ ],
+ [
+ "}",
+ "Ċ"
+ ],
+ [
+ "ĠRes",
+ "p"
+ ],
+ [
+ "ra",
+ "nd"
+ ],
+ [
+ "ĠS",
+ "elf"
+ ],
+ [
+ "Ġs",
+ "oph"
+ ],
+ [
+ "at",
+ "ile"
+ ],
+ [
+ "Ġt",
+ "ub"
+ ],
+ [
+ "-",
+ "v"
+ ],
+ [
+ "18",
+ "1"
+ ],
+ [
+ "se",
+ "ll"
+ ],
+ [
+ "Ġdirect",
+ "or"
+ ],
+ [
+ "pl",
+ "ant"
+ ],
+ [
+ "Ġmulti",
+ "plication"
+ ],
+ [
+ "ri",
+ "p"
+ ],
+ [
+ "ĠCl",
+ "imate"
+ ],
+ [
+ "Ġend",
+ "ed"
+ ],
+ [
+ "Ġbo",
+ "ys"
+ ],
+ [
+ "e",
+ "en"
+ ],
+ [
+ "Ġdam",
+ "aged"
+ ],
+ [
+ "V",
+ "iew"
+ ],
+ [
+ "Ġintegr",
+ "ity"
+ ],
+ [
+ "Ġw",
+ "idth"
+ ],
+ [
+ "Ġpol",
+ "ar"
+ ],
+ [
+ "W",
+ "elcome"
+ ],
+ [
+ "}",
+ "^{"
+ ],
+ [
+ "Ġinstall",
+ "ed"
+ ],
+ [
+ "w",
+ "ar"
+ ],
+ [
+ "Ġfem",
+ "in"
+ ],
+ [
+ "hem",
+ "ical"
+ ],
+ [
+ "Ġcontain",
+ "er"
+ ],
+ [
+ "Ġv",
+ "an"
+ ],
+ [
+ "Ġsh",
+ "ock"
+ ],
+ [
+ "Ġhigh",
+ "lights"
+ ],
+ [
+ "all",
+ "s"
+ ],
+ [
+ "ĠC",
+ "P"
+ ],
+ [
+ "m",
+ "etic"
+ ],
+ [
+ "Ġm",
+ "eth"
+ ],
+ [
+ "Ġencoura",
+ "ging"
+ ],
+ [
+ "Ġdec",
+ "ade"
+ ],
+ [
+ "is",
+ "her"
+ ],
+ [
+ "Ġrepl",
+ "aced"
+ ],
+ [
+ "Ġcover",
+ "ing"
+ ],
+ [
+ "ide",
+ "o"
+ ],
+ [
+ "F",
+ "e"
+ ],
+ [
+ "Ġord",
+ "inary"
+ ],
+ [
+ "ain",
+ "ing"
+ ],
+ [
+ "st",
+ "on"
+ ],
+ [
+ "Ġwh",
+ "atever"
+ ],
+ [
+ "am",
+ "ination"
+ ],
+ [
+ "Ġed",
+ "ges"
+ ],
+ [
+ "ĠTh",
+ "anks"
+ ],
+ [
+ "âĢĻ",
+ ","
+ ],
+ [
+ "Ġt",
+ "or"
+ ],
+ [
+ "Ġc",
+ "as"
+ ],
+ [
+ "Ġec",
+ "ological"
+ ],
+ [
+ "ĠN",
+ "ov"
+ ],
+ [
+ "r",
+ "ane"
+ ],
+ [
+ "ven",
+ "ile"
+ ],
+ [
+ "Ġfin",
+ "ished"
+ ],
+ [
+ "ĠB",
+ "ur"
+ ],
+ [
+ "Ġsoc",
+ "io"
+ ],
+ [
+ "ðĿ",
+ "ij"
+ ],
+ [
+ "Ġdis",
+ "pos"
+ ],
+ [
+ "do",
+ "i"
+ ],
+ [
+ "Ġt",
+ "ick"
+ ],
+ [
+ "Ġbring",
+ "ing"
+ ],
+ [
+ "ĠN",
+ "ame"
+ ],
+ [
+ "Ġconf",
+ "ident"
+ ],
+ [
+ "Ġvers",
+ "ions"
+ ],
+ [
+ "Ġwonder",
+ "ful"
+ ],
+ [
+ "Ġdra",
+ "g"
+ ],
+ [
+ "ĠF",
+ "und"
+ ],
+ [
+ "ĠT",
+ "om"
+ ],
+ [
+ "ĠL",
+ "ight"
+ ],
+ [
+ "Ġcon",
+ "clusions"
+ ],
+ [
+ "Ġhe",
+ "nce"
+ ],
+ [
+ "Ġfl",
+ "ash"
+ ],
+ [
+ "Ġchann",
+ "el"
+ ],
+ [
+ "Ġre",
+ "aching"
+ ],
+ [
+ "ĠComm",
+ "it"
+ ],
+ [
+ "ill",
+ "a"
+ ],
+ [
+ "Ġclass",
+ "ification"
+ ],
+ [
+ "Ġreve",
+ "als"
+ ],
+ [
+ "Ġmicro",
+ "b"
+ ],
+ [
+ "Ġexpl",
+ "icit"
+ ],
+ [
+ "Ġcont",
+ "amin"
+ ],
+ [
+ "ar",
+ "ly"
+ ],
+ [
+ "Ġmin",
+ "imal"
+ ],
+ [
+ "et",
+ "ary"
+ ],
+ [
+ "Ġflow",
+ "er"
+ ],
+ [
+ "Ġsc",
+ "hed"
+ ],
+ [
+ "Ġnutri",
+ "ent"
+ ],
+ [
+ "ĠF",
+ "alse"
+ ],
+ [
+ "Ġfour",
+ "th"
+ ],
+ [
+ "Ġrob",
+ "ot"
+ ],
+ [
+ "Ġs",
+ "hed"
+ ],
+ [
+ "ud",
+ "e"
+ ],
+ [
+ "ĠT",
+ "or"
+ ],
+ [
+ "E",
+ "ng"
+ ],
+ [
+ "Ġt",
+ "ract"
+ ],
+ [
+ "ĠC",
+ "ost"
+ ],
+ [
+ "IS",
+ "T"
+ ],
+ [
+ "Ġbur",
+ "ning"
+ ],
+ [
+ "=",
+ "'"
+ ],
+ [
+ "Ġch",
+ "ief"
+ ],
+ [
+ "ou",
+ "nce"
+ ],
+ [
+ "av",
+ "irus"
+ ],
+ [
+ "ĠY",
+ "es"
+ ],
+ [
+ "ir",
+ "ms"
+ ],
+ [
+ "Ġhapp",
+ "iness"
+ ],
+ [
+ "Ġdom",
+ "inant"
+ ],
+ [
+ "Ġbi",
+ "om"
+ ],
+ [
+ "ĠS",
+ "ection"
+ ],
+ [
+ "Ġmin",
+ "ute"
+ ],
+ [
+ "roduct",
+ "ive"
+ ],
+ [
+ "Us",
+ "ing"
+ ],
+ [
+ "Ġvary",
+ "ing"
+ ],
+ [
+ "âĢ¦",
+ "âĢ¦"
+ ],
+ [
+ "Ġw",
+ "ise"
+ ],
+ [
+ "Ġinv",
+ "ention"
+ ],
+ [
+ "Ġn",
+ "ice"
+ ],
+ [
+ "Ġhard",
+ "ware"
+ ],
+ [
+ "Ġad",
+ "verse"
+ ],
+ [
+ "R",
+ "eg"
+ ],
+ [
+ "ost",
+ "er"
+ ],
+ [
+ "Ġfin",
+ "ance"
+ ],
+ [
+ "ĠC",
+ "amp"
+ ],
+ [
+ "Ġmere",
+ "ly"
+ ],
+ [
+ ".",
+ "f"
+ ],
+ [
+ "Ġnurs",
+ "ing"
+ ],
+ [
+ "ac",
+ "ent"
+ ],
+ [
+ "Ġprov",
+ "en"
+ ],
+ [
+ "i",
+ "h"
+ ],
+ [
+ "ir",
+ "ty"
+ ],
+ [
+ "Ġfall",
+ "s"
+ ],
+ [
+ "il",
+ "er"
+ ],
+ [
+ "Ġag",
+ "reed"
+ ],
+ [
+ "ru",
+ "it"
+ ],
+ [
+ "epend",
+ "ent"
+ ],
+ [
+ "Ġinter",
+ "face"
+ ],
+ [
+ "Ġg",
+ "ast"
+ ],
+ [
+ "-d",
+ "imensional"
+ ],
+ [
+ "Ġn",
+ "ob"
+ ],
+ [
+ "br",
+ "idge"
+ ],
+ [
+ "Ġmem",
+ "ories"
+ ],
+ [
+ "edi",
+ "atric"
+ ],
+ [
+ "Ġprotect",
+ "ive"
+ ],
+ [
+ "pect",
+ "ive"
+ ],
+ [
+ "ĠS",
+ "olution"
+ ],
+ [
+ "ĠS",
+ "outhern"
+ ],
+ [
+ "ac",
+ "co"
+ ],
+ [
+ "ĠP",
+ "ur"
+ ],
+ [
+ "Ġext",
+ "end"
+ ],
+ [
+ "ĠN",
+ "orthern"
+ ],
+ [
+ "Ġst",
+ "rain"
+ ],
+ [
+ "ĠP",
+ "eter"
+ ],
+ [
+ "ĠAm",
+ "azon"
+ ],
+ [
+ "ĠCult",
+ "ural"
+ ],
+ [
+ "ĠWind",
+ "ows"
+ ],
+ [
+ "ĠO",
+ "pt"
+ ],
+ [
+ "othe",
+ "rapy"
+ ],
+ [
+ "Ġbre",
+ "aking"
+ ],
+ [
+ "ĠVict",
+ "or"
+ ],
+ [
+ "es",
+ "ides"
+ ],
+ [
+ "Ġsh",
+ "ares"
+ ],
+ [
+ "ĠM",
+ "ove"
+ ],
+ [
+ "ĠSc",
+ "ott"
+ ],
+ [
+ "Ġdirect",
+ "ions"
+ ],
+ [
+ "Ġdefin",
+ "itions"
+ ],
+ [
+ "Ġconf",
+ "ig"
+ ],
+ [
+ "Ġne",
+ "ural"
+ ],
+ [
+ "Ġautom",
+ "atically"
+ ],
+ [
+ "Ġremov",
+ "al"
+ ],
+ [
+ "Ġtransact",
+ "ions"
+ ],
+ [
+ "Ġthr",
+ "ive"
+ ],
+ [
+ "Ġg",
+ "one"
+ ],
+ [
+ "Rem",
+ "ember"
+ ],
+ [
+ "Ġprec",
+ "ision"
+ ],
+ [
+ "ĠSc",
+ "ot"
+ ],
+ [
+ "Ġexhib",
+ "it"
+ ],
+ [
+ "ĠE",
+ "conom"
+ ],
+ [
+ "Ġgr",
+ "inding"
+ ],
+ [
+ "ĠSar",
+ "ah"
+ ],
+ [
+ "-",
+ "W"
+ ],
+ [
+ "ĠC",
+ "H"
+ ],
+ [
+ "en",
+ "ess"
+ ],
+ [
+ "ĠC",
+ "ase"
+ ],
+ [
+ "ĠK",
+ "ids"
+ ],
+ [
+ "L",
+ "e"
+ ],
+ [
+ "Ġwhe",
+ "el"
+ ],
+ [
+ "Ġpow",
+ "der"
+ ],
+ [
+ "Ġinteg",
+ "er"
+ ],
+ [
+ "ĠP",
+ "rom"
+ ],
+ [
+ "az",
+ "ine"
+ ],
+ [
+ "ret",
+ "urn"
+ ],
+ [
+ "Ġfil",
+ "ms"
+ ],
+ [
+ "Ġent",
+ "reprene"
+ ],
+ [
+ "Ġcarry",
+ "ing"
+ ],
+ [
+ "tain",
+ "ing"
+ ],
+ [
+ "Ġdef",
+ "ense"
+ ],
+ [
+ "her",
+ "ic"
+ ],
+ [
+ "Ġhoriz",
+ "ontal"
+ ],
+ [
+ "ĠSaf",
+ "ety"
+ ],
+ [
+ "in",
+ "f"
+ ],
+ [
+ "Ġc",
+ "av"
+ ],
+ [
+ "Ġinter",
+ "val"
+ ],
+ [
+ "Ġmy",
+ "self"
+ ],
+ [
+ "Ġir",
+ "rit"
+ ],
+ [
+ "Ġrel",
+ "at"
+ ],
+ [
+ "Ġdesign",
+ "ing"
+ ],
+ [
+ "ĠPol",
+ "icy"
+ ],
+ [
+ "ĠAn",
+ "aly"
+ ],
+ [
+ "ĠP",
+ "et"
+ ],
+ [
+ "ĠF",
+ "uture"
+ ],
+ [
+ "L",
+ "esson"
+ ],
+ [
+ "-",
+ "Ċ"
+ ],
+ [
+ "ĠG",
+ "al"
+ ],
+ [
+ "r",
+ "ance"
+ ],
+ [
+ "Ġe",
+ "ase"
+ ],
+ [
+ "ak",
+ "ed"
+ ],
+ [
+ "ĠL",
+ "ow"
+ ],
+ [
+ "Ġempt",
+ "y"
+ ],
+ [
+ "Ġsp",
+ "atial"
+ ],
+ [
+ "Ġhealth",
+ "ier"
+ ],
+ [
+ "Ġcomp",
+ "elling"
+ ],
+ [
+ "Ġgra",
+ "vity"
+ ],
+ [
+ "Ġrout",
+ "e"
+ ],
+ [
+ "Ġdiscover",
+ "ies"
+ ],
+ [
+ "Ġreven",
+ "ue"
+ ],
+ [
+ "Ġdra",
+ "ft"
+ ],
+ [
+ "Ġs",
+ "ad"
+ ],
+ [
+ "âĢĻ",
+ "d"
+ ],
+ [
+ "an",
+ "ning"
+ ],
+ [
+ "Ġus",
+ "ual"
+ ],
+ [
+ "Ġt",
+ "u"
+ ],
+ [
+ "Ġpo",
+ "ison"
+ ],
+ [
+ "Ġmanif",
+ "est"
+ ],
+ [
+ "Ġlands",
+ "capes"
+ ],
+ [
+ "Ġv",
+ "ote"
+ ],
+ [
+ "Ġdec",
+ "imal"
+ ],
+ [
+ "Ġdef",
+ "ect"
+ ],
+ [
+ "Ġd",
+ "il"
+ ],
+ [
+ "ĠN",
+ "ext"
+ ],
+ [
+ "ri",
+ "um"
+ ],
+ [
+ "P",
+ "lease"
+ ],
+ [
+ "Ġapp",
+ "s"
+ ],
+ [
+ "Ġaltern",
+ "atives"
+ ],
+ [
+ "m",
+ "ia"
+ ],
+ [
+ "Ġcy",
+ "l"
+ ],
+ [
+ "Ġflow",
+ "s"
+ ],
+ [
+ "Ġsh",
+ "ot"
+ ],
+ [
+ "Ġp",
+ "in"
+ ],
+ [
+ "ĠĠĠĠ",
+ "Ċ"
+ ],
+ [
+ "al",
+ "i"
+ ],
+ [
+ "Ġr",
+ "ivers"
+ ],
+ [
+ "Ġpar",
+ "as"
+ ],
+ [
+ "ĠD",
+ "ou"
+ ],
+ [
+ "Ġatt",
+ "ach"
+ ],
+ [
+ "Ġg",
+ "ut"
+ ],
+ [
+ "Ġtw",
+ "enty"
+ ],
+ [
+ "Ġselect",
+ "ing"
+ ],
+ [
+ "Ġw",
+ "ww"
+ ],
+ [
+ "Ġt",
+ "ales"
+ ],
+ [
+ "Ġattempt",
+ "s"
+ ],
+ [
+ "ĠC",
+ "ode"
+ ],
+ [
+ "arch",
+ "y"
+ ],
+ [
+ "Ġt",
+ "rick"
+ ],
+ [
+ "ĠT",
+ "H"
+ ],
+ [
+ "Ġexam",
+ "ined"
+ ],
+ [
+ "eg",
+ "u"
+ ],
+ [
+ "Ġdel",
+ "icious"
+ ],
+ [
+ "ĠComput",
+ "er"
+ ],
+ [
+ "Ġfem",
+ "ales"
+ ],
+ [
+ "Ġkeep",
+ "s"
+ ],
+ [
+ "Ġrad",
+ "ius"
+ ],
+ [
+ "Ġdiv",
+ "is"
+ ],
+ [
+ "Ġl",
+ "aser"
+ ],
+ [
+ "Ġhon",
+ "or"
+ ],
+ [
+ "Ġvers",
+ "us"
+ ],
+ [
+ "gien",
+ "e"
+ ],
+ [
+ "Ġfail",
+ "ed"
+ ],
+ [
+ "ear",
+ "ing"
+ ],
+ [
+ "$",
+ ","
+ ],
+ [
+ "ool",
+ "s"
+ ],
+ [
+ "Ġd",
+ "rain"
+ ],
+ [
+ "Ġsong",
+ "s"
+ ],
+ [
+ "Ġbehavior",
+ "al"
+ ],
+ [
+ "Ġunus",
+ "ual"
+ ],
+ [
+ "S",
+ "p"
+ ],
+ [
+ "ĠAg",
+ "ricult"
+ ],
+ [
+ "Ġdoub",
+ "t"
+ ],
+ [
+ "Ġcor",
+ "n"
+ ],
+ [
+ "form",
+ "at"
+ ],
+ [
+ "re",
+ "ated"
+ ],
+ [
+ "ard",
+ "ing"
+ ],
+ [
+ "u",
+ "nder"
+ ],
+ [
+ "â",
+ "Ĥ"
+ ],
+ [
+ "P",
+ "T"
+ ],
+ [
+ "Ġdep",
+ "art"
+ ],
+ [
+ "Ġhistor",
+ "ic"
+ ],
+ [
+ "Ġvol",
+ "can"
+ ],
+ [
+ "A",
+ "G"
+ ],
+ [
+ "ocol",
+ "ate"
+ ],
+ [
+ "ig",
+ "ue"
+ ],
+ [
+ "Ġm",
+ "ice"
+ ],
+ [
+ "Ġcharacter",
+ "istic"
+ ],
+ [
+ "ap",
+ "se"
+ ],
+ [
+ "ear",
+ "s"
+ ],
+ [
+ "(",
+ "-"
+ ],
+ [
+ "Ġsil",
+ "ver"
+ ],
+ [
+ "Ġreport",
+ "ing"
+ ],
+ [
+ "Ġdeterm",
+ "ination"
+ ],
+ [
+ "ER",
+ "S"
+ ],
+ [
+ "Ġpromot",
+ "es"
+ ],
+ [
+ "F",
+ "ig"
+ ],
+ [
+ "Ġmut",
+ "ual"
+ ],
+ [
+ "Ġdiagn",
+ "osed"
+ ],
+ [
+ "-w",
+ "orld"
+ ],
+ [
+ "ffect",
+ "ive"
+ ],
+ [
+ "Ġcent",
+ "re"
+ ],
+ [
+ "s",
+ "um"
+ ],
+ [
+ "Ġabs",
+ "ence"
+ ],
+ [
+ "Ġutil",
+ "izing"
+ ],
+ [
+ "Ġbab",
+ "ies"
+ ],
+ [
+ "Ġsole",
+ "ly"
+ ],
+ [
+ "Ġelim",
+ "inate"
+ ],
+ [
+ "ail",
+ "able"
+ ],
+ [
+ "Ġv",
+ "en"
+ ],
+ [
+ "erm",
+ "an"
+ ],
+ [
+ "t",
+ "op"
+ ],
+ [
+ "r",
+ "ary"
+ ],
+ [
+ "-s",
+ "olving"
+ ],
+ [
+ "Ġdis",
+ "par"
+ ],
+ [
+ "ĠMed",
+ "ia"
+ ],
+ [
+ "Ġcontroll",
+ "ing"
+ ],
+ [
+ "im",
+ "eter"
+ ],
+ [
+ "Ġdiscipl",
+ "ine"
+ ],
+ [
+ "d",
+ "it"
+ ],
+ [
+ "ant",
+ "a"
+ ],
+ [
+ "Ġout",
+ "er"
+ ],
+ [
+ "Ġmort",
+ "ality"
+ ],
+ [
+ "Ġenthus",
+ "i"
+ ],
+ [
+ "Ġrespons",
+ "ibilities"
+ ],
+ [
+ "ĠD",
+ "oc"
+ ],
+ [
+ "Ġcool",
+ "ing"
+ ],
+ [
+ "ĠIn",
+ "it"
+ ],
+ [
+ "Ġcardi",
+ "ovascular"
+ ],
+ [
+ "ef",
+ "its"
+ ],
+ [
+ "Ġant",
+ "icip"
+ ],
+ [
+ "Ġfe",
+ "at"
+ ],
+ [
+ "Ġappe",
+ "al"
+ ],
+ [
+ "Ġprinc",
+ "ipal"
+ ],
+ [
+ "ĠP",
+ "akistan"
+ ],
+ [
+ "9",
+ "7"
+ ],
+ [
+ "Ġfun",
+ "g"
+ ],
+ [
+ "Ġsum",
+ "mar"
+ ],
+ [
+ "Ġadvent",
+ "ures"
+ ],
+ [
+ "Ġwork",
+ "place"
+ ],
+ [
+ "ed",
+ "y"
+ ],
+ [
+ "Ġm",
+ "ales"
+ ],
+ [
+ "Ġn",
+ "one"
+ ],
+ [
+ "ĠB",
+ "ab"
+ ],
+ [
+ "Ġ",
+ "_"
+ ],
+ [
+ "Ġs",
+ "ale"
+ ],
+ [
+ "Ġprof",
+ "ile"
+ ],
+ [
+ "Ġm",
+ "old"
+ ],
+ [
+ "ĠS",
+ "at"
+ ],
+ [
+ "ĠProble",
+ "m"
+ ],
+ [
+ "em",
+ "a"
+ ],
+ [
+ "Ġir",
+ "re"
+ ],
+ [
+ "ĠM",
+ "S"
+ ],
+ [
+ "ĠF",
+ "our"
+ ],
+ [
+ "ot",
+ "ton"
+ ],
+ [
+ "erc",
+ "ise"
+ ],
+ [
+ "Ġprefer",
+ "red"
+ ],
+ [
+ "Ġk",
+ "ne"
+ ],
+ [
+ "Ġchann",
+ "els"
+ ],
+ [
+ "Ġrest",
+ "aur"
+ ],
+ [
+ "et",
+ "erm"
+ ],
+ [
+ "Ġextraord",
+ "inary"
+ ],
+ [
+ "Ġmag",
+ "ic"
+ ],
+ [
+ "Ġfind",
+ "s"
+ ],
+ [
+ "ĠC",
+ "ross"
+ ],
+ [
+ "Ġmultip",
+ "ly"
+ ],
+ [
+ "Ġp",
+ "H"
+ ],
+ [
+ "the",
+ "ta"
+ ],
+ [
+ "Ġo",
+ "v"
+ ],
+ [
+ "Ġmed",
+ "itation"
+ ],
+ [
+ "Ġl",
+ "ip"
+ ],
+ [
+ "r",
+ "ine"
+ ],
+ [
+ "ĠCol",
+ "umb"
+ ],
+ [
+ "Ġprop",
+ "ag"
+ ],
+ [
+ "r",
+ "h"
+ ],
+ [
+ "Ġtarg",
+ "ets"
+ ],
+ [
+ "Ġmist",
+ "akes"
+ ],
+ [
+ "Ġmod",
+ "ule"
+ ],
+ [
+ "Ġbatter",
+ "ies"
+ ],
+ [
+ "Ġqu",
+ "adr"
+ ],
+ [
+ "%",
+ ","
+ ],
+ [
+ "_",
+ "l"
+ ],
+ [
+ "Ġ",
+ "ic"
+ ],
+ [
+ "j",
+ "ud"
+ ],
+ [
+ "o",
+ "ys"
+ ],
+ [
+ "Ġpe",
+ "oples"
+ ],
+ [
+ "10",
+ "2"
+ ],
+ [
+ "rib",
+ "ution"
+ ],
+ [
+ "ĠLiter",
+ "ature"
+ ],
+ [
+ "Ġlegis",
+ "lation"
+ ],
+ [
+ "Ġf",
+ "o"
+ ],
+ [
+ "iz",
+ "ers"
+ ],
+ [
+ "Ġnovel",
+ "s"
+ ],
+ [
+ "Ġdefin",
+ "itely"
+ ],
+ [
+ "Ġ",
+ "ille"
+ ],
+ [
+ "ura",
+ "ble"
+ ],
+ [
+ "ĠM",
+ "en"
+ ],
+ [
+ "st",
+ "ers"
+ ],
+ [
+ "Ġar",
+ "c"
+ ],
+ [
+ "Ġfin",
+ "ish"
+ ],
+ [
+ "Ġrad",
+ "ical"
+ ],
+ [
+ "ĠVirgin",
+ "ia"
+ ],
+ [
+ "ĠIslam",
+ "ic"
+ ],
+ [
+ "Ġin",
+ "her"
+ ],
+ [
+ "Ġes",
+ "cape"
+ ],
+ [
+ "Ġprint",
+ "ed"
+ ],
+ [
+ "Ġto",
+ "t"
+ ],
+ [
+ "Ġcomp",
+ "ens"
+ ],
+ [
+ "ĠAs",
+ "k"
+ ],
+ [
+ "Ġch",
+ "am"
+ ],
+ [
+ "it",
+ "arian"
+ ],
+ [
+ "Ġsafe",
+ "ly"
+ ],
+ [
+ "v",
+ "in"
+ ],
+ [
+ "f",
+ "ol"
+ ],
+ [
+ "Ġdem",
+ "ocracy"
+ ],
+ [
+ "Ġconstruct",
+ "ed"
+ ],
+ [
+ "-",
+ "res"
+ ],
+ [
+ "Ġl",
+ "ie"
+ ],
+ [
+ "Ġcont",
+ "ents"
+ ],
+ [
+ "et",
+ "t"
+ ],
+ [
+ "Ġact",
+ "ing"
+ ],
+ [
+ "Ġcount",
+ "less"
+ ],
+ [
+ "ĠMathemat",
+ "ics"
+ ],
+ [
+ "Ġsuper",
+ "ior"
+ ],
+ [
+ "ive",
+ "red"
+ ],
+ [
+ "ĠB",
+ "ased"
+ ],
+ [
+ "Ġint",
+ "est"
+ ],
+ [
+ "Ġdis",
+ "abilities"
+ ],
+ [
+ "Ġarch",
+ "ae"
+ ],
+ [
+ "Ġb",
+ "ag"
+ ],
+ [
+ "ree",
+ "k"
+ ],
+ [
+ "E",
+ "F"
+ ],
+ [
+ "ĠI",
+ "ss"
+ ],
+ [
+ "ro",
+ "at"
+ ],
+ [
+ "[",
+ "'"
+ ],
+ [
+ "Ġpar",
+ "ad"
+ ],
+ [
+ "Ġt",
+ "ip"
+ ],
+ [
+ "du",
+ "ction"
+ ],
+ [
+ "Ġgen",
+ "re"
+ ],
+ [
+ "Ġn",
+ "odes"
+ ],
+ [
+ "ĠArt",
+ "icle"
+ ],
+ [
+ "Ġspec",
+ "ified"
+ ],
+ [
+ "ĠConst",
+ "itution"
+ ],
+ [
+ "Ġbu",
+ "ying"
+ ],
+ [
+ "Ġdr",
+ "iven"
+ ],
+ [
+ "ĠAcad",
+ "emy"
+ ],
+ [
+ "T",
+ "P"
+ ],
+ [
+ "Ġsus",
+ "cept"
+ ],
+ [
+ "Ġmicro",
+ "sc"
+ ],
+ [
+ "act",
+ "ion"
+ ],
+ [
+ "ĠAn",
+ "cient"
+ ],
+ [
+ "Ġcomple",
+ "ment"
+ ],
+ [
+ "ĠL",
+ "i"
+ ],
+ [
+ "he",
+ "nd"
+ ],
+ [
+ "ha",
+ "ust"
+ ],
+ [
+ "Ġcomp",
+ "os"
+ ],
+ [
+ "Ġprom",
+ "ise"
+ ],
+ [
+ "pt",
+ "om"
+ ],
+ [
+ "aw",
+ "s"
+ ],
+ [
+ "Ġrec",
+ "over"
+ ],
+ [
+ "Ġt",
+ "ough"
+ ],
+ [
+ "Ġphilos",
+ "oph"
+ ],
+ [
+ "Ġcaptiv",
+ "ating"
+ ],
+ [
+ "Ġce",
+ "ment"
+ ],
+ [
+ "Ġr",
+ "itual"
+ ],
+ [
+ "Ġto",
+ "ys"
+ ],
+ [
+ "Ġident",
+ "ities"
+ ],
+ [
+ "Ġcolle",
+ "agues"
+ ],
+ [
+ "Ġsc",
+ "ope"
+ ],
+ [
+ "'",
+ ":"
+ ],
+ [
+ "ĠE",
+ "U"
+ ],
+ [
+ "Ġmod",
+ "ified"
+ ],
+ [
+ "D",
+ "S"
+ ],
+ [
+ "Ġany",
+ "where"
+ ],
+ [
+ "iox",
+ "id"
+ ],
+ [
+ "A",
+ "ns"
+ ],
+ [
+ "utrit",
+ "ion"
+ ],
+ [
+ "Ġw",
+ "ine"
+ ],
+ [
+ "elf",
+ "are"
+ ],
+ [
+ "Ġpregn",
+ "ant"
+ ],
+ [
+ "ĠCult",
+ "ure"
+ ],
+ [
+ "Ġdec",
+ "ay"
+ ],
+ [
+ "id",
+ "ation"
+ ],
+ [
+ "°",
+ "C"
+ ],
+ [
+ "ĠDisc",
+ "uss"
+ ],
+ [
+ "ĠCon",
+ "sequently"
+ ],
+ [
+ "Ġscenari",
+ "o"
+ ],
+ [
+ "Ġt",
+ "ab"
+ ],
+ [
+ "ĠEx",
+ "cel"
+ ],
+ [
+ "Ġbi",
+ "as"
+ ],
+ [
+ "Ġp",
+ "iv"
+ ],
+ [
+ "d",
+ "es"
+ ],
+ [
+ "ot",
+ "ype"
+ ],
+ [
+ "Ġbacter",
+ "ial"
+ ],
+ [
+ "__",
+ "("
+ ],
+ [
+ "Ġcomb",
+ "ine"
+ ],
+ [
+ "Ġestim",
+ "ates"
+ ],
+ [
+ "Ġmig",
+ "ration"
+ ],
+ [
+ "z",
+ "ym"
+ ],
+ [
+ "Ġim",
+ "aging"
+ ],
+ [
+ "ĠC",
+ "r"
+ ],
+ [
+ "ĠGen",
+ "er"
+ ],
+ [
+ "T",
+ "ra"
+ ],
+ [
+ "ib",
+ "er"
+ ],
+ [
+ "ang",
+ "les"
+ ],
+ [
+ "N",
+ "ext"
+ ],
+ [
+ "Ġout",
+ "bre"
+ ],
+ [
+ "Ġtax",
+ "es"
+ ],
+ [
+ "Ġoutd",
+ "oor"
+ ],
+ [
+ "Ġfl",
+ "ag"
+ ],
+ [
+ "Ġund",
+ "ers"
+ ],
+ [
+ "ĠStand",
+ "ard"
+ ],
+ [
+ "A",
+ "rt"
+ ],
+ [
+ "ĠE",
+ "p"
+ ],
+ [
+ "Ġelect",
+ "rons"
+ ],
+ [
+ "Ġshe",
+ "ets"
+ ],
+ [
+ "T",
+ "oday"
+ ],
+ [
+ "ĠIn",
+ "cre"
+ ],
+ [
+ "ĠT",
+ "O"
+ ],
+ [
+ "crib",
+ "e"
+ ],
+ [
+ "(",
+ "i"
+ ],
+ [
+ "ĠD",
+ "ictionary"
+ ],
+ [
+ "Ġcl",
+ "ock"
+ ],
+ [
+ "et",
+ "he"
+ ],
+ [
+ "Ġche",
+ "st"
+ ],
+ [
+ "ari",
+ "o"
+ ],
+ [
+ "Qu",
+ "estion"
+ ],
+ [
+ "Ġn",
+ "ose"
+ ],
+ [
+ "p",
+ "ie"
+ ],
+ [
+ "Ġp",
+ "ython"
+ ],
+ [
+ "stand",
+ "ing"
+ ],
+ [
+ "Ġperce",
+ "ived"
+ ],
+ [
+ "ail",
+ "ed"
+ ],
+ [
+ "(",
+ "("
+ ],
+ [
+ "it",
+ "ting"
+ ],
+ [
+ "ĠâĢ",
+ "Ŀ"
+ ],
+ [
+ "og",
+ "s"
+ ],
+ [
+ "y",
+ "al"
+ ],
+ [
+ "Ġtour",
+ "ism"
+ ],
+ [
+ "Ġcomp",
+ "aring"
+ ],
+ [
+ "Ġhon",
+ "est"
+ ],
+ [
+ "Ġbas",
+ "ics"
+ ],
+ [
+ ")ĊĊ",
+ "Ċ"
+ ],
+ [
+ "Ġg",
+ "ro"
+ ],
+ [
+ "Ġnew",
+ "ly"
+ ],
+ [
+ "oc",
+ "ur"
+ ],
+ [
+ "Ġneut",
+ "ral"
+ ],
+ [
+ "Ġstrong",
+ "ly"
+ ],
+ [
+ "Ġmembr",
+ "ane"
+ ],
+ [
+ "Ġh",
+ "ier"
+ ],
+ [
+ "Ġessential",
+ "ly"
+ ],
+ [
+ "book",
+ "s"
+ ],
+ [
+ "Ġhabit",
+ "ats"
+ ],
+ [
+ "Ġlaun",
+ "ched"
+ ],
+ [
+ "Ġpres",
+ "chool"
+ ],
+ [
+ "Ġste",
+ "am"
+ ],
+ [
+ "ĠM",
+ "el"
+ ],
+ [
+ "ed",
+ "u"
+ ],
+ [
+ "ĠPl",
+ "ace"
+ ],
+ [
+ "Ġcomb",
+ "ining"
+ ],
+ [
+ "ĠOrgan",
+ "ization"
+ ],
+ [
+ "Ġre",
+ "verse"
+ ],
+ [
+ "Ġphenomen",
+ "a"
+ ],
+ [
+ "Ġwe",
+ "igh"
+ ],
+ [
+ "Ð",
+ "¼"
+ ],
+ [
+ "8",
+ "7"
+ ],
+ [
+ "Ġpe",
+ "er"
+ ],
+ [
+ "18",
+ "2"
+ ],
+ [
+ "Ġbiod",
+ "iversity"
+ ],
+ [
+ "Ġlog",
+ "ical"
+ ],
+ [
+ "Ġw",
+ "al"
+ ],
+ [
+ "Ġprocess",
+ "ed"
+ ],
+ [
+ "Ġchick",
+ "en"
+ ],
+ [
+ "Ġconsider",
+ "ations"
+ ],
+ [
+ "Ġloss",
+ "es"
+ ],
+ [
+ "(",
+ "input"
+ ],
+ [
+ "Ġcalcul",
+ "ations"
+ ],
+ [
+ "Ġgra",
+ "ins"
+ ],
+ [
+ "Ġsp",
+ "oken"
+ ],
+ [
+ "Ġexp",
+ "enses"
+ ],
+ [
+ "Ġsupp",
+ "osed"
+ ],
+ [
+ "ab",
+ "eth"
+ ],
+ [
+ "Ġc",
+ "oc"
+ ],
+ [
+ "Ġequ",
+ "ipped"
+ ],
+ [
+ "I",
+ "F"
+ ],
+ [
+ "ĠTh",
+ "ough"
+ ],
+ [
+ "Ġimprove",
+ "ments"
+ ],
+ [
+ "Ġimm",
+ "ers"
+ ],
+ [
+ "ort",
+ "ed"
+ ],
+ [
+ "Ġclass",
+ "ified"
+ ],
+ [
+ "rit",
+ "ten"
+ ],
+ [
+ "M",
+ "e"
+ ],
+ [
+ "Ġwond",
+ "ered"
+ ],
+ [
+ "Ġsu",
+ "it"
+ ],
+ [
+ "ĠB",
+ "ill"
+ ],
+ [
+ "Ġh",
+ "ur"
+ ],
+ [
+ "ĠW",
+ "ords"
+ ],
+ [
+ "ĠN",
+ "az"
+ ],
+ [
+ "Ġcontrib",
+ "ution"
+ ],
+ [
+ "Ġun",
+ "com"
+ ],
+ [
+ "Ġeconom",
+ "ics"
+ ],
+ [
+ "eg",
+ "a"
+ ],
+ [
+ "Ġp",
+ "ra"
+ ],
+ [
+ "Ġsens",
+ "or"
+ ],
+ [
+ "Ġrecogn",
+ "izing"
+ ],
+ [
+ "hol",
+ "ds"
+ ],
+ [
+ "H",
+ "ist"
+ ],
+ [
+ "Ġcur",
+ "rency"
+ ],
+ [
+ "Ġrel",
+ "ate"
+ ],
+ [
+ "Ġpresent",
+ "ing"
+ ],
+ [
+ "Ġann",
+ "ounced"
+ ],
+ [
+ "Ġphys",
+ "ically"
+ ],
+ [
+ "ur",
+ "se"
+ ],
+ [
+ "Ġmar",
+ "ried"
+ ],
+ [
+ "Ġaccom",
+ "pan"
+ ],
+ [
+ "athe",
+ "red"
+ ],
+ [
+ "ac",
+ "ies"
+ ],
+ [
+ "ĠInt",
+ "erest"
+ ],
+ [
+ "ĠC",
+ "ard"
+ ],
+ [
+ "Ġco",
+ "operation"
+ ],
+ [
+ "rou",
+ "s"
+ ],
+ [
+ "iz",
+ "ational"
+ ],
+ [
+ "Ġavoid",
+ "ing"
+ ],
+ [
+ "ĠMay",
+ "be"
+ ],
+ [
+ "y",
+ "nt"
+ ],
+ [
+ "Ġun",
+ "ity"
+ ],
+ [
+ "im",
+ "ents"
+ ],
+ [
+ "ĠD",
+ "en"
+ ],
+ [
+ "Ġpartic",
+ "le"
+ ],
+ [
+ "Ñ",
+ "ı"
+ ],
+ [
+ "Ġwould",
+ "n"
+ ],
+ [
+ "Ġsh",
+ "ad"
+ ],
+ [
+ "Ġsm",
+ "ell"
+ ],
+ [
+ "v",
+ "ance"
+ ],
+ [
+ "U",
+ "M"
+ ],
+ [
+ "i",
+ "at"
+ ],
+ [
+ "Ġunder",
+ "t"
+ ],
+ [
+ "u",
+ "ine"
+ ],
+ [
+ "ĠStre",
+ "et"
+ ],
+ [
+ "E",
+ "very"
+ ],
+ [
+ "Ġupd",
+ "ate"
+ ],
+ [
+ "ĠA",
+ "L"
+ ],
+ [
+ "----",
+ "--"
+ ],
+ [
+ "11",
+ "1"
+ ],
+ [
+ "Ġt",
+ "ropical"
+ ],
+ [
+ "Ġstreng",
+ "ths"
+ ],
+ [
+ "Ġrow",
+ "s"
+ ],
+ [
+ "Ġgrad",
+ "es"
+ ],
+ [
+ "Ġimag",
+ "ination"
+ ],
+ [
+ "b",
+ "a"
+ ],
+ [
+ "ram",
+ "e"
+ ],
+ [
+ "Ġc",
+ "ab"
+ ],
+ [
+ "B",
+ "ook"
+ ],
+ [
+ "Ġcal",
+ "m"
+ ],
+ [
+ "ĠAre",
+ "a"
+ ],
+ [
+ "Ġb",
+ "inary"
+ ],
+ [
+ "Ġsc",
+ "ul"
+ ],
+ [
+ "Ġthe",
+ "rapeutic"
+ ],
+ [
+ "Ġclar",
+ "ity"
+ ],
+ [
+ "Ġreflect",
+ "s"
+ ],
+ [
+ "Ġ",
+ "ion"
+ ],
+ [
+ "ĠY",
+ "OU"
+ ],
+ [
+ "St",
+ "art"
+ ],
+ [
+ "Ġsupp",
+ "lements"
+ ],
+ [
+ "Ġsit",
+ "ting"
+ ],
+ [
+ "Ġg",
+ "ases"
+ ],
+ [
+ "Ġstay",
+ "ing"
+ ],
+ [
+ "'",
+ "d"
+ ],
+ [
+ "ĠFace",
+ "book"
+ ],
+ [
+ "v",
+ "a"
+ ],
+ [
+ "Ġdevelop",
+ "ers"
+ ],
+ [
+ "\\",
+ "right"
+ ],
+ [
+ "ot",
+ "o"
+ ],
+ [
+ "ĠM",
+ "ars"
+ ],
+ [
+ "Ġleg",
+ "acy"
+ ],
+ [
+ "op",
+ "her"
+ ],
+ [
+ "ĠEn",
+ "ter"
+ ],
+ [
+ "th",
+ "ritis"
+ ],
+ [
+ "Ġed",
+ "itor"
+ ],
+ [
+ "Ġloc",
+ "k"
+ ],
+ [
+ "D",
+ "ef"
+ ],
+ [
+ "Ġse",
+ "am"
+ ],
+ [
+ "Ġsc",
+ "r"
+ ],
+ [
+ "Ġscul",
+ "pt"
+ ],
+ [
+ "Ġcoast",
+ "al"
+ ],
+ [
+ "Ġanalys",
+ "es"
+ ],
+ [
+ "k",
+ "l"
+ ],
+ [
+ "Ġsac",
+ "r"
+ ],
+ [
+ ")",
+ "\\"
+ ],
+ [
+ "Ġsl",
+ "ope"
+ ],
+ [
+ "{",
+ "align"
+ ],
+ [
+ "Ġde",
+ "als"
+ ],
+ [
+ "Ġtem",
+ "por"
+ ],
+ [
+ "Ġdes",
+ "ert"
+ ],
+ [
+ "H",
+ "S"
+ ],
+ [
+ "t",
+ "imes"
+ ],
+ [
+ "Ġhus",
+ "band"
+ ],
+ [
+ "ob",
+ "ile"
+ ],
+ [
+ "Ġt",
+ "ight"
+ ],
+ [
+ "Ġdef",
+ "e"
+ ],
+ [
+ "Ġbreak",
+ "s"
+ ],
+ [
+ "o",
+ "ons"
+ ],
+ [
+ "ĠS",
+ "S"
+ ],
+ [
+ "ĠRich",
+ "ard"
+ ],
+ [
+ "Ġex",
+ "ch"
+ ],
+ [
+ "Ġab",
+ "normal"
+ ],
+ [
+ "Ġtext",
+ "ure"
+ ],
+ [
+ "im",
+ "m"
+ ],
+ [
+ "w",
+ "ing"
+ ],
+ [
+ "ĠR",
+ "ight"
+ ],
+ [
+ "ol",
+ "ved"
+ ],
+ [
+ "Ġsub",
+ "sc"
+ ],
+ [
+ "Ġev",
+ "il"
+ ],
+ [
+ "ĠMart",
+ "in"
+ ],
+ [
+ "Ġent",
+ "ered"
+ ],
+ [
+ "ĠR",
+ "ock"
+ ],
+ [
+ "Ġmov",
+ "ies"
+ ],
+ [
+ "Ġillust",
+ "rate"
+ ],
+ [
+ "Ġencoura",
+ "ged"
+ ],
+ [
+ "Ġf",
+ "inger"
+ ],
+ [
+ "un",
+ "ct"
+ ],
+ [
+ "re",
+ "al"
+ ],
+ [
+ "Ġd",
+ "ow"
+ ],
+ [
+ "Ġbl",
+ "ind"
+ ],
+ [
+ ".",
+ "ht"
+ ],
+ [
+ "Ġnutrit",
+ "ional"
+ ],
+ [
+ "Ġstory",
+ "telling"
+ ],
+ [
+ "Ġquant",
+ "ities"
+ ],
+ [
+ "Ġfair",
+ "ly"
+ ],
+ [
+ "on",
+ "ent"
+ ],
+ [
+ "Ġremov",
+ "ing"
+ ],
+ [
+ "Ġgrow",
+ "s"
+ ],
+ [
+ "ep",
+ "ing"
+ ],
+ [
+ "ail",
+ "ing"
+ ],
+ [
+ "Ġregul",
+ "atory"
+ ],
+ [
+ "Ġenter",
+ "pr"
+ ],
+ [
+ "Ġparagraph",
+ "s"
+ ],
+ [
+ "Ġlast",
+ "ing"
+ ],
+ [
+ "ĠCan",
+ "cer"
+ ],
+ [
+ "Ġnit",
+ "rogen"
+ ],
+ [
+ "ĠL",
+ "G"
+ ],
+ [
+ "red",
+ "ict"
+ ],
+ [
+ "Ġpractition",
+ "ers"
+ ],
+ [
+ "ber",
+ "ry"
+ ],
+ [
+ "Ġemploy",
+ "ee"
+ ],
+ [
+ "ĠCommun",
+ "ication"
+ ],
+ [
+ "Ġsci",
+ "ences"
+ ],
+ [
+ "Ġne",
+ "ither"
+ ],
+ [
+ "re",
+ "y"
+ ],
+ [
+ "Ġport",
+ "ray"
+ ],
+ [
+ "Ġdel",
+ "ivered"
+ ],
+ [
+ "L",
+ "C"
+ ],
+ [
+ "Ġhorm",
+ "one"
+ ],
+ [
+ "Ġexpand",
+ "ed"
+ ],
+ [
+ "Ġver",
+ "te"
+ ],
+ [
+ "ĠSt",
+ "ory"
+ ],
+ [
+ "ĠWith",
+ "out"
+ ],
+ [
+ "ĠSp",
+ "ir"
+ ],
+ [
+ "t",
+ "ics"
+ ],
+ [
+ "Ġeas",
+ "tern"
+ ],
+ [
+ "ĠM",
+ "aster"
+ ],
+ [
+ "Ġaud",
+ "iences"
+ ],
+ [
+ "ĠI",
+ "ran"
+ ],
+ [
+ "ĠC",
+ "E"
+ ],
+ [
+ "or",
+ "i"
+ ],
+ [
+ "Ġ",
+ "ðŁ"
+ ],
+ [
+ "å",
+ "ı"
+ ],
+ [
+ "ap",
+ "ed"
+ ],
+ [
+ "Ġobst",
+ "acles"
+ ],
+ [
+ "ĠB",
+ "rown"
+ ],
+ [
+ "Ġtra",
+ "ding"
+ ],
+ [
+ "Ġinhab",
+ "it"
+ ],
+ [
+ "k",
+ "ins"
+ ],
+ [
+ "Ġsc",
+ "al"
+ ],
+ [
+ "ax",
+ "is"
+ ],
+ [
+ "Ġfore",
+ "cast"
+ ],
+ [
+ "ĠC",
+ "ond"
+ ],
+ [
+ "ĠA",
+ "B"
+ ],
+ [
+ "Ġhol",
+ "es"
+ ],
+ [
+ "a",
+ "us"
+ ],
+ [
+ "Ġtrack",
+ "ing"
+ ],
+ [
+ "ĠJose",
+ "ph"
+ ],
+ [
+ "Ġc",
+ "odes"
+ ],
+ [
+ "Ġcar",
+ "bohyd"
+ ],
+ [
+ "Ġkil",
+ "omet"
+ ],
+ [
+ "pl",
+ "ed"
+ ],
+ [
+ "ĠE",
+ "conomic"
+ ],
+ [
+ "ĠS",
+ "ep"
+ ],
+ [
+ "Ġdisc",
+ "om"
+ ],
+ [
+ "Ġwind",
+ "ows"
+ ],
+ [
+ "ĠU",
+ "k"
+ ],
+ [
+ "Ġthor",
+ "ough"
+ ],
+ [
+ "Ġdoll",
+ "ars"
+ ],
+ [
+ "Ġstr",
+ "ange"
+ ],
+ [
+ "Ġf",
+ "ing"
+ ],
+ [
+ "c",
+ "m"
+ ],
+ [
+ "Ġy",
+ "e"
+ ],
+ [
+ "Ġs",
+ "aving"
+ ],
+ [
+ "?",
+ "âĢĿ"
+ ],
+ [
+ "Ġsh",
+ "oot"
+ ],
+ [
+ "Ġ(",
+ "\""
+ ],
+ [
+ "Ġcalcul",
+ "ator"
+ ],
+ [
+ "Ġtextbook",
+ "s"
+ ],
+ [
+ "ir",
+ "th"
+ ],
+ [
+ "ĠS",
+ "P"
+ ],
+ [
+ "ĠDef",
+ "inition"
+ ],
+ [
+ "ĠVal",
+ "ley"
+ ],
+ [
+ "ĠW",
+ "ikipedia"
+ ],
+ [
+ "Ġsh",
+ "ut"
+ ],
+ [
+ "ur",
+ "ning"
+ ],
+ [
+ "math",
+ "rm"
+ ],
+ [
+ "et",
+ "a"
+ ],
+ [
+ "ĠF",
+ "ull"
+ ],
+ [
+ "Ġold",
+ "est"
+ ],
+ [
+ "Ġge",
+ "ometry"
+ ],
+ [
+ "row",
+ "th"
+ ],
+ [
+ "Ġs",
+ "elling"
+ ],
+ [
+ "Ġb",
+ "low"
+ ],
+ [
+ "S",
+ "he"
+ ],
+ [
+ "Ġappro",
+ "ved"
+ ],
+ [
+ "ĠI",
+ "D"
+ ],
+ [
+ "Ġcon",
+ "qu"
+ ],
+ [
+ "n",
+ "ight"
+ ],
+ [
+ "Ġinvest",
+ "ors"
+ ],
+ [
+ "ĠUn",
+ "like"
+ ],
+ [
+ "Ġt",
+ "on"
+ ],
+ [
+ "ĠSh",
+ "are"
+ ],
+ [
+ "ĠPer",
+ "form"
+ ],
+ [
+ "Ġinvolve",
+ "ment"
+ ],
+ [
+ "d",
+ "raw"
+ ],
+ [
+ "ĠSw",
+ "ed"
+ ],
+ [
+ "ig",
+ "er"
+ ],
+ [
+ "ol",
+ "ds"
+ ],
+ [
+ "ĠS",
+ "und"
+ ],
+ [
+ "ure",
+ "au"
+ ],
+ [
+ "ap",
+ "ters"
+ ],
+ [
+ "ĠAtl",
+ "antic"
+ ],
+ [
+ "ĠRel",
+ "ations"
+ ],
+ [
+ "ck",
+ "ing"
+ ],
+ [
+ "d",
+ "d"
+ ],
+ [
+ "ĠT",
+ "ypes"
+ ],
+ [
+ ".",
+ "'"
+ ],
+ [
+ "-",
+ "N"
+ ],
+ [
+ "ĠSm",
+ "all"
+ ],
+ [
+ "Ġinvest",
+ "ments"
+ ],
+ [
+ "Ġadapt",
+ "ation"
+ ],
+ [
+ "Ġgent",
+ "le"
+ ],
+ [
+ "Ġplant",
+ "ing"
+ ],
+ [
+ "ra",
+ "v"
+ ],
+ [
+ "ĠW",
+ "al"
+ ],
+ [
+ "Ġsatis",
+ "faction"
+ ],
+ [
+ "in",
+ "ite"
+ ],
+ [
+ "ĠPart",
+ "y"
+ ],
+ [
+ "Ġele",
+ "ction"
+ ],
+ [
+ "Ġpre",
+ "ced"
+ ],
+ [
+ "Ġdest",
+ "ruction"
+ ],
+ [
+ "Ġm",
+ "ine"
+ ],
+ [
+ "ad",
+ "der"
+ ],
+ [
+ "Ġearth",
+ "qu"
+ ],
+ [
+ "M",
+ "od"
+ ],
+ [
+ "point",
+ "s"
+ ],
+ [
+ "T",
+ "rans"
+ ],
+ [
+ "it",
+ "amin"
+ ],
+ [
+ "ib",
+ "li"
+ ],
+ [
+ "Ġl",
+ "osing"
+ ],
+ [
+ "Ġowners",
+ "hip"
+ ],
+ [
+ ">",
+ ">"
+ ],
+ [
+ "am",
+ "i"
+ ],
+ [
+ "Ġinflu",
+ "ential"
+ ],
+ [
+ "Ġn",
+ "est"
+ ],
+ [
+ "ou",
+ "l"
+ ],
+ [
+ "Ġdis",
+ "aster"
+ ],
+ [
+ "A",
+ "TION"
+ ],
+ [
+ "Ġdo",
+ "se"
+ ],
+ [
+ "Ġdetect",
+ "ed"
+ ],
+ [
+ "<",
+ "/"
+ ],
+ [
+ "C",
+ "P"
+ ],
+ [
+ "}",
+ ","
+ ],
+ [
+ "Ġc",
+ "aught"
+ ],
+ [
+ "ĠR",
+ "oyal"
+ ],
+ [
+ "ĠF",
+ "unction"
+ ],
+ [
+ "ĠPl",
+ "us"
+ ],
+ [
+ "az",
+ "z"
+ ],
+ [
+ "Ġsaf",
+ "egu"
+ ],
+ [
+ "ric",
+ "ks"
+ ],
+ [
+ "on",
+ "ics"
+ ],
+ [
+ "Ġseem",
+ "ingly"
+ ],
+ [
+ "Ġscre",
+ "ening"
+ ],
+ [
+ "Ġaccompl",
+ "ish"
+ ],
+ [
+ "as",
+ "ant"
+ ],
+ [
+ "Ġcol",
+ "umns"
+ ],
+ [
+ "Ġmagn",
+ "itude"
+ ],
+ [
+ "Ġmag",
+ "ical"
+ ],
+ [
+ "A",
+ "I"
+ ],
+ [
+ "Ġestablish",
+ "ing"
+ ],
+ [
+ "chn",
+ "ology"
+ ],
+ [
+ "om",
+ "er"
+ ],
+ [
+ "Ġtrig",
+ "ger"
+ ],
+ [
+ "qu",
+ "ir"
+ ],
+ [
+ "Lear",
+ "n"
+ ],
+ [
+ "Ġm",
+ "ur"
+ ],
+ [
+ "Ġd",
+ "ict"
+ ],
+ [
+ "Ġexc",
+ "ited"
+ ],
+ [
+ "Ġf",
+ "ats"
+ ],
+ [
+ "Ġvictim",
+ "s"
+ ],
+ [
+ "Ġqu",
+ "iet"
+ ],
+ [
+ "ĠD",
+ "ue"
+ ],
+ [
+ "Ġweap",
+ "ons"
+ ],
+ [
+ "ĠF",
+ "ire"
+ ],
+ [
+ "Ġchrom",
+ "os"
+ ],
+ [
+ "Ġaddress",
+ "es"
+ ],
+ [
+ "ĠP",
+ "ersonal"
+ ],
+ [
+ "og",
+ "y"
+ ],
+ [
+ "14",
+ "0"
+ ],
+ [
+ "Ġrec",
+ "ip"
+ ],
+ [
+ "ĠS",
+ "earch"
+ ],
+ [
+ "rou",
+ "d"
+ ],
+ [
+ "Ġman",
+ "ager"
+ ],
+ [
+ "ĠTreat",
+ "ment"
+ ],
+ [
+ "N",
+ "ote"
+ ],
+ [
+ "J",
+ "ust"
+ ],
+ [
+ "h",
+ "ar"
+ ],
+ [
+ "Ġaddress",
+ "ed"
+ ],
+ [
+ "Ġstrugg",
+ "les"
+ ],
+ [
+ "Ġprom",
+ "ising"
+ ],
+ [
+ "ĠE",
+ "mer"
+ ],
+ [
+ "Ġinf",
+ "o"
+ ],
+ [
+ "Ġamid",
+ "st"
+ ],
+ [
+ "Ġ",
+ "~"
+ ],
+ [
+ "iz",
+ "abeth"
+ ],
+ [
+ "ra",
+ "ine"
+ ],
+ [
+ "ĠCh",
+ "icago"
+ ],
+ [
+ "un",
+ "ci"
+ ],
+ [
+ "Ġc",
+ "igare"
+ ],
+ [
+ "Ġo",
+ "m"
+ ],
+ [
+ "Ġeld",
+ "er"
+ ],
+ [
+ "Ġm",
+ "ask"
+ ],
+ [
+ "Ġsp",
+ "ots"
+ ],
+ [
+ "Ġsh",
+ "ips"
+ ],
+ [
+ "Ġdiscom",
+ "fort"
+ ],
+ [
+ "Ġconscious",
+ "ness"
+ ],
+ [
+ "(",
+ "p"
+ ],
+ [
+ "Ġpat",
+ "ience"
+ ],
+ [
+ "Ġh",
+ "orses"
+ ],
+ [
+ "Ġlung",
+ "s"
+ ],
+ [
+ "Ġod",
+ "d"
+ ],
+ [
+ "et",
+ "ed"
+ ],
+ [
+ "Ġhum",
+ "or"
+ ],
+ [
+ "Ġconsider",
+ "able"
+ ],
+ [
+ "and",
+ "on"
+ ],
+ [
+ "Ġor",
+ "th"
+ ],
+ [
+ "Ġoccur",
+ "ring"
+ ],
+ [
+ "Ġg",
+ "iant"
+ ],
+ [
+ "ĠM",
+ "ind"
+ ],
+ [
+ "Ġhaz",
+ "ard"
+ ],
+ [
+ "ĠJohns",
+ "on"
+ ],
+ [
+ "ar",
+ "ation"
+ ],
+ [
+ "V",
+ "I"
+ ],
+ [
+ "os",
+ "h"
+ ],
+ [
+ "Ġkind",
+ "ergarten"
+ ],
+ [
+ "Ġrecycl",
+ "ing"
+ ],
+ [
+ "Ġse",
+ "cre"
+ ],
+ [
+ "Ġdis",
+ "ability"
+ ],
+ [
+ "Ġclot",
+ "hes"
+ ],
+ [
+ "Ġt",
+ "ale"
+ ],
+ [
+ "it",
+ "ches"
+ ],
+ [
+ "Ġf",
+ "ur"
+ ],
+ [
+ "ĠP",
+ "ages"
+ ],
+ [
+ "ist",
+ "ant"
+ ],
+ [
+ "Ġadv",
+ "is"
+ ],
+ [
+ "Ġdigest",
+ "ive"
+ ],
+ [
+ "Ġsepar",
+ "ation"
+ ],
+ [
+ "ĠT",
+ "ips"
+ ],
+ [
+ "Ġsurpr",
+ "ising"
+ ],
+ [
+ "ĠRel",
+ "ig"
+ ],
+ [
+ "Ġconfirm",
+ "ed"
+ ],
+ [
+ "Ġrest",
+ "ric"
+ ],
+ [
+ "Ġsepar",
+ "ated"
+ ],
+ [
+ "Ġref",
+ "uge"
+ ],
+ [
+ "Ġcapt",
+ "ured"
+ ],
+ [
+ "ĠGe",
+ "org"
+ ],
+ [
+ "Ġisol",
+ "ated"
+ ],
+ [
+ "v",
+ "ision"
+ ],
+ [
+ "E",
+ "G"
+ ],
+ [
+ "$$",
+ "ĊĊ"
+ ],
+ [
+ "Ġsatell",
+ "ite"
+ ],
+ [
+ "Ġvis",
+ "iting"
+ ],
+ [
+ "Ġthan",
+ "k"
+ ],
+ [
+ "eli",
+ "hood"
+ ],
+ [
+ "Ð",
+ "´"
+ ],
+ [
+ "Ġevol",
+ "ving"
+ ],
+ [
+ "Ġex",
+ "haust"
+ ],
+ [
+ "rict",
+ "ion"
+ ],
+ [
+ "cur",
+ "rent"
+ ],
+ [
+ "Ġcrit",
+ "ically"
+ ],
+ [
+ "17",
+ "9"
+ ],
+ [
+ "est",
+ "one"
+ ],
+ [
+ "Ġg",
+ "est"
+ ],
+ [
+ "Ġreg",
+ "ression"
+ ],
+ [
+ "Ġsequ",
+ "ences"
+ ],
+ [
+ "ĠC",
+ "at"
+ ],
+ [
+ "Ġequ",
+ "ity"
+ ],
+ [
+ "ĠH",
+ "indu"
+ ],
+ [
+ "be",
+ "an"
+ ],
+ [
+ "ĠSh",
+ "ould"
+ ],
+ [
+ "Ġhol",
+ "iday"
+ ],
+ [
+ "Ġinter",
+ "ior"
+ ],
+ [
+ "Ġdig",
+ "its"
+ ],
+ [
+ "ĠKore",
+ "a"
+ ],
+ [
+ "/",
+ "p"
+ ],
+ [
+ "ay",
+ "er"
+ ],
+ [
+ "Ġpost",
+ "s"
+ ],
+ [
+ "Ġplan",
+ "ned"
+ ],
+ [
+ "ĠH",
+ "or"
+ ],
+ [
+ "act",
+ "s"
+ ],
+ [
+ "m",
+ "edi"
+ ],
+ [
+ "ys",
+ "ical"
+ ],
+ [
+ "Ġdeg",
+ "rad"
+ ],
+ [
+ "Ġacqu",
+ "ired"
+ ],
+ [
+ "Ġwell",
+ "ness"
+ ],
+ [
+ "ĠG",
+ "iven"
+ ],
+ [
+ "Ġdef",
+ "end"
+ ],
+ [
+ "á",
+ "¹"
+ ],
+ [
+ "B",
+ "D"
+ ],
+ [
+ "ĠIr",
+ "ish"
+ ],
+ [
+ "ink",
+ "ing"
+ ],
+ [
+ "Ġto",
+ "m"
+ ],
+ [
+ "f",
+ "ast"
+ ],
+ [
+ "end",
+ "ar"
+ ],
+ [
+ "Ġl",
+ "ymph"
+ ],
+ [
+ "Ġdemonstr",
+ "ates"
+ ],
+ [
+ "opy",
+ "right"
+ ],
+ [
+ "Ġc",
+ "ort"
+ ],
+ [
+ "ĠCommit",
+ "tee"
+ ],
+ [
+ "âĢĿ",
+ ".Ċ"
+ ],
+ [
+ "ĠÂ",
+ "»"
+ ],
+ [
+ "Ġdi",
+ "pl"
+ ],
+ [
+ "ang",
+ "er"
+ ],
+ [
+ "Ġfant",
+ "astic"
+ ],
+ [
+ "ĠÂ",
+ "©"
+ ],
+ [
+ "ĠBet",
+ "ween"
+ ],
+ [
+ "Ġmaintain",
+ "ed"
+ ],
+ [
+ "Ġv",
+ "oices"
+ ],
+ [
+ "Ġachieve",
+ "ment"
+ ],
+ [
+ "ĠL",
+ "ittle"
+ ],
+ [
+ "Ġbre",
+ "ed"
+ ],
+ [
+ "In",
+ "st"
+ ],
+ [
+ "Ġfac",
+ "ility"
+ ],
+ [
+ "Ġ",
+ "^"
+ ],
+ [
+ "Ġcorpor",
+ "ate"
+ ],
+ [
+ "ĠH",
+ "ence"
+ ],
+ [
+ "Ġt",
+ "ons"
+ ],
+ [
+ "w",
+ "s"
+ ],
+ [
+ "Ġexpand",
+ "ing"
+ ],
+ [
+ "ĠTra",
+ "ining"
+ ],
+ [
+ "ĠTe",
+ "aching"
+ ],
+ [
+ "Ġord",
+ "ers"
+ ],
+ [
+ "Ġm",
+ "useum"
+ ],
+ [
+ "Ġmanufacture",
+ "rs"
+ ],
+ [
+ "Ġcorre",
+ "lation"
+ ],
+ [
+ "Ġrespect",
+ "ive"
+ ],
+ [
+ "Ġgen",
+ "uine"
+ ],
+ [
+ "Ġess",
+ "ence"
+ ],
+ [
+ "en",
+ "cing"
+ ],
+ [
+ "Ġfat",
+ "ty"
+ ],
+ [
+ "-",
+ "cont"
+ ],
+ [
+ "Ġview",
+ "ed"
+ ],
+ [
+ "Ġcirc",
+ "ular"
+ ],
+ [
+ "Ġex",
+ "ceed"
+ ],
+ [
+ "ur",
+ "is"
+ ],
+ [
+ "y",
+ "ou"
+ ],
+ [
+ "ĠIS",
+ "BN"
+ ],
+ [
+ "Ġun",
+ "ion"
+ ],
+ [
+ "Ġsod",
+ "ium"
+ ],
+ [
+ "ang",
+ "ular"
+ ],
+ [
+ "Ġadop",
+ "t"
+ ],
+ [
+ "C",
+ "al"
+ ],
+ [
+ "w",
+ "an"
+ ],
+ [
+ "Ġv",
+ "aries"
+ ],
+ [
+ "roll",
+ "ed"
+ ],
+ [
+ "Ġlegis",
+ "l"
+ ],
+ [
+ "as",
+ "ures"
+ ],
+ [
+ "ĠB",
+ "it"
+ ],
+ [
+ "iki",
+ "How"
+ ],
+ [
+ "Ġmodel",
+ "ing"
+ ],
+ [
+ "Ġro",
+ "se"
+ ],
+ [
+ "Ġiss",
+ "ued"
+ ],
+ [
+ "Ġembra",
+ "ce"
+ ],
+ [
+ "Ġben",
+ "e"
+ ],
+ [
+ "ĠMicro",
+ "soft"
+ ],
+ [
+ "Ġgr",
+ "asp"
+ ],
+ [
+ "Ġla",
+ "id"
+ ],
+ [
+ "âĢĶ",
+ "the"
+ ],
+ [
+ "ut",
+ "en"
+ ],
+ [
+ "ĠBl",
+ "ue"
+ ],
+ [
+ "r",
+ "ange"
+ ],
+ [
+ "Ġmod",
+ "erate"
+ ],
+ [
+ "Ġjud",
+ "ge"
+ ],
+ [
+ "mat",
+ "rix"
+ ],
+ [
+ "ĠP",
+ "ay"
+ ],
+ [
+ "Ġpositive",
+ "ly"
+ ],
+ [
+ "se",
+ "curity"
+ ],
+ [
+ "b",
+ "orn"
+ ],
+ [
+ "Ġal",
+ "ive"
+ ],
+ [
+ "ut",
+ "her"
+ ],
+ [
+ "M",
+ "ay"
+ ],
+ [
+ "Ġlow",
+ "est"
+ ],
+ [
+ "Ġopt",
+ "ical"
+ ],
+ [
+ "ly",
+ "mp"
+ ],
+ [
+ "Ġsav",
+ "ings"
+ ],
+ [
+ "y",
+ "er"
+ ],
+ [
+ "Ġf",
+ "ra"
+ ],
+ [
+ "Ã",
+ "§"
+ ],
+ [
+ "Ġter",
+ "ror"
+ ],
+ [
+ "Ġy",
+ "es"
+ ],
+ [
+ "b",
+ "ies"
+ ],
+ [
+ "Ġal",
+ "ien"
+ ],
+ [
+ "Ġmyst",
+ "ery"
+ ],
+ [
+ "ĠS",
+ "ustain"
+ ],
+ [
+ "H",
+ "O"
+ ],
+ [
+ "Ġeng",
+ "ines"
+ ],
+ [
+ "10",
+ "3"
+ ],
+ [
+ "Ġcalcul",
+ "ation"
+ ],
+ [
+ "a",
+ "is"
+ ],
+ [
+ "Ġcust",
+ "oms"
+ ],
+ [
+ "ct",
+ "u"
+ ],
+ [
+ "ĠD",
+ "C"
+ ],
+ [
+ "R",
+ "el"
+ ],
+ [
+ "Ġver",
+ "t"
+ ],
+ [
+ "00",
+ "1"
+ ],
+ [
+ "Al",
+ "so"
+ ],
+ [
+ "ĠTechn",
+ "iques"
+ ],
+ [
+ "Ġs",
+ "ulf"
+ ],
+ [
+ "Ġconcent",
+ "rations"
+ ],
+ [
+ "Ġant",
+ "ioxid"
+ ],
+ [
+ "Ġr",
+ "anges"
+ ],
+ [
+ "Ġregard",
+ "ed"
+ ],
+ [
+ "9",
+ "6"
+ ],
+ [
+ "ĠGra",
+ "nd"
+ ],
+ [
+ "Ġsystem",
+ "atic"
+ ],
+ [
+ "Ġint",
+ "ention"
+ ],
+ [
+ "Ġident",
+ "ical"
+ ],
+ [
+ "ĠHe",
+ "art"
+ ],
+ [
+ "Ġdeb",
+ "ates"
+ ],
+ [
+ "Ñ",
+ "Į"
+ ],
+ [
+ "Ġpl",
+ "as"
+ ],
+ [
+ "Ġhead",
+ "s"
+ ],
+ [
+ "Ġcons",
+ "ent"
+ ],
+ [
+ "Ġathlet",
+ "es"
+ ],
+ [
+ "Ġconsist",
+ "ently"
+ ],
+ [
+ "Ġ-",
+ ">"
+ ],
+ [
+ "Ġg",
+ "ly"
+ ],
+ [
+ "Ġwe",
+ "aring"
+ ],
+ [
+ "at",
+ "us"
+ ],
+ [
+ "e",
+ "em"
+ ],
+ [
+ "(",
+ "m"
+ ],
+ [
+ "ugh",
+ "t"
+ ],
+ [
+ "Ġfat",
+ "igue"
+ ],
+ [
+ "ĠM",
+ "oon"
+ ],
+ [
+ "Ġgu",
+ "ard"
+ ],
+ [
+ "j",
+ "u"
+ ],
+ [
+ "Ġdesign",
+ "ers"
+ ],
+ [
+ "Ġdirect",
+ "ed"
+ ],
+ [
+ "Ġpreval",
+ "ence"
+ ],
+ [
+ "ĠBe",
+ "ing"
+ ],
+ [
+ "Ġadapt",
+ "ed"
+ ],
+ [
+ "Ġprov",
+ "ed"
+ ],
+ [
+ "Ġpart",
+ "ial"
+ ],
+ [
+ "Ġgal",
+ "ax"
+ ],
+ [
+ "ĠO",
+ "bs"
+ ],
+ [
+ "Ġvari",
+ "ed"
+ ],
+ [
+ "Ġex",
+ "ception"
+ ],
+ [
+ "ĠH",
+ "osp"
+ ],
+ [
+ "Ġra",
+ "ising"
+ ],
+ [
+ "cycl",
+ "op"
+ ],
+ [
+ "Ġinst",
+ "itution"
+ ],
+ [
+ "13",
+ "0"
+ ],
+ [
+ "im",
+ "a"
+ ],
+ [
+ "Ġhard",
+ "er"
+ ],
+ [
+ "ol",
+ "ve"
+ ],
+ [
+ "ĠK",
+ "ind"
+ ],
+ [
+ "Ġpay",
+ "ing"
+ ],
+ [
+ "arm",
+ "ing"
+ ],
+ [
+ "Ġcrit",
+ "icism"
+ ],
+ [
+ "Ġâ",
+ "ī"
+ ],
+ [
+ "Ġhy",
+ "giene"
+ ],
+ [
+ "Ġdist",
+ "ances"
+ ],
+ [
+ ".",
+ "w"
+ ],
+ [
+ "Ġdo",
+ "ors"
+ ],
+ [
+ "Ġgr",
+ "ant"
+ ],
+ [
+ "Ġher",
+ "self"
+ ],
+ [
+ "Ġrec",
+ "ur"
+ ],
+ [
+ "Ġqu",
+ "ot"
+ ],
+ [
+ "ĠâĨ",
+ "Ĵ"
+ ],
+ [
+ "ĠSol",
+ "ar"
+ ],
+ [
+ "ign",
+ "ment"
+ ],
+ [
+ "Ġblock",
+ "chain"
+ ],
+ [
+ "ĠD",
+ "id"
+ ],
+ [
+ "se",
+ "m"
+ ],
+ [
+ "Ġsign",
+ "ed"
+ ],
+ [
+ "Ġroad",
+ "s"
+ ],
+ [
+ "T",
+ "ER"
+ ],
+ [
+ "\"",
+ ":"
+ ],
+ [
+ "Ġg",
+ "ently"
+ ],
+ [
+ "Ġcharg",
+ "ed"
+ ],
+ [
+ "il",
+ "ib"
+ ],
+ [
+ "Ġre",
+ "cre"
+ ],
+ [
+ "Ġal",
+ "phabet"
+ ],
+ [
+ "Ġpe",
+ "ers"
+ ],
+ [
+ "ĠStud",
+ "ent"
+ ],
+ [
+ "Ġag",
+ "ed"
+ ],
+ [
+ "c",
+ "ule"
+ ],
+ [
+ "Ġdream",
+ "s"
+ ],
+ [
+ "Ġmin",
+ "i"
+ ],
+ [
+ "i",
+ "ations"
+ ],
+ [
+ "-st",
+ "ep"
+ ],
+ [
+ "Ġentertain",
+ "ment"
+ ],
+ [
+ "ass",
+ "ium"
+ ],
+ [
+ "S",
+ "P"
+ ],
+ [
+ "Ġanaly",
+ "zed"
+ ],
+ [
+ "s",
+ "he"
+ ],
+ [
+ "cipl",
+ "inary"
+ ],
+ [
+ "ĠC",
+ "e"
+ ],
+ [
+ "Ġdri",
+ "ver"
+ ],
+ [
+ "Ġm",
+ "ature"
+ ],
+ [
+ "Ġsect",
+ "ors"
+ ],
+ [
+ "Ġm",
+ "os"
+ ],
+ [
+ "Ñ",
+ "ĭ"
+ ],
+ [
+ "Ġj",
+ "ew"
+ ],
+ [
+ "o",
+ "z"
+ ],
+ [
+ "Ġtransform",
+ "ed"
+ ],
+ [
+ "S",
+ "c"
+ ],
+ [
+ "ĠPort",
+ "ug"
+ ],
+ [
+ "Ġn",
+ "om"
+ ],
+ [
+ "ĠW",
+ "all"
+ ],
+ [
+ "Ġh",
+ "oney"
+ ],
+ [
+ "Ġfru",
+ "str"
+ ],
+ [
+ "el",
+ "ing"
+ ],
+ [
+ "Ġaccording",
+ "ly"
+ ],
+ [
+ "Ġparam",
+ "eter"
+ ],
+ [
+ "Ġt",
+ "ens"
+ ],
+ [
+ "Ġpro",
+ "x"
+ ],
+ [
+ "Ġl",
+ "uck"
+ ],
+ [
+ "Ġind",
+ "irect"
+ ],
+ [
+ "ĠSo",
+ "ft"
+ ],
+ [
+ "Ġto",
+ "mat"
+ ],
+ [
+ "Ã",
+ "Ĺ"
+ ],
+ [
+ "Ġbene",
+ "ath"
+ ],
+ [
+ "Ġunivers",
+ "ities"
+ ],
+ [
+ "Ġman",
+ "agers"
+ ],
+ [
+ "ĠJ",
+ "un"
+ ],
+ [
+ "Ġ",
+ "]"
+ ],
+ [
+ "Ġdef",
+ "ault"
+ ],
+ [
+ ".",
+ "E"
+ ],
+ [
+ "u",
+ "rolog"
+ ],
+ [
+ "Ġsk",
+ "illed"
+ ],
+ [
+ "op",
+ "t"
+ ],
+ [
+ "Ġpo",
+ "ems"
+ ],
+ [
+ "w",
+ "ers"
+ ],
+ [
+ "ĠSh",
+ "akespeare"
+ ],
+ [
+ "âĢĻ",
+ "."
+ ],
+ [
+ "du",
+ "ate"
+ ],
+ [
+ "Ġcon",
+ "clude"
+ ],
+ [
+ "Ġbre",
+ "eding"
+ ],
+ [
+ "Through",
+ "out"
+ ],
+ [
+ "Ġw",
+ "ider"
+ ],
+ [
+ "Ġwar",
+ "ning"
+ ],
+ [
+ "um",
+ "atic"
+ ],
+ [
+ "17",
+ "8"
+ ],
+ [
+ "ĠH",
+ "um"
+ ],
+ [
+ "Ġconsist",
+ "ing"
+ ],
+ [
+ "Ġcere",
+ "mon"
+ ],
+ [
+ "Ġdis",
+ "ag"
+ ],
+ [
+ "EN",
+ "CE"
+ ],
+ [
+ "Ġpol",
+ "ynomial"
+ ],
+ [
+ "Ġsen",
+ "ior"
+ ],
+ [
+ "eal",
+ "and"
+ ],
+ [
+ "is",
+ "ition"
+ ],
+ [
+ "eng",
+ "ths"
+ ],
+ [
+ "Ġcelebr",
+ "ated"
+ ],
+ [
+ "ĠP",
+ "arent"
+ ],
+ [
+ "ĠBas",
+ "ic"
+ ],
+ [
+ "Ġcy",
+ "cles"
+ ],
+ [
+ "ĠE",
+ "nt"
+ ],
+ [
+ "Ġinteg",
+ "ers"
+ ],
+ [
+ "........",
+ "........"
+ ],
+ [
+ "Ġsurpr",
+ "ise"
+ ],
+ [
+ ")",
+ "-"
+ ],
+ [
+ "Ġperfect",
+ "ly"
+ ],
+ [
+ "ĠO",
+ "l"
+ ],
+ [
+ "ex",
+ "ample"
+ ],
+ [
+ "Ġent",
+ "ities"
+ ],
+ [
+ "Do",
+ "es"
+ ],
+ [
+ "ĠE",
+ "dition"
+ ],
+ [
+ "Ġfall",
+ "ing"
+ ],
+ [
+ "Ġf",
+ "r"
+ ],
+ [
+ "Ġrestrict",
+ "ions"
+ ],
+ [
+ "all",
+ "ow"
+ ],
+ [
+ "ĠS",
+ "and"
+ ],
+ [
+ "he",
+ "a"
+ ],
+ [
+ "Ġsou",
+ "l"
+ ],
+ [
+ "Ġearl",
+ "iest"
+ ],
+ [
+ "og",
+ "rams"
+ ],
+ [
+ "U",
+ "p"
+ ],
+ [
+ "ĠI",
+ "V"
+ ],
+ [
+ "Ġun",
+ "p"
+ ],
+ [
+ "ĠR",
+ "oad"
+ ],
+ [
+ "Ġch",
+ "at"
+ ],
+ [
+ "ian",
+ "a"
+ ],
+ [
+ "Ġsur",
+ "ge"
+ ],
+ [
+ "Ġst",
+ "ones"
+ ],
+ [
+ "ol",
+ "i"
+ ],
+ [
+ "Ġcircul",
+ "ation"
+ ],
+ [
+ "Ġstrugg",
+ "ling"
+ ],
+ [
+ "ĠC",
+ "ast"
+ ],
+ [
+ "pare",
+ "n"
+ ],
+ [
+ "U",
+ "V"
+ ],
+ [
+ "Ġin",
+ "clusion"
+ ],
+ [
+ "Ġagg",
+ "reg"
+ ],
+ [
+ "ĠS",
+ "up"
+ ],
+ [
+ "ĠPsych",
+ "ology"
+ ],
+ [
+ "Ġguarant",
+ "ee"
+ ],
+ [
+ "8",
+ "4"
+ ],
+ [
+ "ĠR",
+ "ole"
+ ],
+ [
+ "ĠPr",
+ "im"
+ ],
+ [
+ "ĠSer",
+ "ies"
+ ],
+ [
+ "Ġfeat",
+ "uring"
+ ],
+ [
+ "Ġent",
+ "ering"
+ ],
+ [
+ "ĠVal",
+ "ue"
+ ],
+ [
+ "Ġelement",
+ "ary"
+ ],
+ [
+ "Ġc",
+ "her"
+ ],
+ [
+ "it",
+ "ate"
+ ],
+ [
+ "ĠAdminist",
+ "ration"
+ ],
+ [
+ "+",
+ "+"
+ ],
+ [
+ "(",
+ "):Ċ"
+ ],
+ [
+ "Ġdestroy",
+ "ed"
+ ],
+ [
+ "amb",
+ "da"
+ ],
+ [
+ "Ġtow",
+ "ns"
+ ],
+ [
+ "Ġnot",
+ "ation"
+ ],
+ [
+ "Ġcl",
+ "ay"
+ ],
+ [
+ "8",
+ "1"
+ ],
+ [
+ "Ġreg",
+ "ulate"
+ ],
+ [
+ "Ġappl",
+ "ies"
+ ],
+ [
+ "Ġest",
+ "ate"
+ ],
+ [
+ "ibl",
+ "ical"
+ ],
+ [
+ "il",
+ "a"
+ ],
+ [
+ "ps",
+ "y"
+ ],
+ [
+ "un",
+ "a"
+ ],
+ [
+ "z",
+ "er"
+ ],
+ [
+ "ĠF",
+ "low"
+ ],
+ [
+ "Ġrot",
+ "ation"
+ ],
+ [
+ "M",
+ "an"
+ ],
+ [
+ "ĠMaterial",
+ "s"
+ ],
+ [
+ "Ġrein",
+ "for"
+ ],
+ [
+ "Ġkit",
+ "chen"
+ ],
+ [
+ "av",
+ "al"
+ ],
+ [
+ "Ġd",
+ "ense"
+ ],
+ [
+ "Ġassum",
+ "ptions"
+ ],
+ [
+ "ĠAcc",
+ "ount"
+ ],
+ [
+ "ot",
+ "ion"
+ ],
+ [
+ "Ġconsum",
+ "ed"
+ ],
+ [
+ "Ġdistinct",
+ "ive"
+ ],
+ [
+ "htt",
+ "ps"
+ ],
+ [
+ "ĠSt",
+ "ar"
+ ],
+ [
+ "eles",
+ "c"
+ ],
+ [
+ "ow",
+ "ered"
+ ],
+ [
+ "Ġrep",
+ "rodu"
+ ],
+ [
+ "N",
+ "S"
+ ],
+ [
+ "%",
+ "."
+ ],
+ [
+ "Ġorient",
+ "ation"
+ ],
+ [
+ "ĠM",
+ "ah"
+ ],
+ [
+ "Ġfish",
+ "ing"
+ ],
+ [
+ "Ġen",
+ "erg"
+ ],
+ [
+ "Ġcollect",
+ "ions"
+ ],
+ [
+ "Ġinc",
+ "ident"
+ ],
+ [
+ "Ġisol",
+ "ation"
+ ],
+ [
+ "Ġadop",
+ "tion"
+ ],
+ [
+ "Ġvacc",
+ "ines"
+ ],
+ [
+ "fl",
+ "amm"
+ ],
+ [
+ "ĠM",
+ "ental"
+ ],
+ [
+ "Ġsc",
+ "ar"
+ ],
+ [
+ "ri",
+ "ze"
+ ],
+ [
+ "ie",
+ "ve"
+ ],
+ [
+ "Ġbackground",
+ "s"
+ ],
+ [
+ "Ġaut",
+ "o"
+ ],
+ [
+ "17",
+ "7"
+ ],
+ [
+ "Ġrele",
+ "vance"
+ ],
+ [
+ "ĠJ",
+ "ava"
+ ],
+ [
+ "Ġd",
+ "y"
+ ],
+ [
+ ",",
+ "'"
+ ],
+ [
+ "oc",
+ "a"
+ ],
+ [
+ "ĠApp",
+ "ro"
+ ],
+ [
+ "ĠB",
+ "ul"
+ ],
+ [
+ "gen",
+ "er"
+ ],
+ [
+ "lis",
+ "her"
+ ],
+ [
+ "Ġpath",
+ "s"
+ ],
+ [
+ "Ġha",
+ "ven"
+ ],
+ [
+ "v",
+ "als"
+ ],
+ [
+ "om",
+ "al"
+ ],
+ [
+ "Ġmean",
+ "ings"
+ ],
+ [
+ "Ġafford",
+ "able"
+ ],
+ [
+ "i",
+ "ro"
+ ],
+ [
+ "Ġf",
+ "et"
+ ],
+ [
+ "Ġc",
+ "ourage"
+ ],
+ [
+ "Ġgra",
+ "ms"
+ ],
+ [
+ "am",
+ "ps"
+ ],
+ [
+ "Ġharm",
+ "ony"
+ ],
+ [
+ "ĠSchol",
+ "ar"
+ ],
+ [
+ "ik",
+ "es"
+ ],
+ [
+ "b",
+ "eth"
+ ],
+ [
+ "ick",
+ "ing"
+ ],
+ [
+ "Ġillness",
+ "es"
+ ],
+ [
+ "n",
+ "ab"
+ ],
+ [
+ "Ġabsor",
+ "b"
+ ],
+ [
+ "C",
+ "ar"
+ ],
+ [
+ "A",
+ "ss"
+ ],
+ [
+ "ne",
+ "xt"
+ ],
+ [
+ "Ġn",
+ "urt"
+ ],
+ [
+ "Ġinvest",
+ "ing"
+ ],
+ [
+ "Ġqu",
+ "arter"
+ ],
+ [
+ "te",
+ "en"
+ ],
+ [
+ "ial",
+ "s"
+ ],
+ [
+ "Ġto",
+ "b"
+ ],
+ [
+ "Ġmed",
+ "ieval"
+ ],
+ [
+ "Ġl",
+ "oyal"
+ ],
+ [
+ "Ġhunt",
+ "ing"
+ ],
+ [
+ "Ġaddition",
+ "ally"
+ ],
+ [
+ "Ġinnov",
+ "ations"
+ ],
+ [
+ "Ġcolon",
+ "ies"
+ ],
+ [
+ "Ġseg",
+ "ment"
+ ],
+ [
+ "ĠK",
+ "ar"
+ ],
+ [
+ "Ġintegr",
+ "ating"
+ ],
+ [
+ "un",
+ "icip"
+ ],
+ [
+ "Ġp",
+ "ets"
+ ],
+ [
+ "Ġla",
+ "unch"
+ ],
+ [
+ "per",
+ "or"
+ ],
+ [
+ "ou",
+ "nder"
+ ],
+ [
+ "ep",
+ "s"
+ ],
+ [
+ "C",
+ "R"
+ ],
+ [
+ "Ġtro",
+ "ops"
+ ],
+ [
+ "Ġext",
+ "ension"
+ ],
+ [
+ "Ġw",
+ "ound"
+ ],
+ [
+ "p",
+ "ass"
+ ],
+ [
+ "-",
+ "est"
+ ],
+ [
+ "Ġtrans",
+ "mit"
+ ],
+ [
+ ")čĊ",
+ "čĊ"
+ ],
+ [
+ "Ġdiv",
+ "ine"
+ ],
+ [
+ "Pe",
+ "ople"
+ ],
+ [
+ "Ġbl",
+ "ank"
+ ],
+ [
+ "Ġcompre",
+ "hend"
+ ],
+ [
+ "Ġocc",
+ "as"
+ ],
+ [
+ "Ġconstra",
+ "ints"
+ ],
+ [
+ "Ġv",
+ "ig"
+ ],
+ [
+ "Ġenjoy",
+ "ed"
+ ],
+ [
+ "Ġtem",
+ "porary"
+ ],
+ [
+ "eng",
+ "er"
+ ],
+ [
+ "Ġo",
+ "l"
+ ],
+ [
+ "enn",
+ "y"
+ ],
+ [
+ "Ġdim",
+ "ension"
+ ],
+ [
+ "Ġsh",
+ "orter"
+ ],
+ [
+ "M",
+ "C"
+ ],
+ [
+ "ĠW",
+ "ay"
+ ],
+ [
+ "ĠE",
+ "val"
+ ],
+ [
+ "Ġse",
+ "at"
+ ],
+ [
+ "Ġexc",
+ "ite"
+ ],
+ [
+ "ĠR",
+ "o"
+ ],
+ [
+ "ĠR",
+ "est"
+ ],
+ [
+ "ĠInt",
+ "ellig"
+ ],
+ [
+ "ann",
+ "ed"
+ ],
+ [
+ "||",
+ "="
+ ],
+ [
+ "Ġinter",
+ "section"
+ ],
+ [
+ "Ġrac",
+ "ism"
+ ],
+ [
+ "Ġsome",
+ "what"
+ ],
+ [
+ "7",
+ "1"
+ ],
+ [
+ "Ġlik",
+ "elihood"
+ ],
+ [
+ "Ġag",
+ "ing"
+ ],
+ [
+ "Ġfu",
+ "els"
+ ],
+ [
+ "ro",
+ "ot"
+ ],
+ [
+ "in",
+ "cluding"
+ ],
+ [
+ "ig",
+ "m"
+ ],
+ [
+ "t",
+ "ra"
+ ],
+ [
+ "Ġf",
+ "an"
+ ],
+ [
+ "um",
+ "er"
+ ],
+ [
+ "end",
+ "ment"
+ ],
+ [
+ "qu",
+ "it"
+ ],
+ [
+ "Ġatt",
+ "itude"
+ ],
+ [
+ "ow",
+ "ers"
+ ],
+ [
+ "istic",
+ "ated"
+ ],
+ [
+ "ond",
+ "ay"
+ ],
+ [
+ "Ġal",
+ "umin"
+ ],
+ [
+ "rop",
+ "ri"
+ ],
+ [
+ "Ġnavig",
+ "ating"
+ ],
+ [
+ "Ġpack",
+ "age"
+ ],
+ [
+ "The",
+ "n"
+ ],
+ [
+ "¿",
+ "½"
+ ],
+ [
+ "zym",
+ "es"
+ ],
+ [
+ "al",
+ "so"
+ ],
+ [
+ "Ġvir",
+ "al"
+ ],
+ [
+ "Ġis",
+ "lands"
+ ],
+ [
+ "Ġscient",
+ "ist"
+ ],
+ [
+ "ĠL",
+ "ew"
+ ],
+ [
+ "Ġassemb",
+ "ly"
+ ],
+ [
+ "Ġr",
+ "oughly"
+ ],
+ [
+ ".",
+ "âĢĻ"
+ ],
+ [
+ "ĠAl",
+ "tern"
+ ],
+ [
+ "j",
+ "i"
+ ],
+ [
+ "Ġcount",
+ "ing"
+ ],
+ [
+ "17",
+ "0"
+ ],
+ [
+ "Ġab",
+ "andon"
+ ],
+ [
+ "Ġnot",
+ "ion"
+ ],
+ [
+ "Ġscen",
+ "es"
+ ],
+ [
+ "Ġsubt",
+ "ract"
+ ],
+ [
+ "Ġt",
+ "ong"
+ ],
+ [
+ "Ġb",
+ "orrow"
+ ],
+ [
+ "Ġlo",
+ "an"
+ ],
+ [
+ "u",
+ "gg"
+ ],
+ [
+ "Ġt",
+ "elling"
+ ],
+ [
+ "E",
+ "ven"
+ ],
+ [
+ "ĠZ",
+ "ealand"
+ ],
+ [
+ "iv",
+ "a"
+ ],
+ [
+ "Ġch",
+ "ocolate"
+ ],
+ [
+ "ĠPhil",
+ "ipp"
+ ],
+ [
+ "12",
+ "5"
+ ],
+ [
+ "Ġcompl",
+ "iance"
+ ],
+ [
+ "Ġrep",
+ "et"
+ ],
+ [
+ "ĠT",
+ "ri"
+ ],
+ [
+ "Ġhighlight",
+ "ing"
+ ],
+ [
+ "u",
+ "an"
+ ],
+ [
+ "ar",
+ "ks"
+ ],
+ [
+ "ĠH",
+ "T"
+ ],
+ [
+ "||=",
+ "||"
+ ],
+ [
+ "ĠOx",
+ "ford"
+ ],
+ [
+ "Ġadvert",
+ "ising"
+ ],
+ [
+ "Ġnumer",
+ "ical"
+ ],
+ [
+ "Ġacceler",
+ "ation"
+ ],
+ [
+ "rad",
+ "es"
+ ],
+ [
+ "col",
+ "or"
+ ],
+ [
+ "ens",
+ "ed"
+ ],
+ [
+ "er",
+ "ge"
+ ],
+ [
+ "Ġan",
+ "throp"
+ ],
+ [
+ "Ġrad",
+ "i"
+ ],
+ [
+ "Ġpro",
+ "hib"
+ ],
+ [
+ "Ġmount",
+ "ains"
+ ],
+ [
+ "Ġb",
+ "ol"
+ ],
+ [
+ "ĠApplic",
+ "ations"
+ ],
+ [
+ "ild",
+ "ren"
+ ],
+ [
+ "Ġcomm",
+ "ission"
+ ],
+ [
+ "Ġhar",
+ "ness"
+ ],
+ [
+ ")",
+ "|Ċ"
+ ],
+ [
+ "Ġal",
+ "le"
+ ],
+ [
+ "ig",
+ "an"
+ ],
+ [
+ "atch",
+ "ing"
+ ],
+ [
+ "d",
+ "ers"
+ ],
+ [
+ "Ġtra",
+ "ce"
+ ],
+ [
+ "ĠUn",
+ "fortunately"
+ ],
+ [
+ "Ġk",
+ "in"
+ ],
+ [
+ "Ġsc",
+ "ales"
+ ],
+ [
+ "å",
+ "Ī"
+ ],
+ [
+ "ĠGree",
+ "ce"
+ ],
+ [
+ "Ġdri",
+ "vers"
+ ],
+ [
+ "Ġreason",
+ "able"
+ ],
+ [
+ "Q",
+ "L"
+ ],
+ [
+ "Ġsp",
+ "elling"
+ ],
+ [
+ "Ġc",
+ "ord"
+ ],
+ [
+ "ĠNe",
+ "ed"
+ ],
+ [
+ "ter",
+ "ior"
+ ],
+ [
+ "ĠBe",
+ "havior"
+ ],
+ [
+ "Ġf",
+ "t"
+ ],
+ [
+ "Ġj",
+ "aw"
+ ],
+ [
+ "ĠP",
+ "ain"
+ ],
+ [
+ "C",
+ "he"
+ ],
+ [
+ "Ġdisplay",
+ "ed"
+ ],
+ [
+ "Ġtob",
+ "acco"
+ ],
+ [
+ "az",
+ "e"
+ ],
+ [
+ "ĠChrist",
+ "ians"
+ ],
+ [
+ "Ġvis",
+ "ited"
+ ],
+ [
+ "en",
+ "er"
+ ],
+ [
+ "Ġgu",
+ "ides"
+ ],
+ [
+ "-",
+ "k"
+ ],
+ [
+ "-",
+ "en"
+ ],
+ [
+ "aw",
+ "are"
+ ],
+ [
+ "Ġdest",
+ "ination"
+ ],
+ [
+ "Ġdut",
+ "y"
+ ],
+ [
+ "ok",
+ "es"
+ ],
+ [
+ "ĠHy",
+ "d"
+ ],
+ [
+ "Ġsynt",
+ "hesis"
+ ],
+ [
+ "Ġparticip",
+ "ating"
+ ],
+ [
+ "Ġcomp",
+ "at"
+ ],
+ [
+ "Ġrep",
+ "roductive"
+ ],
+ [
+ "Ġgra",
+ "in"
+ ],
+ [
+ "F",
+ "ollow"
+ ],
+ [
+ "Ġord",
+ "ered"
+ ],
+ [
+ "ĠExpl",
+ "oring"
+ ],
+ [
+ "w",
+ "orth"
+ ],
+ [
+ "Ġc",
+ "ues"
+ ],
+ [
+ "B",
+ "I"
+ ],
+ [
+ "place",
+ "ment"
+ ],
+ [
+ "Ġdecl",
+ "ared"
+ ],
+ [
+ "Ġaut",
+ "ism"
+ ],
+ [
+ "Ġpress",
+ "ing"
+ ],
+ [
+ "Ġlab",
+ "els"
+ ],
+ [
+ "ĠSol",
+ "utions"
+ ],
+ [
+ "Ġtrans",
+ "mitted"
+ ],
+ [
+ "Ġh",
+ "al"
+ ],
+ [
+ "Ġre",
+ "aches"
+ ],
+ [
+ "Ġcele",
+ "b"
+ ],
+ [
+ "B",
+ "ecause"
+ ],
+ [
+ "Ġw",
+ "elfare"
+ ],
+ [
+ "Ġattrib",
+ "utes"
+ ],
+ [
+ "ic",
+ "ul"
+ ],
+ [
+ "Ġmetabol",
+ "ism"
+ ],
+ [
+ "ile",
+ "m"
+ ],
+ [
+ "omet",
+ "er"
+ ],
+ [
+ "########",
+ "########"
+ ],
+ [
+ "Ġupd",
+ "ates"
+ ],
+ [
+ "ĠF",
+ "ocus"
+ ],
+ [
+ "ĠCom",
+ "par"
+ ],
+ [
+ "ell",
+ "o"
+ ],
+ [
+ "Ġcount",
+ "y"
+ ],
+ [
+ "Ġhy",
+ "brid"
+ ],
+ [
+ "Ġg",
+ "if"
+ ],
+ [
+ "ĠDet",
+ "erm"
+ ],
+ [
+ "Ġcollabor",
+ "ative"
+ ],
+ [
+ "in",
+ "ery"
+ ],
+ [
+ "Ġve",
+ "ctors"
+ ],
+ [
+ "Ġst",
+ "er"
+ ],
+ [
+ "ĠS",
+ "E"
+ ],
+ [
+ "Ġexec",
+ "utive"
+ ],
+ [
+ "Ġschem",
+ "e"
+ ],
+ [
+ "ĠT",
+ "ree"
+ ],
+ [
+ "er",
+ "as"
+ ],
+ [
+ "rane",
+ "an"
+ ],
+ [
+ "ilib",
+ "rium"
+ ],
+ [
+ "ract",
+ "ions"
+ ],
+ [
+ "ĠApp",
+ "l"
+ ],
+ [
+ "Ġal",
+ "ert"
+ ],
+ [
+ "Ġaccess",
+ "ibility"
+ ],
+ [
+ "ĠBi",
+ "ology"
+ ],
+ [
+ "Ġsever",
+ "ity"
+ ],
+ [
+ "Ġpen",
+ "al"
+ ],
+ [
+ "paren",
+ "cy"
+ ],
+ [
+ "Ġabsor",
+ "ption"
+ ],
+ [
+ "ex",
+ "p"
+ ],
+ [
+ "Ġcivil",
+ "ization"
+ ],
+ [
+ "ĠSk",
+ "ills"
+ ],
+ [
+ "Ġfunction",
+ "ality"
+ ],
+ [
+ "Ġaccept",
+ "ance"
+ ],
+ [
+ "Ġphot",
+ "ography"
+ ],
+ [
+ "S",
+ "E"
+ ],
+ [
+ "Ġrec",
+ "ipes"
+ ],
+ [
+ "Ġdel",
+ "icate"
+ ],
+ [
+ "ĠQue",
+ "en"
+ ],
+ [
+ "ĠLG",
+ "BT"
+ ],
+ [
+ "Ġgovern",
+ "ance"
+ ],
+ [
+ "Ġg",
+ "erm"
+ ],
+ [
+ "Ġpre",
+ "y"
+ ],
+ [
+ "Ġopp",
+ "osed"
+ ],
+ [
+ "cess",
+ "ary"
+ ],
+ [
+ "Ġrare",
+ "ly"
+ ],
+ [
+ "Ġg",
+ "athered"
+ ],
+ [
+ "Ġe",
+ "co"
+ ],
+ [
+ "ul",
+ "as"
+ ],
+ [
+ "Ġco",
+ "at"
+ ],
+ [
+ "ci",
+ "pe"
+ ],
+ [
+ "ĠHe",
+ "ad"
+ ],
+ [
+ "Ġbelong",
+ "ing"
+ ],
+ [
+ "Ġille",
+ "gal"
+ ],
+ [
+ "pt",
+ "ic"
+ ],
+ [
+ "Ġbe",
+ "ans"
+ ],
+ [
+ "Ġflav",
+ "ors"
+ ],
+ [
+ "Ġpaint",
+ "ings"
+ ],
+ [
+ "Ġdiagn",
+ "ostic"
+ ],
+ [
+ "ĠMark",
+ "et"
+ ],
+ [
+ "ĠL",
+ "y"
+ ],
+ [
+ "Ġ",
+ ".."
+ ],
+ [
+ "Ġsuggest",
+ "ions"
+ ],
+ [
+ "Ġimm",
+ "ense"
+ ],
+ [
+ "ĠSh",
+ "ort"
+ ],
+ [
+ "Ġconven",
+ "ient"
+ ],
+ [
+ "E",
+ "ach"
+ ],
+ [
+ "-d",
+ "r"
+ ],
+ [
+ "Â",
+ "®"
+ ],
+ [
+ "ith",
+ "metic"
+ ],
+ [
+ "Ġinstall",
+ "ation"
+ ],
+ [
+ "Ġche",
+ "ese"
+ ],
+ [
+ "Î",
+ "±"
+ ],
+ [
+ "cd",
+ "ot"
+ ],
+ [
+ "7",
+ "00"
+ ],
+ [
+ "Ġjud",
+ "gment"
+ ],
+ [
+ "Ġsam",
+ "pling"
+ ],
+ [
+ "E",
+ "m"
+ ],
+ [
+ "Ġpersu",
+ "asive"
+ ],
+ [
+ "ane",
+ "ous"
+ ],
+ [
+ "ĠCon",
+ "clusion"
+ ],
+ [
+ "-spe",
+ "cific"
+ ],
+ [
+ "uis",
+ "ine"
+ ],
+ [
+ "Ġsudden",
+ "ly"
+ ],
+ [
+ "o",
+ "a"
+ ],
+ [
+ "ĠCom",
+ "b"
+ ],
+ [
+ "ĠO",
+ "N"
+ ],
+ [
+ "amm",
+ "a"
+ ],
+ [
+ "Ġp",
+ "ip"
+ ],
+ [
+ "Ġhorm",
+ "ones"
+ ],
+ [
+ "math",
+ "bf"
+ ],
+ [
+ "al",
+ "pha"
+ ],
+ [
+ "ag",
+ "en"
+ ],
+ [
+ "F",
+ "ree"
+ ],
+ [
+ "Ġcrit",
+ "ic"
+ ],
+ [
+ "zy",
+ "me"
+ ],
+ [
+ "ĠDiv",
+ "ision"
+ ],
+ [
+ "ort",
+ "ion"
+ ],
+ [
+ "Ġcell",
+ "ular"
+ ],
+ [
+ "Ġlingu",
+ "istic"
+ ],
+ [
+ "ĠSpe",
+ "c"
+ ],
+ [
+ "Ġre",
+ "const"
+ ],
+ [
+ "Ġc",
+ "otton"
+ ],
+ [
+ "Ġh",
+ "urt"
+ ],
+ [
+ "ĠFor",
+ "ce"
+ ],
+ [
+ "ast",
+ "ics"
+ ],
+ [
+ "Ġbas",
+ "ically"
+ ],
+ [
+ "ĠCon",
+ "cept"
+ ],
+ [
+ "ĠCent",
+ "re"
+ ],
+ [
+ "Ġper",
+ "pet"
+ ],
+ [
+ "ch",
+ "ar"
+ ],
+ [
+ "Ġrequire",
+ "ment"
+ ],
+ [
+ ".",
+ "P"
+ ],
+ [
+ "Ġev",
+ "ident"
+ ],
+ [
+ "Ġro",
+ "yal"
+ ],
+ [
+ "Ġdr",
+ "inks"
+ ],
+ [
+ "ĠP",
+ "ass"
+ ],
+ [
+ "Ġsoph",
+ "isticated"
+ ],
+ [
+ "b",
+ "ell"
+ ],
+ [
+ "å",
+ "ħ"
+ ],
+ [
+ "ĠScot",
+ "land"
+ ],
+ [
+ "lect",
+ "ric"
+ ],
+ [
+ "ĠWe",
+ "ek"
+ ],
+ [
+ "Ġju",
+ "ice"
+ ],
+ [
+ "ĠH",
+ "ard"
+ ],
+ [
+ "ĠM",
+ "aking"
+ ],
+ [
+ "8",
+ "6"
+ ],
+ [
+ "Ġsl",
+ "aves"
+ ],
+ [
+ "Ġconsum",
+ "ing"
+ ],
+ [
+ "ĠVis",
+ "ual"
+ ],
+ [
+ "ak",
+ "a"
+ ],
+ [
+ "10",
+ "4"
+ ],
+ [
+ "Ġevalu",
+ "ating"
+ ],
+ [
+ "Ġr",
+ "an"
+ ],
+ [
+ "Ġsens",
+ "ory"
+ ],
+ [
+ "st",
+ "orm"
+ ],
+ [
+ "Ġindepend",
+ "ently"
+ ],
+ [
+ "Ġast",
+ "hma"
+ ],
+ [
+ "Ġveget",
+ "able"
+ ],
+ [
+ "as",
+ "hes"
+ ],
+ [
+ "Ġsurround",
+ "ings"
+ ],
+ [
+ "Ġgener",
+ "ating"
+ ],
+ [
+ "Ġreflect",
+ "ing"
+ ],
+ [
+ "Ġpup",
+ "ils"
+ ],
+ [
+ "\"",
+ "The"
+ ],
+ [
+ "y",
+ "r"
+ ],
+ [
+ "ĠJust",
+ "ice"
+ ],
+ [
+ "Ġcandid",
+ "ates"
+ ],
+ [
+ "man",
+ "n"
+ ],
+ [
+ "Ġdiscipl",
+ "ines"
+ ],
+ [
+ "Ġp",
+ "ose"
+ ],
+ [
+ "aut",
+ "hor"
+ ],
+ [
+ "Ġuncertain",
+ "ty"
+ ],
+ [
+ "7",
+ "3"
+ ],
+ [
+ "Ġche",
+ "ap"
+ ],
+ [
+ "Ġbound",
+ "ary"
+ ],
+ [
+ "ĠProt",
+ "ection"
+ ],
+ [
+ "Ġassign",
+ "ments"
+ ],
+ [
+ "N",
+ "e"
+ ],
+ [
+ "ĠV",
+ "en"
+ ],
+ [
+ "Ġcour",
+ "ts"
+ ],
+ [
+ "Ġdatas",
+ "et"
+ ],
+ [
+ "th",
+ "is"
+ ],
+ [
+ "Ġst",
+ "ations"
+ ],
+ [
+ "iv",
+ "ation"
+ ],
+ [
+ "Ġpre",
+ "cious"
+ ],
+ [
+ "ĠViet",
+ "nam"
+ ],
+ [
+ "Ġcolor",
+ "ful"
+ ],
+ [
+ "Ġsearch",
+ "ing"
+ ],
+ [
+ "Ġper",
+ "mission"
+ ],
+ [
+ "Ġf",
+ "ed"
+ ],
+ [
+ "G",
+ "e"
+ ],
+ [
+ "10",
+ "8"
+ ],
+ [
+ "Ġaccompan",
+ "ied"
+ ],
+ [
+ ",",
+ "ĊĊ"
+ ],
+ [
+ "S",
+ "I"
+ ],
+ [
+ "Ġsimilar",
+ "ities"
+ ],
+ [
+ "Ġs",
+ "au"
+ ],
+ [
+ "ert",
+ "ation"
+ ],
+ [
+ "Ġtrans",
+ "c"
+ ],
+ [
+ "(",
+ "A"
+ ],
+ [
+ "ĠCarol",
+ "ina"
+ ],
+ [
+ "Ġoffic",
+ "ers"
+ ],
+ [
+ "ĠO",
+ "lymp"
+ ],
+ [
+ "ou",
+ "ns"
+ ],
+ [
+ "ĠAssess",
+ "ment"
+ ],
+ [
+ "ĠJ",
+ "ac"
+ ],
+ [
+ "E",
+ "ss"
+ ],
+ [
+ "O",
+ "K"
+ ],
+ [
+ "F",
+ "T"
+ ],
+ [
+ "ĠA",
+ "ff"
+ ],
+ [
+ "C",
+ "ur"
+ ],
+ [
+ "Ġprecise",
+ "ly"
+ ],
+ [
+ "Ġdescrib",
+ "ing"
+ ],
+ [
+ "Ġemp",
+ "ire"
+ ],
+ [
+ "Ġsub",
+ "mit"
+ ],
+ [
+ "Ġhosp",
+ "itals"
+ ],
+ [
+ "ĠE",
+ "s"
+ ],
+ [
+ "Ġdel",
+ "ight"
+ ],
+ [
+ "Ġte",
+ "ch"
+ ],
+ [
+ "Ġtum",
+ "or"
+ ],
+ [
+ "Ġprec",
+ "ip"
+ ],
+ [
+ "Ġoper",
+ "ational"
+ ],
+ [
+ "ĠHol",
+ "y"
+ ],
+ [
+ "Ġb",
+ "omb"
+ ],
+ [
+ "ĠC",
+ "op"
+ ],
+ [
+ "Ġg",
+ "ift"
+ ],
+ [
+ "re",
+ "p"
+ ],
+ [
+ "Ġst",
+ "ack"
+ ],
+ [
+ "Ġre",
+ "nt"
+ ],
+ [
+ "t",
+ "rans"
+ ],
+ [
+ "T",
+ "wo"
+ ],
+ [
+ "Ġimpl",
+ "ies"
+ ],
+ [
+ "Ġd",
+ "ies"
+ ],
+ [
+ "ä",
+ "»"
+ ],
+ [
+ "Ġdispl",
+ "ays"
+ ],
+ [
+ "Ġassess",
+ "ments"
+ ],
+ [
+ "âĢľ",
+ "The"
+ ],
+ [
+ "Ð",
+ "¿"
+ ],
+ [
+ "Ġspeak",
+ "ers"
+ ],
+ [
+ "Ġqu",
+ "otes"
+ ],
+ [
+ "Ġpersonal",
+ "ized"
+ ],
+ [
+ "at",
+ "omy"
+ ],
+ [
+ "æ",
+ "ķ"
+ ],
+ [
+ ")",
+ "||"
+ ],
+ [
+ "om",
+ "ous"
+ ],
+ [
+ "Ġacqu",
+ "ire"
+ ],
+ [
+ "id",
+ "al"
+ ],
+ [
+ "Ġor",
+ "ange"
+ ],
+ [
+ "Ġconf",
+ "usion"
+ ],
+ [
+ "Ġp",
+ "od"
+ ],
+ [
+ "ook",
+ "ed"
+ ],
+ [
+ "v",
+ "ard"
+ ],
+ [
+ "Ġeven",
+ "ing"
+ ],
+ [
+ "Ġgra",
+ "b"
+ ],
+ [
+ "Ġsmall",
+ "est"
+ ],
+ [
+ "Ġen",
+ "emy"
+ ],
+ [
+ "cre",
+ "en"
+ ],
+ [
+ "ĠR",
+ "am"
+ ],
+ [
+ "Ġjoint",
+ "s"
+ ],
+ [
+ "Ġstreng",
+ "the"
+ ],
+ [
+ "Ġsurg",
+ "ical"
+ ],
+ [
+ "ĠBl",
+ "ood"
+ ],
+ [
+ "Ġsl",
+ "ave"
+ ],
+ [
+ "Ġconf",
+ "erence"
+ ],
+ [
+ "ĠSe",
+ "cret"
+ ],
+ [
+ "Ġimp",
+ "air"
+ ],
+ [
+ "ĠLe",
+ "e"
+ ],
+ [
+ "ĠPres",
+ "ent"
+ ],
+ [
+ "-",
+ "\\"
+ ],
+ [
+ "it",
+ "ar"
+ ],
+ [
+ "il",
+ "ateral"
+ ],
+ [
+ "Ġinter",
+ "connected"
+ ],
+ [
+ "Ġ",
+ "ì"
+ ],
+ [
+ "Ġpo",
+ "et"
+ ],
+ [
+ "Ġdram",
+ "atic"
+ ],
+ [
+ "ĠE",
+ "C"
+ ],
+ [
+ "Ġpredict",
+ "ed"
+ ],
+ [
+ "Ġwhe",
+ "at"
+ ],
+ [
+ "Ġke",
+ "ys"
+ ],
+ [
+ "Ġat",
+ "omic"
+ ],
+ [
+ "Ġd",
+ "ress"
+ ],
+ [
+ "ĠInd",
+ "ividual"
+ ],
+ [
+ ":",
+ "||"
+ ],
+ [
+ "D",
+ "ata"
+ ],
+ [
+ "Ġu",
+ "pl"
+ ],
+ [
+ "ĠIdent",
+ "ify"
+ ],
+ [
+ "tt",
+ "es"
+ ],
+ [
+ "Ġintrig",
+ "uing"
+ ],
+ [
+ "ĠMin",
+ "ister"
+ ],
+ [
+ "Ġcir",
+ "cles"
+ ],
+ [
+ "Ġflo",
+ "at"
+ ],
+ [
+ "ĠInd",
+ "ones"
+ ],
+ [
+ "Ġp",
+ "roud"
+ ],
+ [
+ "Ġspeak",
+ "er"
+ ],
+ [
+ "reg",
+ "ular"
+ ],
+ [
+ "unci",
+ "ation"
+ ],
+ [
+ "b",
+ "acks"
+ ],
+ [
+ "ĠDist",
+ "rict"
+ ],
+ [
+ "le",
+ "vant"
+ ],
+ [
+ "!",
+ "\""
+ ],
+ [
+ "Ġg",
+ "ear"
+ ],
+ [
+ "}$",
+ "ĊĊ"
+ ],
+ [
+ "Ġshif",
+ "ts"
+ ],
+ [
+ "or",
+ "ig"
+ ],
+ [
+ "-",
+ "un"
+ ],
+ [
+ "Ġpass",
+ "es"
+ ],
+ [
+ "Ġenh",
+ "ances"
+ ],
+ [
+ "ĠN",
+ "eg"
+ ],
+ [
+ "Ġb",
+ "att"
+ ],
+ [
+ "Ġworld",
+ "s"
+ ],
+ [
+ "-cent",
+ "ury"
+ ],
+ [
+ "7",
+ "6"
+ ],
+ [
+ "em",
+ "b"
+ ],
+ [
+ "ov",
+ "id"
+ ],
+ [
+ "Ġp",
+ "ace"
+ ],
+ [
+ "ĠNum",
+ "bers"
+ ],
+ [
+ "Ġimpro",
+ "ves"
+ ],
+ [
+ "$",
+ "."
+ ],
+ [
+ "ĠK",
+ "h"
+ ],
+ [
+ "ĠB",
+ "ody"
+ ],
+ [
+ ".",
+ "R"
+ ],
+ [
+ "Ġp",
+ "ipe"
+ ],
+ [
+ "ĠMethod",
+ "s"
+ ],
+ [
+ "ruct",
+ "ive"
+ ],
+ [
+ "ĠDirect",
+ "or"
+ ],
+ [
+ "Ġg",
+ "aps"
+ ],
+ [
+ "Ġw",
+ "ars"
+ ],
+ [
+ "Ġcommunic",
+ "ations"
+ ],
+ [
+ "7",
+ "4"
+ ],
+ [
+ "at",
+ "i"
+ ],
+ [
+ "B",
+ "A"
+ ],
+ [
+ "eng",
+ "es"
+ ],
+ [
+ "f",
+ "e"
+ ],
+ [
+ "Ġmen",
+ "u"
+ ],
+ [
+ "Ġunc",
+ "over"
+ ],
+ [
+ "Ġut",
+ "ility"
+ ],
+ [
+ "Ġb",
+ "at"
+ ],
+ [
+ "p",
+ "ace"
+ ],
+ [
+ "Ġphys",
+ "ician"
+ ],
+ [
+ "Ġreflect",
+ "ed"
+ ],
+ [
+ "u",
+ "ct"
+ ],
+ [
+ "ĠG",
+ "ames"
+ ],
+ [
+ "at",
+ "oes"
+ ],
+ [
+ "Â",
+ "¢"
+ ],
+ [
+ "ro",
+ "c"
+ ],
+ [
+ "Ġhe",
+ "ter"
+ ],
+ [
+ "Ġinf",
+ "lation"
+ ],
+ [
+ "Ġdefic",
+ "iency"
+ ],
+ [
+ "Ġreput",
+ "ation"
+ ],
+ [
+ "âĢĿ",
+ "ĊĊ"
+ ],
+ [
+ "Ġmor",
+ "ph"
+ ],
+ [
+ "en",
+ "ced"
+ ],
+ [
+ "Ġtit",
+ "les"
+ ],
+ [
+ "ĠPre",
+ "vention"
+ ],
+ [
+ "Ġclaim",
+ "ed"
+ ],
+ [
+ "Ġdistingu",
+ "ish"
+ ],
+ [
+ "Ġconduct",
+ "ing"
+ ],
+ [
+ "ĠG",
+ "M"
+ ],
+ [
+ "Ġy",
+ "oga"
+ ],
+ [
+ "us",
+ "al"
+ ],
+ [
+ "Ġgard",
+ "ens"
+ ],
+ [
+ "Ġp",
+ "el"
+ ],
+ [
+ "Ġpros",
+ "per"
+ ],
+ [
+ "Ġar",
+ "rest"
+ ],
+ [
+ "Ġcollect",
+ "ing"
+ ],
+ [
+ "ĠD",
+ "utch"
+ ],
+ [
+ "ĠThe",
+ "rapy"
+ ],
+ [
+ "ĠP",
+ "u"
+ ],
+ [
+ "Ġcomb",
+ "inations"
+ ],
+ [
+ "Ġp",
+ "ione"
+ ],
+ [
+ "Ġestablish",
+ "ment"
+ ],
+ [
+ "ian",
+ "ces"
+ ],
+ [
+ "u",
+ "ate"
+ ],
+ [
+ "Ġveget",
+ "ation"
+ ],
+ [
+ "Ġb",
+ "orders"
+ ],
+ [
+ "Ab",
+ "out"
+ ],
+ [
+ "ost",
+ "on"
+ ],
+ [
+ "Ġill",
+ "um"
+ ],
+ [
+ "Ġp",
+ "us"
+ ],
+ [
+ "ĠB",
+ "egin"
+ ],
+ [
+ "ĠRe",
+ "qu"
+ ],
+ [
+ "Ġmanufacture",
+ "r"
+ ],
+ [
+ "D",
+ "on"
+ ],
+ [
+ "htt",
+ "p"
+ ],
+ [
+ "iv",
+ "ate"
+ ],
+ [
+ "h",
+ "ost"
+ ],
+ [
+ "Ġcopy",
+ "right"
+ ],
+ [
+ "Ġend",
+ "ing"
+ ],
+ [
+ "el",
+ "ve"
+ ],
+ [
+ "ID",
+ "S"
+ ],
+ [
+ "Ġp",
+ "m"
+ ],
+ [
+ "Ġreplace",
+ "ment"
+ ],
+ [
+ "Ġd",
+ "airy"
+ ],
+ [
+ "ĠD",
+ "rug"
+ ],
+ [
+ "Ġret",
+ "ail"
+ ],
+ [
+ "Ġem",
+ "pir"
+ ],
+ [
+ "-",
+ "com"
+ ],
+ [
+ "Ġmob",
+ "ility"
+ ],
+ [
+ "Ġh",
+ "all"
+ ],
+ [
+ "Ġlo",
+ "ose"
+ ],
+ [
+ "ĠN",
+ "OT"
+ ],
+ [
+ "Ġf",
+ "ought"
+ ],
+ [
+ "Ġl",
+ "on"
+ ],
+ [
+ "Ġattract",
+ "ive"
+ ],
+ [
+ "8",
+ "3"
+ ],
+ [
+ "ou",
+ "red"
+ ],
+ [
+ "Ġass",
+ "et"
+ ],
+ [
+ "an",
+ "ation"
+ ],
+ [
+ "ĠC",
+ "ub"
+ ],
+ [
+ "Ġult",
+ "imate"
+ ],
+ [
+ "Ġamb",
+ "ig"
+ ],
+ [
+ "F",
+ "urther"
+ ],
+ [
+ "Ġcon",
+ "ce"
+ ],
+ [
+ "Ġcent",
+ "ered"
+ ],
+ [
+ "ĠOf",
+ "ten"
+ ],
+ [
+ "i",
+ "ary"
+ ],
+ [
+ "Ġtravel",
+ "ing"
+ ],
+ [
+ "Ġadolesc",
+ "ents"
+ ],
+ [
+ "Ġle",
+ "an"
+ ],
+ [
+ "Ġsav",
+ "ed"
+ ],
+ [
+ "20",
+ "3"
+ ],
+ [
+ "S",
+ "m"
+ ],
+ [
+ "ĠUn",
+ "ivers"
+ ],
+ [
+ "Ġneg",
+ "lect"
+ ],
+ [
+ "Ġlif",
+ "etime"
+ ],
+ [
+ "ic",
+ "ations"
+ ],
+ [
+ "ĠR",
+ "NA"
+ ],
+ [
+ "ena",
+ "issance"
+ ],
+ [
+ "in",
+ "er"
+ ],
+ [
+ "Ġl",
+ "ake"
+ ],
+ [
+ "Ġorgan",
+ "izational"
+ ],
+ [
+ "Ã",
+ "±"
+ ],
+ [
+ "Ġsac",
+ "red"
+ ],
+ [
+ "ĠMach",
+ "ine"
+ ],
+ [
+ "ect",
+ "or"
+ ],
+ [
+ "Ġbe",
+ "at"
+ ],
+ [
+ "Ġrel",
+ "iability"
+ ],
+ [
+ "Ġagg",
+ "ressive"
+ ],
+ [
+ "Ġur",
+ "ine"
+ ],
+ [
+ "ian",
+ "o"
+ ],
+ [
+ "Ġabund",
+ "ant"
+ ],
+ [
+ "ĠSund",
+ "ay"
+ ],
+ [
+ "Ġg",
+ "um"
+ ],
+ [
+ "_",
+ "b"
+ ],
+ [
+ "onal",
+ "d"
+ ],
+ [
+ "Ġconver",
+ "ted"
+ ],
+ [
+ "os",
+ "itive"
+ ],
+ [
+ "ĠWith",
+ "in"
+ ],
+ [
+ "Ġor",
+ "bit"
+ ],
+ [
+ "ari",
+ "um"
+ ],
+ [
+ "Ġop",
+ "ens"
+ ],
+ [
+ "Ġme",
+ "ets"
+ ],
+ [
+ "Stud",
+ "ents"
+ ],
+ [
+ "ogn",
+ "ition"
+ ],
+ [
+ "x",
+ "ual"
+ ],
+ [
+ "ph",
+ "ones"
+ ],
+ [
+ "Ġdef",
+ "ining"
+ ],
+ [
+ "ĠA",
+ "ud"
+ ],
+ [
+ "ĠEss",
+ "ays"
+ ],
+ [
+ "Ġpl",
+ "ain"
+ ],
+ [
+ "Ġpun",
+ "ishment"
+ ],
+ [
+ "Ġteach",
+ "ings"
+ ],
+ [
+ "ĠL",
+ "o"
+ ],
+ [
+ "Ġstre",
+ "ets"
+ ],
+ [
+ "10",
+ "5"
+ ],
+ [
+ ".",
+ ".Ċ"
+ ],
+ [
+ "od",
+ "ed"
+ ],
+ [
+ "ĠO",
+ "R"
+ ],
+ [
+ "Ġin",
+ "ch"
+ ],
+ [
+ "Ġf",
+ "lying"
+ ],
+ [
+ "Ġexcite",
+ "ment"
+ ],
+ [
+ "a",
+ "ft"
+ ],
+ [
+ "Ġanaly",
+ "tical"
+ ],
+ [
+ "Ġrelig",
+ "ions"
+ ],
+ [
+ "ĠRe",
+ "cent"
+ ],
+ [
+ "Ġg",
+ "ate"
+ ],
+ [
+ "b",
+ "ur"
+ ],
+ [
+ "/",
+ "j"
+ ],
+ [
+ "Ġen",
+ "de"
+ ],
+ [
+ "Ġpersist",
+ "ent"
+ ],
+ [
+ "Ġemphas",
+ "izing"
+ ],
+ [
+ "Ġear",
+ "s"
+ ],
+ [
+ "heim",
+ "er"
+ ],
+ [
+ "/",
+ "h"
+ ],
+ [
+ "Ġr",
+ "ib"
+ ],
+ [
+ "Ġcat",
+ "aly"
+ ],
+ [
+ "-c",
+ "alled"
+ ],
+ [
+ "Ġ",
+ ":Ċ"
+ ],
+ [
+ "Ġad",
+ "vers"
+ ],
+ [
+ "ĠÐ",
+ "¿"
+ ],
+ [
+ "Ġachieve",
+ "ments"
+ ],
+ [
+ "Ġwor",
+ "st"
+ ],
+ [
+ "ĠF",
+ "ort"
+ ],
+ [
+ "-",
+ "int"
+ ],
+ [
+ "Ġplan",
+ "ets"
+ ],
+ [
+ "Ġher",
+ "b"
+ ],
+ [
+ "ĠF",
+ "ar"
+ ],
+ [
+ "Ġp",
+ "ill"
+ ],
+ [
+ "ĠAl",
+ "gebra"
+ ],
+ [
+ "ĠM",
+ "A"
+ ],
+ [
+ "ĠD",
+ "iet"
+ ],
+ [
+ "Ġh",
+ "arsh"
+ ],
+ [
+ "ĠJ",
+ "ack"
+ ],
+ [
+ "ĠG",
+ "ame"
+ ],
+ [
+ "Ġviol",
+ "ent"
+ ],
+ [
+ "ou",
+ "ds"
+ ],
+ [
+ "(",
+ ")ĊĊ"
+ ],
+ [
+ "k",
+ "ay"
+ ],
+ [
+ "Ġsub",
+ "str"
+ ],
+ [
+ "Ġc",
+ "ow"
+ ],
+ [
+ "ĠThrough",
+ "out"
+ ],
+ [
+ "Ġen",
+ "rich"
+ ],
+ [
+ "ĠStat",
+ "istics"
+ ],
+ [
+ "Ġprol",
+ "ong"
+ ],
+ [
+ "Ġregist",
+ "ered"
+ ],
+ [
+ "Ġking",
+ "dom"
+ ],
+ [
+ "'",
+ ")"
+ ],
+ [
+ "Ġnut",
+ "s"
+ ],
+ [
+ "fore",
+ "st"
+ ],
+ [
+ "c",
+ "ure"
+ ],
+ [
+ "ne",
+ "x"
+ ],
+ [
+ "ĠExpl",
+ "ore"
+ ],
+ [
+ "U",
+ "C"
+ ],
+ [
+ "Ġc",
+ "able"
+ ],
+ [
+ "ĠL",
+ "ess"
+ ],
+ [
+ "Ġbr",
+ "id"
+ ],
+ [
+ "G",
+ "u"
+ ],
+ [
+ "f",
+ "unction"
+ ],
+ [
+ "ĠProble",
+ "ms"
+ ],
+ [
+ "Ġhouse",
+ "holds"
+ ],
+ [
+ "Ġresid",
+ "ential"
+ ],
+ [
+ "Ġb",
+ "in"
+ ],
+ [
+ "pl",
+ "t"
+ ],
+ [
+ "Ġpl",
+ "ates"
+ ],
+ [
+ "Ġspread",
+ "ing"
+ ],
+ [
+ "Ġc",
+ "ure"
+ ],
+ [
+ "Ġinter",
+ "medi"
+ ],
+ [
+ "Ġleg",
+ "end"
+ ],
+ [
+ "ĠQu",
+ "ant"
+ ],
+ [
+ "ĠH",
+ "ill"
+ ],
+ [
+ "N",
+ "umber"
+ ],
+ [
+ "Ġindic",
+ "ators"
+ ],
+ [
+ "Ġbox",
+ "es"
+ ],
+ [
+ "Ġindic",
+ "ating"
+ ],
+ [
+ "Ġsym",
+ "ptom"
+ ],
+ [
+ "Ġem",
+ "erge"
+ ],
+ [
+ "ĠAg",
+ "ency"
+ ],
+ [
+ "Ġamong",
+ "st"
+ ],
+ [
+ "Ġqu",
+ "ote"
+ ],
+ [
+ "u",
+ "um"
+ ],
+ [
+ "Ġas",
+ "c"
+ ],
+ [
+ "ĠGu",
+ "id"
+ ],
+ [
+ "th",
+ "rough"
+ ],
+ [
+ "9",
+ "2"
+ ],
+ [
+ "Ġang",
+ "er"
+ ],
+ [
+ "ar",
+ "ity"
+ ],
+ [
+ "Ġwors",
+ "hip"
+ ],
+ [
+ "Ġcomplex",
+ "ities"
+ ],
+ [
+ "ob",
+ "s"
+ ],
+ [
+ "Ġframew",
+ "orks"
+ ],
+ [
+ "Ġz",
+ "ones"
+ ],
+ [
+ "m",
+ "ain"
+ ],
+ [
+ "Ġreal",
+ "istic"
+ ],
+ [
+ "ĠB",
+ "ang"
+ ],
+ [
+ "Ġdescript",
+ "ive"
+ ],
+ [
+ "Ġm",
+ "ouse"
+ ],
+ [
+ "(",
+ "l"
+ ],
+ [
+ "Ġapplic",
+ "able"
+ ],
+ [
+ "Ġsem",
+ "i"
+ ],
+ [
+ "Ġp",
+ "ests"
+ ],
+ [
+ "L",
+ "P"
+ ],
+ [
+ "Ġprior",
+ "ity"
+ ],
+ [
+ "m",
+ "ates"
+ ],
+ [
+ "ne",
+ "g"
+ ],
+ [
+ "Ġmonth",
+ "ly"
+ ],
+ [
+ "ĠQ",
+ "uality"
+ ],
+ [
+ "Ġinf",
+ "ant"
+ ],
+ [
+ "Ġextra",
+ "ction"
+ ],
+ [
+ "oper",
+ "ative"
+ ],
+ [
+ "C",
+ "o"
+ ],
+ [
+ "ĠL",
+ "ocal"
+ ],
+ [
+ "Ġprogram",
+ "me"
+ ],
+ [
+ "Ġprotocol",
+ "s"
+ ],
+ [
+ "Ġb",
+ "er"
+ ],
+ [
+ "Ġst",
+ "unning"
+ ],
+ [
+ "Ġevery",
+ "where"
+ ],
+ [
+ "Ġsu",
+ "ns"
+ ],
+ [
+ "ĠN",
+ "a"
+ ],
+ [
+ "ment",
+ "ia"
+ ],
+ [
+ "Ġstri",
+ "ke"
+ ],
+ [
+ "Ġcl",
+ "ues"
+ ],
+ [
+ "iter",
+ "ranean"
+ ],
+ [
+ "Ġj",
+ "uris"
+ ],
+ [
+ "ik",
+ "ing"
+ ],
+ [
+ "g",
+ "ence"
+ ],
+ [
+ "ĠChar",
+ "acter"
+ ],
+ [
+ "Ġsh",
+ "oes"
+ ],
+ [
+ "Ġwin",
+ "ning"
+ ],
+ [
+ "Ġbu",
+ "ff"
+ ],
+ [
+ "He",
+ "alth"
+ ],
+ [
+ "Ġorgan",
+ "ize"
+ ],
+ [
+ "Ġtoler",
+ "ance"
+ ],
+ [
+ "Ġminim",
+ "izing"
+ ],
+ [
+ "Ġmetab",
+ "olic"
+ ],
+ [
+ "ce",
+ "ans"
+ ],
+ [
+ "ĠL",
+ "ED"
+ ],
+ [
+ "ĠA",
+ "z"
+ ],
+ [
+ "Ġhaz",
+ "ards"
+ ],
+ [
+ "ot",
+ "ional"
+ ],
+ [
+ "----------------",
+ "--------"
+ ],
+ [
+ "es",
+ "ium"
+ ],
+ [
+ "Ġn",
+ "oun"
+ ],
+ [
+ "v",
+ "it"
+ ],
+ [
+ "in",
+ "als"
+ ],
+ [
+ "Ġcomb",
+ "ines"
+ ],
+ [
+ "ĠEl",
+ "izabeth"
+ ],
+ [
+ "A",
+ "c"
+ ],
+ [
+ "G",
+ "l"
+ ],
+ [
+ "Ġf",
+ "irms"
+ ],
+ [
+ "ĠR",
+ "h"
+ ],
+ [
+ "ĠC",
+ "R"
+ ],
+ [
+ "Ġcall",
+ "ing"
+ ],
+ [
+ "Ġacc",
+ "idents"
+ ],
+ [
+ "h",
+ "ops"
+ ],
+ [
+ "re",
+ "f"
+ ],
+ [
+ "Ġrec",
+ "ording"
+ ],
+ [
+ "Ġtem",
+ "p"
+ ],
+ [
+ "Ġshop",
+ "ping"
+ ],
+ [
+ "comm",
+ "un"
+ ],
+ [
+ "Ġdec",
+ "om"
+ ],
+ [
+ "h",
+ "ire"
+ ],
+ [
+ "Ġ<",
+ "="
+ ],
+ [
+ "Ġge",
+ "ographical"
+ ],
+ [
+ "Ġassum",
+ "ed"
+ ],
+ [
+ "ĠP",
+ "ut"
+ ],
+ [
+ "}",
+ "ĊĊ"
+ ],
+ [
+ "Ġgradu",
+ "ate"
+ ],
+ [
+ "ira",
+ "ble"
+ ],
+ [
+ "Ġunder",
+ "go"
+ ],
+ [
+ "Ġsaf",
+ "er"
+ ],
+ [
+ "Ġsu",
+ "g"
+ ],
+ [
+ "Res",
+ "earch"
+ ],
+ [
+ "M",
+ "E"
+ ],
+ [
+ "ĠM",
+ "ap"
+ ],
+ [
+ "Ġbo",
+ "at"
+ ],
+ [
+ "Ġsp",
+ "ray"
+ ],
+ [
+ "j",
+ "a"
+ ],
+ [
+ "ent",
+ "er"
+ ],
+ [
+ "ask",
+ "a"
+ ],
+ [
+ "cons",
+ "cious"
+ ],
+ [
+ "Ġre",
+ "vers"
+ ],
+ [
+ "og",
+ "ene"
+ ],
+ [
+ "Ġs",
+ "pl"
+ ],
+ [
+ "yl",
+ "van"
+ ],
+ [
+ "Ġsqu",
+ "ares"
+ ],
+ [
+ "m",
+ "ax"
+ ],
+ [
+ ".",
+ "get"
+ ],
+ [
+ "Ñ",
+ "ĩ"
+ ],
+ [
+ "il",
+ "itation"
+ ],
+ [
+ "Ġw",
+ "elcome"
+ ],
+ [
+ "æ",
+ "ľ"
+ ],
+ [
+ "Ġphilosoph",
+ "ical"
+ ],
+ [
+ "Ġdevelop",
+ "s"
+ ],
+ [
+ "+",
+ "\\"
+ ],
+ [
+ "E",
+ "d"
+ ],
+ [
+ "Ġrepe",
+ "at"
+ ],
+ [
+ "Ġpass",
+ "word"
+ ],
+ [
+ "Ġdisc",
+ "ount"
+ ],
+ [
+ "Ġtempl",
+ "ate"
+ ],
+ [
+ "ĠAn",
+ "imal"
+ ],
+ [
+ "ri",
+ "z"
+ ],
+ [
+ "Ġintrodu",
+ "cing"
+ ],
+ [
+ "Ġcr",
+ "imes"
+ ],
+ [
+ "b",
+ "el"
+ ],
+ [
+ "ĠS",
+ "n"
+ ],
+ [
+ "ĠSup",
+ "reme"
+ ],
+ [
+ "u",
+ "per"
+ ],
+ [
+ "ple",
+ "te"
+ ],
+ [
+ "Ġdev",
+ "ast"
+ ],
+ [
+ "Ġal",
+ "lev"
+ ],
+ [
+ "Ġgod",
+ "s"
+ ],
+ [
+ "d",
+ "i"
+ ],
+ [
+ "st",
+ "ic"
+ ],
+ [
+ "Ġcoord",
+ "inates"
+ ],
+ [
+ "p",
+ "m"
+ ],
+ [
+ "O",
+ "V"
+ ],
+ [
+ "Ġswim",
+ "ming"
+ ],
+ [
+ "Ġl",
+ "oud"
+ ],
+ [
+ "ĠI",
+ "ce"
+ ],
+ [
+ "Ġd",
+ "rought"
+ ],
+ [
+ "Ġl",
+ "ob"
+ ],
+ [
+ "Ġdis",
+ "m"
+ ],
+ [
+ "_",
+ "i"
+ ],
+ [
+ "er",
+ "am"
+ ],
+ [
+ "ĠConf",
+ "erence"
+ ],
+ [
+ "Ġperson",
+ "nel"
+ ],
+ [
+ "Ġbe",
+ "es"
+ ],
+ [
+ "ĠPr",
+ "inc"
+ ],
+ [
+ "Ġd",
+ "ilem"
+ ],
+ [
+ "Ġdisag",
+ "ree"
+ ],
+ [
+ "Ġsynt",
+ "hetic"
+ ],
+ [
+ "Ġcheck",
+ "ing"
+ ],
+ [
+ ".g",
+ "ov"
+ ],
+ [
+ "Ġtack",
+ "le"
+ ],
+ [
+ "Ġintellig",
+ "ent"
+ ],
+ [
+ "Ġin",
+ "cent"
+ ],
+ [
+ "Ġcharg",
+ "es"
+ ],
+ [
+ "N",
+ "C"
+ ],
+ [
+ "olog",
+ "ically"
+ ],
+ [
+ "Ġlect",
+ "ure"
+ ],
+ [
+ "Ġresearc",
+ "her"
+ ],
+ [
+ "Ġr",
+ "h"
+ ],
+ [
+ "Ġcomp",
+ "ost"
+ ],
+ [
+ "the",
+ "re"
+ ],
+ [
+ "Ġrelax",
+ "ation"
+ ],
+ [
+ "Ġb",
+ "inding"
+ ],
+ [
+ "Ġconsist",
+ "ency"
+ ],
+ [
+ "Ġcateg",
+ "or"
+ ],
+ [
+ "Ġmind",
+ "fulness"
+ ],
+ [
+ "ĠPr",
+ "in"
+ ],
+ [
+ "9",
+ "1"
+ ],
+ [
+ "Ġ",
+ "Ñģ"
+ ],
+ [
+ "Ġp",
+ "ound"
+ ],
+ [
+ "Ġfore",
+ "ver"
+ ],
+ [
+ "Ġpuzz",
+ "le"
+ ],
+ [
+ "ĠFr",
+ "iday"
+ ],
+ [
+ "p",
+ "in"
+ ],
+ [
+ "Ġgather",
+ "ing"
+ ],
+ [
+ "ĠÂ",
+ "°"
+ ],
+ [
+ "ĠB",
+ "rain"
+ ],
+ [
+ "Ġsuggest",
+ "ing"
+ ],
+ [
+ "ĠM",
+ "D"
+ ],
+ [
+ "ĠD",
+ "ar"
+ ],
+ [
+ "Ġch",
+ "a"
+ ],
+ [
+ "8",
+ "2"
+ ],
+ [
+ "Ġcrypt",
+ "ocur"
+ ],
+ [
+ "Ï",
+ "Ģ"
+ ],
+ [
+ "Ġre",
+ "con"
+ ],
+ [
+ "Ġsub",
+ "tle"
+ ],
+ [
+ "ach",
+ "us"
+ ],
+ [
+ "Ġtrib",
+ "es"
+ ],
+ [
+ "Ġun",
+ "ne"
+ ],
+ [
+ "Ġpay",
+ "ments"
+ ],
+ [
+ "st",
+ "art"
+ ],
+ [
+ "il",
+ "ly"
+ ],
+ [
+ "Ġiniti",
+ "ative"
+ ],
+ [
+ "th",
+ "ur"
+ ],
+ [
+ "ĠFin",
+ "ancial"
+ ],
+ [
+ "W",
+ "ell"
+ ],
+ [
+ "iv",
+ "als"
+ ],
+ [
+ "Ġo",
+ "ils"
+ ],
+ [
+ "Ġinterview",
+ "s"
+ ],
+ [
+ "olog",
+ "ic"
+ ],
+ [
+ "Ġcampaign",
+ "s"
+ ],
+ [
+ "S",
+ "upp"
+ ],
+ [
+ "Ġat",
+ "om"
+ ],
+ [
+ "as",
+ "m"
+ ],
+ [
+ "ĠNever",
+ "theless"
+ ],
+ [
+ "Ġed",
+ "iting"
+ ],
+ [
+ "Ġquant",
+ "itative"
+ ],
+ [
+ "Ġact",
+ "ors"
+ ],
+ [
+ "Ġimag",
+ "ery"
+ ],
+ [
+ ".",
+ "T"
+ ],
+ [
+ "Â",
+ "²"
+ ],
+ [
+ "acks",
+ "on"
+ ],
+ [
+ "Ġexec",
+ "ution"
+ ],
+ [
+ "-sh",
+ "aped"
+ ],
+ [
+ "Ġh",
+ "at"
+ ],
+ [
+ "ĠA",
+ "ction"
+ ],
+ [
+ "-",
+ "line"
+ ],
+ [
+ "ĠChem",
+ "istry"
+ ],
+ [
+ "ĠCam",
+ "bridge"
+ ],
+ [
+ "Ġacc",
+ "ord"
+ ],
+ [
+ "Ġbarri",
+ "er"
+ ],
+ [
+ ".",
+ "B"
+ ],
+ [
+ "ĠLew",
+ "is"
+ ],
+ [
+ "Ġwas",
+ "hing"
+ ],
+ [
+ "ĠM",
+ "id"
+ ],
+ [
+ "im",
+ "p"
+ ],
+ [
+ "U",
+ "D"
+ ],
+ [
+ "f",
+ "are"
+ ],
+ [
+ "pect",
+ "s"
+ ],
+ [
+ "O",
+ "ut"
+ ],
+ [
+ "Ġstop",
+ "ped"
+ ],
+ [
+ ".",
+ "sh"
+ ],
+ [
+ "ĠCo",
+ "ast"
+ ],
+ [
+ "og",
+ "ens"
+ ],
+ [
+ "Ġs",
+ "ister"
+ ],
+ [
+ "clud",
+ "es"
+ ],
+ [
+ "Ġg",
+ "aming"
+ ],
+ [
+ "Ġdecre",
+ "ases"
+ ],
+ [
+ "Ġimmig",
+ "rants"
+ ],
+ [
+ "ĠA",
+ "T"
+ ],
+ [
+ "Ġball",
+ "s"
+ ],
+ [
+ "M",
+ "I"
+ ],
+ [
+ "ĠUlt",
+ "imately"
+ ],
+ [
+ "ĠRed",
+ "u"
+ ],
+ [
+ "ĠAg",
+ "ain"
+ ],
+ [
+ "et",
+ "ts"
+ ],
+ [
+ "Ġt",
+ "ag"
+ ],
+ [
+ "Ġpres",
+ "ervation"
+ ],
+ [
+ "Ġmet",
+ "ap"
+ ],
+ [
+ "Ġpl",
+ "acing"
+ ],
+ [
+ "ĠCons",
+ "ervation"
+ ],
+ [
+ "Ġdevelopment",
+ "al"
+ ],
+ [
+ "ĠPh",
+ "ilos"
+ ],
+ [
+ "Ġw",
+ "id"
+ ],
+ [
+ "Ġthick",
+ "ness"
+ ],
+ [
+ "Ġbelie",
+ "ves"
+ ],
+ [
+ "Ġbl",
+ "end"
+ ],
+ [
+ "More",
+ "over"
+ ],
+ [
+ "on",
+ "ial"
+ ],
+ [
+ "Ġfib",
+ "ers"
+ ],
+ [
+ "Ġen",
+ "orm"
+ ],
+ [
+ "Ġadj",
+ "acent"
+ ],
+ [
+ "ĠIntellig",
+ "ence"
+ ],
+ [
+ "id",
+ "ers"
+ ],
+ [
+ "Ġexcept",
+ "ional"
+ ],
+ [
+ "ĠH",
+ "aving"
+ ],
+ [
+ "Ġ.",
+ "\"ĊĊ"
+ ],
+ [
+ "à¤",
+ "¾"
+ ],
+ [
+ "Ġbus",
+ "y"
+ ],
+ [
+ "Ġco",
+ "ins"
+ ],
+ [
+ "ĠKore",
+ "an"
+ ],
+ [
+ "ĠMe",
+ "chan"
+ ],
+ [
+ "Ġb",
+ "ite"
+ ],
+ [
+ "Ġevalu",
+ "ated"
+ ],
+ [
+ "Ġcy",
+ "t"
+ ],
+ [
+ "bre",
+ "w"
+ ],
+ [
+ "ĠF",
+ "ac"
+ ],
+ [
+ "Ġinspir",
+ "ing"
+ ],
+ [
+ "Ġcons",
+ "erv"
+ ],
+ [
+ "ĠF",
+ "OR"
+ ],
+ [
+ "Ġsuff",
+ "ered"
+ ],
+ [
+ "Ġir",
+ "rig"
+ ],
+ [
+ "Ġopt",
+ "imize"
+ ],
+ [
+ "Ġbas",
+ "ket"
+ ],
+ [
+ "at",
+ "re"
+ ],
+ [
+ "Ġo",
+ "ught"
+ ],
+ [
+ "Ġarg",
+ "ued"
+ ],
+ [
+ "ob",
+ "ic"
+ ],
+ [
+ "Ġfac",
+ "ial"
+ ],
+ [
+ "n",
+ "um"
+ ],
+ [
+ "Ġcandid",
+ "ate"
+ ],
+ [
+ "ĠB",
+ "attle"
+ ],
+ [
+ "e",
+ "or"
+ ],
+ [
+ "ĠOver",
+ "view"
+ ],
+ [
+ "\\",
+ "\\"
+ ],
+ [
+ "ange",
+ "red"
+ ],
+ [
+ "Ġmole",
+ "cule"
+ ],
+ [
+ "Ġimp",
+ "ressive"
+ ],
+ [
+ "c",
+ "in"
+ ],
+ [
+ "is",
+ "ons"
+ ],
+ [
+ "Ġprog",
+ "ression"
+ ],
+ [
+ "Ġdist",
+ "urb"
+ ],
+ [
+ "ĠL",
+ "ove"
+ ],
+ [
+ "Ġphotograph",
+ "s"
+ ],
+ [
+ "Ġt",
+ "ends"
+ ],
+ [
+ "Ġcontain",
+ "ers"
+ ],
+ [
+ "ĠStrateg",
+ "ies"
+ ],
+ [
+ "Ġprev",
+ "ents"
+ ],
+ [
+ "9",
+ "3"
+ ],
+ [
+ "ĠS",
+ "everal"
+ ],
+ [
+ "ĠAd",
+ "apt"
+ ],
+ [
+ "ch",
+ "o"
+ ],
+ [
+ "Ġconst",
+ "itution"
+ ],
+ [
+ "Ġse",
+ "vent"
+ ],
+ [
+ "ĠU",
+ "V"
+ ],
+ [
+ "Ġsed",
+ "iment"
+ ],
+ [
+ "Ġa",
+ "ug"
+ ],
+ [
+ "val",
+ "ues"
+ ],
+ [
+ "ĠCle",
+ "an"
+ ],
+ [
+ "epend",
+ "ence"
+ ],
+ [
+ "Ġb",
+ "ub"
+ ],
+ [
+ "à¥",
+ "į"
+ ],
+ [
+ "Ġdis",
+ "charge"
+ ],
+ [
+ "um",
+ "ing"
+ ],
+ [
+ "Ġemphas",
+ "ize"
+ ],
+ [
+ "ol",
+ "s"
+ ],
+ [
+ "iz",
+ "z"
+ ],
+ [
+ "rib",
+ "e"
+ ],
+ [
+ "'",
+ "]"
+ ],
+ [
+ "Ġcontinu",
+ "ing"
+ ],
+ [
+ "Ġju",
+ "venile"
+ ],
+ [
+ "Ġsettle",
+ "ment"
+ ],
+ [
+ "Ġfoot",
+ "ball"
+ ],
+ [
+ "Ġrest",
+ "ore"
+ ],
+ [
+ "Ġth",
+ "yroid"
+ ],
+ [
+ "Ġcontinu",
+ "ously"
+ ],
+ [
+ "Ġdem",
+ "ocratic"
+ ],
+ [
+ "col",
+ "n"
+ ],
+ [
+ "Ġterrit",
+ "ories"
+ ],
+ [
+ "Ġpack",
+ "aging"
+ ],
+ [
+ "ĠS",
+ "ir"
+ ],
+ [
+ "Ġp",
+ "estic"
+ ],
+ [
+ "Ġdifferent",
+ "ial"
+ ],
+ [
+ "ject",
+ "ive"
+ ],
+ [
+ "Ġp",
+ "or"
+ ],
+ [
+ "ater",
+ "nal"
+ ],
+ [
+ "H",
+ "A"
+ ],
+ [
+ "Ġsim",
+ "ulation"
+ ],
+ [
+ "ĠT",
+ "otal"
+ ],
+ [
+ "ĠR",
+ "enaissance"
+ ],
+ [
+ "ib",
+ "bean"
+ ],
+ [
+ "Ġhum",
+ "idity"
+ ],
+ [
+ "Ġ(",
+ "-"
+ ],
+ [
+ "ĠApp",
+ "le"
+ ],
+ [
+ "Ġwith",
+ "draw"
+ ],
+ [
+ "Ġer",
+ "u"
+ ],
+ [
+ "Ġunf",
+ "old"
+ ],
+ [
+ "Ġin",
+ "verse"
+ ],
+ [
+ "ĠP",
+ "ath"
+ ],
+ [
+ "Ġ!",
+ "="
+ ],
+ [
+ "ĠMex",
+ "ican"
+ ],
+ [
+ "ĠW",
+ "ed"
+ ],
+ [
+ "ĠFore",
+ "st"
+ ],
+ [
+ "Ġtot",
+ "ally"
+ ],
+ [
+ "ors",
+ "hip"
+ ],
+ [
+ "th",
+ "al"
+ ],
+ [
+ "ã",
+ "Ĥ"
+ ],
+ [
+ "u",
+ "fficient"
+ ],
+ [
+ "Ġincred",
+ "ibly"
+ ],
+ [
+ "Ġpain",
+ "ful"
+ ],
+ [
+ "Ġsome",
+ "how"
+ ],
+ [
+ "Ġsupport",
+ "ive"
+ ],
+ [
+ "Ġantib",
+ "iotics"
+ ],
+ [
+ "ol",
+ "er"
+ ],
+ [
+ "Ġcounter",
+ "part"
+ ],
+ [
+ "-",
+ "J"
+ ],
+ [
+ "ign",
+ "ed"
+ ],
+ [
+ "Ġelect",
+ "ed"
+ ],
+ [
+ "Ġre",
+ "hab"
+ ],
+ [
+ "I",
+ "LE"
+ ],
+ [
+ "Ġequ",
+ "als"
+ ],
+ [
+ "Ġdef",
+ "ines"
+ ],
+ [
+ "Ġa",
+ "ids"
+ ],
+ [
+ "F",
+ "ICTION"
+ ],
+ [
+ "on",
+ "ential"
+ ],
+ [
+ "oc",
+ "ate"
+ ],
+ [
+ "ent",
+ "i"
+ ],
+ [
+ "Ġarr",
+ "anged"
+ ],
+ [
+ "a",
+ "ver"
+ ],
+ [
+ "ĠHosp",
+ "ital"
+ ],
+ [
+ "Ġinc",
+ "orrect"
+ ],
+ [
+ "Ġe",
+ "ager"
+ ],
+ [
+ "Ġpredict",
+ "ions"
+ ],
+ [
+ "Ġbe",
+ "am"
+ ],
+ [
+ "on",
+ "ing"
+ ],
+ [
+ "Ġc",
+ "itation"
+ ],
+ [
+ "Ġre",
+ "vel"
+ ],
+ [
+ "ber",
+ "ries"
+ ],
+ [
+ "ĠAct",
+ "ivities"
+ ],
+ [
+ "N",
+ "ame"
+ ],
+ [
+ "ph",
+ "ant"
+ ],
+ [
+ "us",
+ "cript"
+ ],
+ [
+ "E",
+ "W"
+ ],
+ [
+ "Ġart",
+ "work"
+ ],
+ [
+ "Ġorgan",
+ "ism"
+ ],
+ [
+ "Ġformat",
+ "ting"
+ ],
+ [
+ "Ġspe",
+ "eds"
+ ],
+ [
+ "Ġembed",
+ "ded"
+ ],
+ [
+ "ó",
+ "n"
+ ],
+ [
+ "el",
+ "a"
+ ],
+ [
+ "Ġam",
+ "ino"
+ ],
+ [
+ "Ġind",
+ "oor"
+ ],
+ [
+ "Ġb",
+ "aking"
+ ],
+ [
+ "Ġtherap",
+ "ies"
+ ],
+ [
+ ".ht",
+ "ml"
+ ],
+ [
+ "Ġresist",
+ "ant"
+ ],
+ [
+ "17",
+ "5"
+ ],
+ [
+ "ĠD",
+ "ate"
+ ],
+ [
+ "Ġown",
+ "ed"
+ ],
+ [
+ "Ġfing",
+ "ers"
+ ],
+ [
+ "Ġcomple",
+ "ting"
+ ],
+ [
+ "Ġarchitect",
+ "ural"
+ ],
+ [
+ "P",
+ "R"
+ ],
+ [
+ "yn",
+ "asty"
+ ],
+ [
+ "Ġen",
+ "forcement"
+ ],
+ [
+ "Ġrepresent",
+ "ations"
+ ],
+ [
+ "ĠPer",
+ "iod"
+ ],
+ [
+ "Ġch",
+ "apters"
+ ],
+ [
+ "ĠElect",
+ "ric"
+ ],
+ [
+ "Ġcook",
+ "ed"
+ ],
+ [
+ "ab",
+ "s"
+ ],
+ [
+ "Ġmagn",
+ "et"
+ ],
+ [
+ "d",
+ "y"
+ ],
+ [
+ "12",
+ "3"
+ ],
+ [
+ "ĠÂ",
+ "£"
+ ],
+ [
+ "per",
+ "m"
+ ],
+ [
+ "Ġdesign",
+ "ated"
+ ],
+ [
+ "Ġmet",
+ "er"
+ ],
+ [
+ "Ġcoord",
+ "inate"
+ ],
+ [
+ "ĠC",
+ "orpor"
+ ],
+ [
+ "Ġpriv",
+ "ile"
+ ],
+ [
+ "Ġspecial",
+ "ist"
+ ],
+ [
+ "AR",
+ "T"
+ ],
+ [
+ "Ġobserv",
+ "ing"
+ ],
+ [
+ "Ġsh",
+ "ipping"
+ ],
+ [
+ "ĠTh",
+ "ank"
+ ],
+ [
+ "Ġdent",
+ "ist"
+ ],
+ [
+ "Ġrec",
+ "all"
+ ],
+ [
+ "Ġgr",
+ "anted"
+ ],
+ [
+ "E",
+ "r"
+ ],
+ [
+ "at",
+ "in"
+ ],
+ [
+ "Ġstructure",
+ "d"
+ ],
+ [
+ "e",
+ "conomic"
+ ],
+ [
+ "h",
+ "ism"
+ ],
+ [
+ "ĠD",
+ "O"
+ ],
+ [
+ "Ġmother",
+ "s"
+ ],
+ [
+ "ĠCreat",
+ "ive"
+ ],
+ [
+ "art",
+ "s"
+ ],
+ [
+ "m",
+ "ers"
+ ],
+ [
+ "Ġsurround",
+ "ed"
+ ],
+ [
+ "Ġkil",
+ "ogram"
+ ],
+ [
+ "/",
+ "c"
+ ],
+ [
+ "ress",
+ "ions"
+ ],
+ [
+ "Ġleg",
+ "it"
+ ],
+ [
+ "Ġwood",
+ "en"
+ ],
+ [
+ "Ġlib",
+ "ert"
+ ],
+ [
+ "ĠKnow",
+ "ledge"
+ ],
+ [
+ "Ġpres",
+ "cribed"
+ ],
+ [
+ "b",
+ "ow"
+ ],
+ [
+ "Ġ",
+ "âĢĻ"
+ ],
+ [
+ "ĠAct",
+ "ivity"
+ ],
+ [
+ "Ġr",
+ "ough"
+ ],
+ [
+ "ĠHaw",
+ "ai"
+ ],
+ [
+ "Ġinhabit",
+ "ants"
+ ],
+ [
+ "Ġk",
+ "illing"
+ ],
+ [
+ "Ġp",
+ "ushing"
+ ],
+ [
+ "/",
+ "w"
+ ],
+ [
+ "M",
+ "ar"
+ ],
+ [
+ "out",
+ "heast"
+ ],
+ [
+ "ount",
+ "ered"
+ ],
+ [
+ "Ġres",
+ "c"
+ ],
+ [
+ "-",
+ "off"
+ ],
+ [
+ "Ġdi",
+ "ets"
+ ],
+ [
+ "Ġproduct",
+ "ive"
+ ],
+ [
+ "In",
+ "ter"
+ ],
+ [
+ "Ġpoint",
+ "ed"
+ ],
+ [
+ "ĠPro",
+ "p"
+ ],
+ [
+ "Ġtit",
+ "led"
+ ],
+ [
+ "Ġb",
+ "ike"
+ ],
+ [
+ "@",
+ "example"
+ ],
+ [
+ "ĠTeac",
+ "hers"
+ ],
+ [
+ "ĠMed",
+ "iterranean"
+ ],
+ [
+ "ay",
+ "lor"
+ ],
+ [
+ "Ġk",
+ "et"
+ ],
+ [
+ "Ġlike",
+ "wise"
+ ],
+ [
+ "Ġwrit",
+ "es"
+ ],
+ [
+ "i",
+ "op"
+ ],
+ [
+ "Ġrel",
+ "ating"
+ ],
+ [
+ "Ġpreval",
+ "ent"
+ ],
+ [
+ "oc",
+ "ated"
+ ],
+ [
+ "Ġgold",
+ "en"
+ ],
+ [
+ "onym",
+ "ous"
+ ],
+ [
+ "Ġoper",
+ "ator"
+ ],
+ [
+ "Ġrepresent",
+ "ative"
+ ],
+ [
+ "Ġpr",
+ "ide"
+ ],
+ [
+ "Ġcultiv",
+ "ate"
+ ],
+ [
+ "Ġbe",
+ "ll"
+ ],
+ [
+ "ic",
+ "iency"
+ ],
+ [
+ "ĠOr",
+ "der"
+ ],
+ [
+ "Ġb",
+ "its"
+ ],
+ [
+ "ĠS",
+ "pring"
+ ],
+ [
+ "ve",
+ "c"
+ ],
+ [
+ "Ġnewsp",
+ "aper"
+ ],
+ [
+ "s",
+ "ub"
+ ],
+ [
+ "Ġpiv",
+ "otal"
+ ],
+ [
+ "Ġfif",
+ "th"
+ ],
+ [
+ "Ġh",
+ "ack"
+ ],
+ [
+ "Ġelder",
+ "ly"
+ ],
+ [
+ "Ġd",
+ "iving"
+ ],
+ [
+ "Ġemphas",
+ "izes"
+ ],
+ [
+ "t",
+ "ension"
+ ],
+ [
+ "ment",
+ "al"
+ ],
+ [
+ "âĤ",
+ "¬"
+ ],
+ [
+ "end",
+ "ers"
+ ],
+ [
+ "Ġincorpor",
+ "ated"
+ ],
+ [
+ "Ġb",
+ "uck"
+ ],
+ [
+ "ĠB",
+ "u"
+ ],
+ [
+ "Ġint",
+ "r"
+ ],
+ [
+ "M",
+ "ult"
+ ],
+ [
+ "ylvan",
+ "ia"
+ ],
+ [
+ "ĠFollow",
+ "ing"
+ ],
+ [
+ "Ġin",
+ "h"
+ ],
+ [
+ "Ġbl",
+ "o"
+ ],
+ [
+ "$$",
+ "\\"
+ ],
+ [
+ "Ġinput",
+ "s"
+ ],
+ [
+ "Ġpot",
+ "assium"
+ ],
+ [
+ "Ġdes",
+ "k"
+ ],
+ [
+ "Ġch",
+ "air"
+ ],
+ [
+ "Ġsy",
+ "ll"
+ ],
+ [
+ "ethe",
+ "less"
+ ],
+ [
+ "ent",
+ "ral"
+ ],
+ [
+ "Ġflu",
+ "ctu"
+ ],
+ [
+ "Go",
+ "ogle"
+ ],
+ [
+ "Ġcirc",
+ "uits"
+ ],
+ [
+ "ch",
+ "ron"
+ ],
+ [
+ "Ġun",
+ "re"
+ ],
+ [
+ "K",
+ "e"
+ ],
+ [
+ "em",
+ "p"
+ ],
+ [
+ "Ġrece",
+ "ives"
+ ],
+ [
+ "Ġdisadvant",
+ "ages"
+ ],
+ [
+ "Ġsee",
+ "ks"
+ ],
+ [
+ "om",
+ "inant"
+ ],
+ [
+ "Ġfar",
+ "ms"
+ ],
+ [
+ "Ġdist",
+ "ant"
+ ],
+ [
+ "f",
+ "ound"
+ ],
+ [
+ "-",
+ "or"
+ ],
+ [
+ "Ġexam",
+ "s"
+ ],
+ [
+ "Ġmeet",
+ "ings"
+ ],
+ [
+ "Ġenc",
+ "ountered"
+ ],
+ [
+ "D",
+ "R"
+ ],
+ [
+ "ĠC",
+ "A"
+ ],
+ [
+ "S",
+ "olution"
+ ],
+ [
+ "Ġ|",
+ "Ċ"
+ ],
+ [
+ "Ġdisc",
+ "ourse"
+ ],
+ [
+ "ĠAl",
+ "ways"
+ ],
+ [
+ "Ġneur",
+ "ons"
+ ],
+ [
+ "Ġinter",
+ "p"
+ ],
+ [
+ "Ġbur",
+ "den"
+ ],
+ [
+ "ĠR",
+ "en"
+ ],
+ [
+ "Ġtrans",
+ "parency"
+ ],
+ [
+ "Ġteac",
+ "hes"
+ ],
+ [
+ "str",
+ "ing"
+ ],
+ [
+ "ĠCent",
+ "ury"
+ ],
+ [
+ ">",
+ "Ċ"
+ ],
+ [
+ "Ġelectron",
+ "ics"
+ ],
+ [
+ "Ġgra",
+ "ce"
+ ],
+ [
+ "s",
+ "en"
+ ],
+ [
+ "br",
+ "is"
+ ],
+ [
+ "Ġbrows",
+ "er"
+ ],
+ [
+ "Ġf",
+ "illing"
+ ],
+ [
+ "rom",
+ "agnetic"
+ ],
+ [
+ "Ġro",
+ "d"
+ ],
+ [
+ "ĠC",
+ "ustom"
+ ],
+ [
+ "ĠM",
+ "rs"
+ ],
+ [
+ "Ġded",
+ "ication"
+ ],
+ [
+ "ers",
+ "hip"
+ ],
+ [
+ "Ġl",
+ "y"
+ ],
+ [
+ "quir",
+ "y"
+ ],
+ [
+ "Ġp",
+ "ond"
+ ],
+ [
+ "â",
+ "Ħ"
+ ],
+ [
+ "ĠĠĠĠ",
+ "ĠĠ"
+ ],
+ [
+ "Ġb",
+ "ags"
+ ],
+ [
+ "Ġph",
+ "ones"
+ ],
+ [
+ "vers",
+ "ion"
+ ],
+ [
+ "Ġcar",
+ "ries"
+ ],
+ [
+ "Ġar",
+ "med"
+ ],
+ [
+ "Ġimper",
+ "ial"
+ ],
+ [
+ "Ġstr",
+ "ive"
+ ],
+ [
+ "Ġto",
+ "y"
+ ],
+ [
+ "Ġw",
+ "iring"
+ ],
+ [
+ "Ġpath",
+ "ways"
+ ],
+ [
+ "w",
+ "a"
+ ],
+ [
+ "an",
+ "as"
+ ],
+ [
+ "he",
+ "rence"
+ ],
+ [
+ "or",
+ "ne"
+ ],
+ [
+ "Ġpurch",
+ "asing"
+ ],
+ [
+ "Ġpartners",
+ "hip"
+ ],
+ [
+ "Ġglob",
+ "ally"
+ ],
+ [
+ "Ġcoron",
+ "avirus"
+ ],
+ [
+ "Ġbr",
+ "ush"
+ ],
+ [
+ "Ġtem",
+ "ple"
+ ],
+ [
+ "Ġhol",
+ "istic"
+ ],
+ [
+ "ad",
+ "or"
+ ],
+ [
+ "Ġevol",
+ "ve"
+ ],
+ [
+ "Ġmer",
+ "ch"
+ ],
+ [
+ "d",
+ "x"
+ ],
+ [
+ "Ġarrange",
+ "ment"
+ ],
+ [
+ "Ġguid",
+ "ed"
+ ],
+ [
+ "ill",
+ "ance"
+ ],
+ [
+ "9",
+ "4"
+ ],
+ [
+ "Ġoffic",
+ "er"
+ ],
+ [
+ "Ġm",
+ "i"
+ ],
+ [
+ "Ġequ",
+ "ilibrium"
+ ],
+ [
+ "ar",
+ "ters"
+ ],
+ [
+ "[",
+ ":"
+ ],
+ [
+ "Ġtong",
+ "ue"
+ ],
+ [
+ "ĠF",
+ "iction"
+ ],
+ [
+ "now",
+ "ned"
+ ],
+ [
+ "ut",
+ "ical"
+ ],
+ [
+ "ĠV",
+ "ideo"
+ ],
+ [
+ "app",
+ "ed"
+ ],
+ [
+ "Ġstere",
+ "otypes"
+ ],
+ [
+ "Ġen",
+ "zymes"
+ ],
+ [
+ "Ġcul",
+ "inary"
+ ],
+ [
+ "Ġexist",
+ "ed"
+ ],
+ [
+ "Ġdr",
+ "ives"
+ ],
+ [
+ "Ġbot",
+ "tle"
+ ],
+ [
+ "el",
+ "ly"
+ ],
+ [
+ ".",
+ "L"
+ ],
+ [
+ "ĠC",
+ "S"
+ ],
+ [
+ "oc",
+ "c"
+ ],
+ [
+ "ĠR",
+ "isk"
+ ],
+ [
+ "/",
+ "b"
+ ],
+ [
+ "Ġb",
+ "ron"
+ ],
+ [
+ "Ġs",
+ "ending"
+ ],
+ [
+ "Ġt",
+ "ill"
+ ],
+ [
+ "hem",
+ "atic"
+ ],
+ [
+ "Ġgr",
+ "an"
+ ],
+ [
+ "Ġo",
+ "un"
+ ],
+ [
+ "Ġcr",
+ "ushing"
+ ],
+ [
+ "ul",
+ "ative"
+ ],
+ [
+ "Ġstri",
+ "king"
+ ],
+ [
+ "m",
+ "etry"
+ ],
+ [
+ "Ġor",
+ "b"
+ ],
+ [
+ "Ġext",
+ "ends"
+ ],
+ [
+ "n",
+ "atural"
+ ],
+ [
+ "Ġwa",
+ "vel"
+ ],
+ [
+ "or",
+ "us"
+ ],
+ [
+ "li",
+ "ers"
+ ],
+ [
+ "Ġcap",
+ "s"
+ ],
+ [
+ "Ġatt",
+ "ending"
+ ],
+ [
+ "Ġfriends",
+ "hip"
+ ],
+ [
+ "Ġelev",
+ "ated"
+ ],
+ [
+ "Ġrout",
+ "es"
+ ],
+ [
+ "Ġf",
+ "riction"
+ ],
+ [
+ "Ġrom",
+ "antic"
+ ],
+ [
+ "ol",
+ "ves"
+ ],
+ [
+ "ĠC",
+ "re"
+ ],
+ [
+ "ĠExpl",
+ "ain"
+ ],
+ [
+ "Ġ{",
+ "\\"
+ ],
+ [
+ "D",
+ "is"
+ ],
+ [
+ "Ġun",
+ "cle"
+ ],
+ [
+ "Ġsk",
+ "et"
+ ],
+ [
+ "Ġv",
+ "apor"
+ ],
+ [
+ "ĠJe",
+ "ff"
+ ],
+ [
+ ".",
+ "_"
+ ],
+ [
+ "P",
+ "D"
+ ],
+ [
+ "Ġint",
+ "u"
+ ],
+ [
+ "Ġc",
+ "ough"
+ ],
+ [
+ "Ġcra",
+ "ck"
+ ],
+ [
+ "ĠOther",
+ "s"
+ ],
+ [
+ "ĠPro",
+ "b"
+ ],
+ [
+ "form",
+ "ed"
+ ],
+ [
+ "Ġdim",
+ "in"
+ ],
+ [
+ "Ġsystem",
+ "ic"
+ ],
+ [
+ "work",
+ "ing"
+ ],
+ [
+ "al",
+ "og"
+ ],
+ [
+ "ĠMean",
+ "while"
+ ],
+ [
+ "Ġtheore",
+ "m"
+ ],
+ [
+ "z",
+ "heimer"
+ ],
+ [
+ "ĠO",
+ "pp"
+ ],
+ [
+ "ay",
+ "a"
+ ],
+ [
+ "ĠE",
+ "S"
+ ],
+ [
+ "Ġbel",
+ "oved"
+ ],
+ [
+ "ry",
+ "ing"
+ ],
+ [
+ "Ġdev",
+ "iation"
+ ],
+ [
+ "Ġpost",
+ "ed"
+ ],
+ [
+ "Ġrelat",
+ "able"
+ ],
+ [
+ "Ġst",
+ "ood"
+ ],
+ [
+ "Ġgain",
+ "ing"
+ ],
+ [
+ "Ġmix",
+ "ing"
+ ],
+ [
+ "ĠD",
+ "aily"
+ ],
+ [
+ "-",
+ "de"
+ ],
+ [
+ "Ġwas",
+ "h"
+ ],
+ [
+ "we",
+ "et"
+ ],
+ [
+ "Ġal",
+ "b"
+ ],
+ [
+ "ĠP",
+ "RO"
+ ],
+ [
+ "g",
+ "ic"
+ ],
+ [
+ "Ġun",
+ "e"
+ ],
+ [
+ "ĠP",
+ "R"
+ ],
+ [
+ "ĠWork",
+ "ing"
+ ],
+ [
+ "ĠR",
+ "E"
+ ],
+ [
+ "Ġpropos",
+ "al"
+ ],
+ [
+ "ĠS",
+ "ex"
+ ],
+ [
+ "Ġcoord",
+ "ination"
+ ],
+ [
+ "ĠEnc",
+ "ourage"
+ ],
+ [
+ "Ġo",
+ "ste"
+ ],
+ [
+ "o",
+ "T"
+ ],
+ [
+ "Ġw",
+ "arr"
+ ],
+ [
+ "Ġth",
+ "roat"
+ ],
+ [
+ "Ġvis",
+ "its"
+ ],
+ [
+ "ĠT",
+ "rust"
+ ],
+ [
+ "Ġoverwhel",
+ "ming"
+ ],
+ [
+ "Ġinvestig",
+ "ated"
+ ],
+ [
+ "c",
+ "ards"
+ ],
+ [
+ "ĠInd",
+ "eed"
+ ],
+ [
+ "Ġfol",
+ "ks"
+ ],
+ [
+ "Ġsc",
+ "an"
+ ],
+ [
+ "ĠPolit",
+ "ical"
+ ],
+ [
+ "Ġle",
+ "ver"
+ ],
+ [
+ "Ġmitig",
+ "ate"
+ ],
+ [
+ "t",
+ "d"
+ ],
+ [
+ "ĠS",
+ "ens"
+ ],
+ [
+ "D",
+ "isc"
+ ],
+ [
+ "Ġreg",
+ "ister"
+ ],
+ [
+ "Ġpen",
+ "et"
+ ],
+ [
+ "Ġsecre",
+ "ts"
+ ],
+ [
+ "ĠE",
+ "D"
+ ],
+ [
+ "im",
+ "ation"
+ ],
+ [
+ "(",
+ "X"
+ ],
+ [
+ "st",
+ "ru"
+ ],
+ [
+ "Ġge",
+ "ography"
+ ],
+ [
+ "M",
+ "B"
+ ],
+ [
+ "Ġkind",
+ "ness"
+ ],
+ [
+ "ĠBen",
+ "efits"
+ ],
+ [
+ "Ġexpress",
+ "ing"
+ ],
+ [
+ "ä",
+ "º"
+ ],
+ [
+ "Ġdi",
+ "arr"
+ ],
+ [
+ "P",
+ "oint"
+ ],
+ [
+ "Ġread",
+ "ily"
+ ],
+ [
+ "n",
+ "als"
+ ],
+ [
+ "ĠHer",
+ "itage"
+ ],
+ [
+ "at",
+ "ers"
+ ],
+ [
+ "iv",
+ "est"
+ ],
+ [
+ "âĢ¢",
+ "âĢ¢"
+ ],
+ [
+ "Ġic",
+ "onic"
+ ],
+ [
+ "Ġre",
+ "cipe"
+ ],
+ [
+ "Ġacqu",
+ "isition"
+ ],
+ [
+ "cyclop",
+ "edia"
+ ],
+ [
+ "Ġres",
+ "erved"
+ ],
+ [
+ "Ġmir",
+ "ror"
+ ],
+ [
+ "Ġdist",
+ "ress"
+ ],
+ [
+ "Ġabund",
+ "ance"
+ ],
+ [
+ ".",
+ "-"
+ ],
+ [
+ "Ġrob",
+ "ots"
+ ],
+ [
+ "Ġillust",
+ "rated"
+ ],
+ [
+ "Ġmoment",
+ "um"
+ ],
+ [
+ "resh",
+ "old"
+ ],
+ [
+ "ĠH",
+ "ig"
+ ],
+ [
+ "Ġabsolute",
+ "ly"
+ ],
+ [
+ "Ġpar",
+ "ks"
+ ],
+ [
+ "Ġeconom",
+ "ies"
+ ],
+ [
+ "Ġemb",
+ "ry"
+ ],
+ [
+ "Ġvis",
+ "ually"
+ ],
+ [
+ "ony",
+ "ms"
+ ],
+ [
+ "ĠM",
+ "ess"
+ ],
+ [
+ "ĠTest",
+ "ament"
+ ],
+ [
+ "ĠStand",
+ "ards"
+ ],
+ [
+ "ĠColl",
+ "abor"
+ ],
+ [
+ "Ġro",
+ "oms"
+ ],
+ [
+ "inn",
+ "itus"
+ ],
+ [
+ "ĠP",
+ "ict"
+ ],
+ [
+ "Ġatmosp",
+ "heric"
+ ],
+ [
+ "ĠIn",
+ "nov"
+ ],
+ [
+ "ĠAdv",
+ "anced"
+ ],
+ [
+ "ĠArch",
+ "itect"
+ ],
+ [
+ "Ġsuscept",
+ "ible"
+ ],
+ [
+ "?",
+ "?"
+ ],
+ [
+ "ĠC",
+ "T"
+ ],
+ [
+ "ĠIndust",
+ "rial"
+ ],
+ [
+ "Ġs",
+ "ch"
+ ],
+ [
+ "ĠI",
+ "ron"
+ ],
+ [
+ "Ġprogress",
+ "ive"
+ ],
+ [
+ "achus",
+ "etts"
+ ],
+ [
+ "ĠMult",
+ "i"
+ ],
+ [
+ "Ġentreprene",
+ "urs"
+ ],
+ [
+ "Ġfoot",
+ "print"
+ ],
+ [
+ "Ġp",
+ "est"
+ ],
+ [
+ "Ġf",
+ "ires"
+ ],
+ [
+ "Ġsub",
+ "mitted"
+ ],
+ [
+ "ĠEx",
+ "ercise"
+ ],
+ [
+ "Ġdut",
+ "ies"
+ ],
+ [
+ "Ġgen",
+ "ome"
+ ],
+ [
+ "Ġfurn",
+ "iture"
+ ],
+ [
+ "Ġbul",
+ "lying"
+ ],
+ [
+ "ĠIm",
+ "ple"
+ ],
+ [
+ "Ġagree",
+ "ments"
+ ],
+ [
+ "Ġdi",
+ "ver"
+ ],
+ [
+ "âĢĶ",
+ "and"
+ ],
+ [
+ "Ġengine",
+ "er"
+ ],
+ [
+ "Ġpurs",
+ "ue"
+ ],
+ [
+ "Ġf",
+ "ans"
+ ],
+ [
+ "-",
+ "rich"
+ ],
+ [
+ "ĠDoc",
+ "ument"
+ ],
+ [
+ "Ġrestric",
+ "ted"
+ ],
+ [
+ "in",
+ "ology"
+ ],
+ [
+ "ĠScient",
+ "ific"
+ ],
+ [
+ "reat",
+ "ing"
+ ],
+ [
+ "Ġprov",
+ "ince"
+ ],
+ [
+ "v",
+ "as"
+ ],
+ [
+ "Ġcoe",
+ "fficient"
+ ],
+ [
+ "-",
+ "class"
+ ],
+ [
+ "cont",
+ "in"
+ ],
+ [
+ "Ġmed",
+ "ian"
+ ],
+ [
+ "Ġlab",
+ "our"
+ ],
+ [
+ "ill",
+ "ion"
+ ],
+ [
+ "ĠBit",
+ "coin"
+ ],
+ [
+ "ĠNe",
+ "uro"
+ ],
+ [
+ "ia",
+ "h"
+ ],
+ [
+ "Ġdescript",
+ "ions"
+ ],
+ [
+ "Ġsched",
+ "ul"
+ ],
+ [
+ "O",
+ "s"
+ ],
+ [
+ "ĠR",
+ "ub"
+ ],
+ [
+ "Ġret",
+ "ain"
+ ],
+ [
+ "Ġcare",
+ "ers"
+ ],
+ [
+ "P",
+ "s"
+ ],
+ [
+ "Ġc",
+ "ups"
+ ],
+ [
+ "ra",
+ "it"
+ ],
+ [
+ "ĠP",
+ "H"
+ ],
+ [
+ "ĠM",
+ "ajor"
+ ],
+ [
+ "Ġvers",
+ "atile"
+ ],
+ [
+ "Ġopp",
+ "osition"
+ ],
+ [
+ "ĠTr",
+ "ump"
+ ],
+ [
+ "t",
+ "est"
+ ],
+ [
+ "Ġhe",
+ "s"
+ ],
+ [
+ "Ġst",
+ "abil"
+ ],
+ [
+ "Ġpl",
+ "ug"
+ ],
+ [
+ "ay",
+ "ing"
+ ],
+ [
+ "ip",
+ "ation"
+ ],
+ [
+ "G",
+ "iven"
+ ],
+ [
+ "Ġmax",
+ "imize"
+ ],
+ [
+ "à¥į",
+ "à¤"
+ ],
+ [
+ "Ġrese",
+ "mb"
+ ],
+ [
+ "erc",
+ "ury"
+ ],
+ [
+ "ues",
+ "day"
+ ],
+ [
+ "ur",
+ "ches"
+ ],
+ [
+ "Ġen",
+ "cl"
+ ],
+ [
+ "uss",
+ "ian"
+ ],
+ [
+ "Ġble",
+ "eding"
+ ],
+ [
+ "om",
+ "atic"
+ ],
+ [
+ "Ġso",
+ "vere"
+ ],
+ [
+ "Ġdo",
+ "ct"
+ ],
+ [
+ "Ġcal",
+ "endar"
+ ],
+ [
+ "Ġmechan",
+ "ics"
+ ],
+ [
+ "Ġgraph",
+ "s"
+ ],
+ [
+ "ĠV",
+ "an"
+ ],
+ [
+ "Ġst",
+ "ems"
+ ],
+ [
+ "ĠF",
+ "ile"
+ ],
+ [
+ "ra",
+ "ined"
+ ],
+ [
+ "Ġ[",
+ "]Ċ"
+ ],
+ [
+ "ĠÐ",
+ "²"
+ ],
+ [
+ "Ġtra",
+ "ged"
+ ],
+ [
+ "Ġign",
+ "ore"
+ ],
+ [
+ "if",
+ "er"
+ ],
+ [
+ "Ġgener",
+ "ator"
+ ],
+ [
+ "Ġne",
+ "urolog"
+ ],
+ [
+ "Ġp",
+ "ric"
+ ],
+ [
+ "/",
+ "f"
+ ],
+ [
+ "Ġdis",
+ "put"
+ ],
+ [
+ ")",
+ ")ĊĊ"
+ ],
+ [
+ "ĠRep",
+ "resent"
+ ],
+ [
+ "Ġcert",
+ "ific"
+ ],
+ [
+ "Ã",
+ "¨"
+ ],
+ [
+ "Ġqual",
+ "ified"
+ ],
+ [
+ "ĠM",
+ "onday"
+ ],
+ [
+ "Ġy",
+ "ields"
+ ],
+ [
+ "ĠVol",
+ "ume"
+ ],
+ [
+ "Ġcontract",
+ "s"
+ ],
+ [
+ "are",
+ "st"
+ ],
+ [
+ "Ġrhyth",
+ "m"
+ ],
+ [
+ "co",
+ "very"
+ ],
+ [
+ "Ġas",
+ "ide"
+ ],
+ [
+ "ry",
+ "ption"
+ ],
+ [
+ "Ġar",
+ "bit"
+ ],
+ [
+ "ff",
+ "e"
+ ],
+ [
+ "Ġs",
+ "le"
+ ],
+ [
+ "3",
+ "60"
+ ],
+ [
+ "Ġcomp",
+ "act"
+ ],
+ [
+ "T",
+ "ime"
+ ],
+ [
+ "me",
+ "an"
+ ],
+ [
+ "Ġdemonstr",
+ "ating"
+ ],
+ [
+ "Ġharm",
+ "on"
+ ],
+ [
+ "Ġt",
+ "ape"
+ ],
+ [
+ "Ġen",
+ "zyme"
+ ],
+ [
+ "R",
+ "NA"
+ ],
+ [
+ "V",
+ "al"
+ ],
+ [
+ "ren",
+ "cies"
+ ],
+ [
+ "Ġb",
+ "ought"
+ ],
+ [
+ "ĠSur",
+ "vey"
+ ],
+ [
+ "Ġinteg",
+ "rate"
+ ],
+ [
+ "Ad",
+ "d"
+ ],
+ [
+ "Ġpray",
+ "er"
+ ],
+ [
+ "¬",
+ "ģ"
+ ],
+ [
+ "per",
+ "ature"
+ ],
+ [
+ "Ġjuris",
+ "d"
+ ],
+ [
+ "ĠC",
+ "ore"
+ ],
+ [
+ "Ġacknow",
+ "ledge"
+ ],
+ [
+ "Ġer",
+ "osion"
+ ],
+ [
+ "ĠTop",
+ "ics"
+ ],
+ [
+ "Ġinfect",
+ "ious"
+ ],
+ [
+ "S",
+ "um"
+ ],
+ [
+ "g",
+ "ency"
+ ],
+ [
+ "Ġde",
+ "ploy"
+ ],
+ [
+ "En",
+ "ter"
+ ],
+ [
+ "Ġlay",
+ "out"
+ ],
+ [
+ "Ġent",
+ "ity"
+ ],
+ [
+ "y",
+ "d"
+ ],
+ [
+ "O",
+ "rig"
+ ],
+ [
+ "pre",
+ "hens"
+ ],
+ [
+ "ĠSu",
+ "ccess"
+ ],
+ [
+ "Ġ",
+ "à"
+ ],
+ [
+ "Ġph",
+ "ases"
+ ],
+ [
+ "Ġimmig",
+ "ration"
+ ],
+ [
+ "Ġco",
+ "in"
+ ],
+ [
+ "ĠRes",
+ "ults"
+ ],
+ [
+ "k",
+ "ind"
+ ],
+ [
+ "ĠTra",
+ "de"
+ ],
+ [
+ "r",
+ "int"
+ ],
+ [
+ "Ġcontin",
+ "ent"
+ ],
+ [
+ ",",
+ "."
+ ],
+ [
+ "Ġpan",
+ "ic"
+ ],
+ [
+ "ĠB",
+ "oston"
+ ],
+ [
+ "Ġcontrovers",
+ "ial"
+ ],
+ [
+ "urs",
+ "day"
+ ],
+ [
+ "ĠPr",
+ "ime"
+ ],
+ [
+ "n",
+ "ings"
+ ],
+ [
+ "ĠFact",
+ "ors"
+ ],
+ [
+ "Ġenjoy",
+ "able"
+ ],
+ [
+ "Ġm",
+ "as"
+ ],
+ [
+ "10",
+ "6"
+ ],
+ [
+ "health",
+ "y"
+ ],
+ [
+ "D",
+ "iff"
+ ],
+ [
+ "ns",
+ "ylvania"
+ ],
+ [
+ "ffic",
+ "iency"
+ ],
+ [
+ "o",
+ "il"
+ ],
+ [
+ "CI",
+ "ENCE"
+ ],
+ [
+ "Ġch",
+ "ains"
+ ],
+ [
+ "Ġfe",
+ "as"
+ ],
+ [
+ "Ġvict",
+ "ory"
+ ],
+ [
+ "v",
+ "y"
+ ],
+ [
+ "-h",
+ "and"
+ ],
+ [
+ "Ġart",
+ "if"
+ ],
+ [
+ "ĠLGBT",
+ "Q"
+ ],
+ [
+ "Ġaccept",
+ "able"
+ ],
+ [
+ "Ġrest",
+ "oration"
+ ],
+ [
+ "ĠZ",
+ "h"
+ ],
+ [
+ "Ġcalcul",
+ "us"
+ ],
+ [
+ "Ġrain",
+ "fall"
+ ],
+ [
+ "Ġceleb",
+ "ration"
+ ],
+ [
+ "S",
+ "cient"
+ ],
+ [
+ "ĠCol",
+ "lect"
+ ],
+ [
+ "Ġgr",
+ "at"
+ ],
+ [
+ "Ġan",
+ "x"
+ ],
+ [
+ "ous",
+ "es"
+ ],
+ [
+ "Ġre",
+ "ef"
+ ],
+ [
+ "ĠTeac",
+ "her"
+ ],
+ [
+ "10",
+ "9"
+ ],
+ [
+ "Ġconf",
+ "used"
+ ],
+ [
+ "ĠSim",
+ "ple"
+ ],
+ [
+ "olit",
+ "ical"
+ ],
+ [
+ "Ġbe",
+ "ach"
+ ],
+ [
+ "p",
+ "ers"
+ ],
+ [
+ "Ġrig",
+ "orous"
+ ],
+ [
+ "Ġinv",
+ "ented"
+ ],
+ [
+ "Ġdiscuss",
+ "es"
+ ],
+ [
+ "ĠG",
+ "all"
+ ],
+ [
+ "Ġpre",
+ "jud"
+ ],
+ [
+ "ĠB",
+ "all"
+ ],
+ [
+ "Ġwork",
+ "er"
+ ],
+ [
+ "ĠCl",
+ "ub"
+ ],
+ [
+ "Ġtransact",
+ "ion"
+ ],
+ [
+ "ĠJ",
+ "o"
+ ],
+ [
+ "Ġjo",
+ "ining"
+ ],
+ [
+ "Ġm",
+ "apping"
+ ],
+ [
+ "ĠAD",
+ "HD"
+ ],
+ [
+ "ell",
+ "er"
+ ],
+ [
+ "Ġel",
+ "abor"
+ ],
+ [
+ "Ġinc",
+ "idence"
+ ],
+ [
+ "Ġwond",
+ "ering"
+ ],
+ [
+ "Ġtransfer",
+ "red"
+ ],
+ [
+ "n",
+ "ia"
+ ],
+ [
+ "d",
+ "ate"
+ ],
+ [
+ "ĠS",
+ "ports"
+ ],
+ [
+ "R",
+ "ep"
+ ],
+ [
+ "ĠAr",
+ "ctic"
+ ],
+ [
+ "Ġas",
+ "h"
+ ],
+ [
+ ")",
+ ";Ċ"
+ ],
+ [
+ "Ġex",
+ "ert"
+ ],
+ [
+ "Ġactiv",
+ "ation"
+ ],
+ [
+ "ynt",
+ "hesis"
+ ],
+ [
+ "S",
+ "pe"
+ ],
+ [
+ "Ġc",
+ "ited"
+ ],
+ [
+ "th",
+ "ood"
+ ],
+ [
+ "ult",
+ "ure"
+ ],
+ [
+ "å",
+ "Ń"
+ ],
+ [
+ ".",
+ "x"
+ ],
+ [
+ "-",
+ "K"
+ ],
+ [
+ "Ġb",
+ "ust"
+ ],
+ [
+ "L",
+ "S"
+ ],
+ [
+ "Ġper",
+ "mit"
+ ],
+ [
+ "Ġmamm",
+ "als"
+ ],
+ [
+ "Ġprov",
+ "ision"
+ ],
+ [
+ "ĠIs",
+ "lands"
+ ],
+ [
+ "aw",
+ "a"
+ ],
+ [
+ "i",
+ "ating"
+ ],
+ [
+ "Ġel",
+ "ig"
+ ],
+ [
+ "ĠN",
+ "orm"
+ ],
+ [
+ "Ġcan",
+ "cers"
+ ],
+ [
+ "ĠNot",
+ "es"
+ ],
+ [
+ "ĠMove",
+ "ment"
+ ],
+ [
+ "Ġnegative",
+ "ly"
+ ],
+ [
+ "ĠE",
+ "ll"
+ ],
+ [
+ "Ġh",
+ "o"
+ ],
+ [
+ "Ġs",
+ "our"
+ ],
+ [
+ "Ġr",
+ "ide"
+ ],
+ [
+ "ĠCrit",
+ "ical"
+ ],
+ [
+ "Ġexp",
+ "ed"
+ ],
+ [
+ "ict",
+ "ions"
+ ],
+ [
+ "ĠOh",
+ "io"
+ ],
+ [
+ "Ġc",
+ "ope"
+ ],
+ [
+ "Ġfree",
+ "ly"
+ ],
+ [
+ "Ġnum",
+ "py"
+ ],
+ [
+ "Ġfulf",
+ "ill"
+ ],
+ [
+ "Ġdeterm",
+ "ines"
+ ],
+ [
+ "nes",
+ "day"
+ ],
+ [
+ "Ġadministr",
+ "ative"
+ ],
+ [
+ "Ġdom",
+ "ains"
+ ],
+ [
+ "Ġinvent",
+ "ory"
+ ],
+ [
+ "}",
+ "^"
+ ],
+ [
+ "ob",
+ "i"
+ ],
+ [
+ "ĠTur",
+ "key"
+ ],
+ [
+ "Ġunder",
+ "ground"
+ ],
+ [
+ "Ġval",
+ "ve"
+ ],
+ [
+ "-in",
+ "du"
+ ],
+ [
+ "sp",
+ "ace"
+ ],
+ [
+ "k",
+ "g"
+ ],
+ [
+ "I",
+ "ns"
+ ],
+ [
+ "P",
+ "V"
+ ],
+ [
+ "F",
+ "A"
+ ],
+ [
+ "Ġv",
+ "ine"
+ ],
+ [
+ "Ġre",
+ "nder"
+ ],
+ [
+ "ĠS",
+ "ource"
+ ],
+ [
+ "ĠChem",
+ "ical"
+ ],
+ [
+ "d",
+ "ata"
+ ],
+ [
+ "ĠGeorg",
+ "ia"
+ ],
+ [
+ "Ġp",
+ "ink"
+ ],
+ [
+ "ĠC",
+ "all"
+ ],
+ [
+ "Ġattrib",
+ "uted"
+ ],
+ [
+ "Ġcut",
+ "s"
+ ],
+ [
+ "Ġver",
+ "bal"
+ ],
+ [
+ "ace",
+ "utical"
+ ],
+ [
+ "lement",
+ "ary"
+ ],
+ [
+ "ĠClin",
+ "ical"
+ ],
+ [
+ "O",
+ "b"
+ ],
+ [
+ "ĠJ",
+ "am"
+ ],
+ [
+ "Ġplas",
+ "ma"
+ ],
+ [
+ "-",
+ "ray"
+ ],
+ [
+ "aw",
+ "n"
+ ],
+ [
+ "Ġher",
+ "bs"
+ ],
+ [
+ "Ġnurs",
+ "es"
+ ],
+ [
+ ")",
+ "+"
+ ],
+ [
+ "Ġworks",
+ "hops"
+ ],
+ [
+ "Ġsw",
+ "elling"
+ ],
+ [
+ "t",
+ "an"
+ ],
+ [
+ "Ġcare",
+ "g"
+ ],
+ [
+ "ĠEx",
+ "am"
+ ],
+ [
+ "ĠAppl",
+ "ied"
+ ],
+ [
+ "Ġstead",
+ "y"
+ ],
+ [
+ "Ġimportant",
+ "ly"
+ ],
+ [
+ "ĠThe",
+ "ore"
+ ],
+ [
+ "Ġso",
+ "ils"
+ ],
+ [
+ "Ġde",
+ "bris"
+ ],
+ [
+ "ath",
+ "an"
+ ],
+ [
+ "Ġancest",
+ "ors"
+ ],
+ [
+ "Ġoptim",
+ "ization"
+ ],
+ [
+ "it",
+ "an"
+ ],
+ [
+ "Ġm",
+ "uc"
+ ],
+ [
+ "Ġadjust",
+ "ments"
+ ],
+ [
+ "Ġfost",
+ "ers"
+ ],
+ [
+ "Ġcon",
+ "cluded"
+ ],
+ [
+ "Ġemerg",
+ "ence"
+ ],
+ [
+ "Ġapp",
+ "le"
+ ],
+ [
+ "ody",
+ "nam"
+ ],
+ [
+ "H",
+ "igh"
+ ],
+ [
+ "im",
+ "en"
+ ],
+ [
+ "Ġm",
+ "unicip"
+ ],
+ [
+ "Ġcarbohyd",
+ "rates"
+ ],
+ [
+ "Ġc",
+ "uisine"
+ ],
+ [
+ "p",
+ "any"
+ ],
+ [
+ "Ġb",
+ "are"
+ ],
+ [
+ "Ġcol",
+ "ored"
+ ],
+ [
+ "Ġmedic",
+ "ines"
+ ],
+ [
+ "Ġalumin",
+ "um"
+ ],
+ [
+ "ĠImport",
+ "ance"
+ ],
+ [
+ "Ġbr",
+ "ill"
+ ],
+ [
+ "Ġallerg",
+ "ies"
+ ],
+ [
+ "****",
+ "****"
+ ],
+ [
+ "an",
+ "z"
+ ],
+ [
+ "ist",
+ "ent"
+ ],
+ [
+ "Ġsp",
+ "ell"
+ ],
+ [
+ "Ġgen",
+ "res"
+ ],
+ [
+ "R",
+ "S"
+ ],
+ [
+ "N",
+ "ode"
+ ],
+ [
+ "Ġtrust",
+ "ed"
+ ],
+ [
+ "ĠL",
+ "os"
+ ],
+ [
+ "ĠR",
+ "and"
+ ],
+ [
+ "ess",
+ "ion"
+ ],
+ [
+ ",",
+ "y"
+ ],
+ [
+ "Ġend",
+ "uring"
+ ],
+ [
+ "Ġmet",
+ "ric"
+ ],
+ [
+ "Ġche",
+ "cks"
+ ],
+ [
+ "Ġpred",
+ "ators"
+ ],
+ [
+ "Ġgen",
+ "etics"
+ ],
+ [
+ "ĠEd",
+ "ward"
+ ],
+ [
+ "ĠT",
+ "yp"
+ ],
+ [
+ "Ġst",
+ "atic"
+ ],
+ [
+ "Ġsu",
+ "icide"
+ ],
+ [
+ "Ġenjoy",
+ "ing"
+ ],
+ [
+ "ĠAgricult",
+ "ure"
+ ],
+ [
+ "Ġsp",
+ "inal"
+ ],
+ [
+ "Ġdist",
+ "inction"
+ ],
+ [
+ "p",
+ "a"
+ ],
+ [
+ "ik",
+ "a"
+ ],
+ [
+ "flamm",
+ "atory"
+ ],
+ [
+ "w",
+ "orm"
+ ],
+ [
+ "ain",
+ "ts"
+ ],
+ [
+ "J",
+ "ohn"
+ ],
+ [
+ "Ġunne",
+ "cessary"
+ ],
+ [
+ "Ġelse",
+ "where"
+ ],
+ [
+ "Ġle",
+ "mon"
+ ],
+ [
+ "Ġper",
+ "ceptions"
+ ],
+ [
+ "Ġend",
+ "less"
+ ],
+ [
+ "Ġinter",
+ "vals"
+ ],
+ [
+ "There",
+ "fore"
+ ],
+ [
+ "ft",
+ "y"
+ ],
+ [
+ "Ġenorm",
+ "ous"
+ ],
+ [
+ "ag",
+ "g"
+ ],
+ [
+ "Ġtrans",
+ "parent"
+ ],
+ [
+ "om",
+ "ers"
+ ],
+ [
+ "Ġcop",
+ "ing"
+ ],
+ [
+ "Ġm",
+ "art"
+ ],
+ [
+ "ĠIm",
+ "age"
+ ],
+ [
+ "Ġhighlight",
+ "ed"
+ ],
+ [
+ "Ġqual",
+ "itative"
+ ],
+ [
+ "Ġsleep",
+ "ing"
+ ],
+ [
+ "str",
+ "ial"
+ ],
+ [
+ "9",
+ "00"
+ ],
+ [
+ "i",
+ "y"
+ ],
+ [
+ "Ġalt",
+ "ered"
+ ],
+ [
+ "Ġex",
+ "empl"
+ ],
+ [
+ "Ġb",
+ "ills"
+ ],
+ [
+ "Ġd",
+ "ried"
+ ],
+ [
+ "Ġn",
+ "urse"
+ ],
+ [
+ "ĠH",
+ "ung"
+ ],
+ [
+ "Ġinfluen",
+ "cing"
+ ],
+ [
+ "ĠC",
+ "old"
+ ],
+ [
+ "ĠPlan",
+ "ning"
+ ],
+ [
+ "Ġre",
+ "nowned"
+ ],
+ [
+ "Ù",
+ "Ħ"
+ ],
+ [
+ "ard",
+ "ed"
+ ],
+ [
+ "L",
+ "ike"
+ ],
+ [
+ "ĠS",
+ "ize"
+ ],
+ [
+ "Ġun",
+ "em"
+ ],
+ [
+ "k",
+ "er"
+ ],
+ [
+ "f",
+ "s"
+ ],
+ [
+ "Ġlo",
+ "ans"
+ ],
+ [
+ "Ġden",
+ "omin"
+ ],
+ [
+ "Ġdiss",
+ "ertation"
+ ],
+ [
+ "Ġcomple",
+ "tion"
+ ],
+ [
+ "g",
+ "ets"
+ ],
+ [
+ "Ġse",
+ "es"
+ ],
+ [
+ "Ġwe",
+ "ights"
+ ],
+ [
+ "ra",
+ "q"
+ ],
+ [
+ "ropri",
+ "ate"
+ ],
+ [
+ "Ġsp",
+ "oke"
+ ],
+ [
+ "ĠInd",
+ "ex"
+ ],
+ [
+ "ul",
+ "ent"
+ ],
+ [
+ "Aut",
+ "hor"
+ ],
+ [
+ "Ġh",
+ "ind"
+ ],
+ [
+ "Ġform",
+ "ats"
+ ],
+ [
+ "Ġgover",
+ "ning"
+ ],
+ [
+ "Ġderiv",
+ "ative"
+ ],
+ [
+ "Ġimmun",
+ "ity"
+ ],
+ [
+ "d",
+ "em"
+ ],
+ [
+ "Ġh",
+ "ip"
+ ],
+ [
+ "ĠF",
+ "red"
+ ],
+ [
+ "Ġb",
+ "old"
+ ],
+ [
+ "Ġfact",
+ "ory"
+ ],
+ [
+ "ĠColumb",
+ "ia"
+ ],
+ [
+ "ur",
+ "ity"
+ ],
+ [
+ "ĠS",
+ "em"
+ ],
+ [
+ "Ġit",
+ "er"
+ ],
+ [
+ "ĠEng",
+ "aging"
+ ],
+ [
+ "ĠPar",
+ "liament"
+ ],
+ [
+ "Ġbra",
+ "ins"
+ ],
+ [
+ "ĠTh",
+ "ird"
+ ],
+ [
+ "het",
+ "ics"
+ ],
+ [
+ "n",
+ "on"
+ ],
+ [
+ "Ġshel",
+ "ter"
+ ],
+ [
+ "Ġo",
+ "z"
+ ],
+ [
+ "b",
+ "ury"
+ ],
+ [
+ "se",
+ "ud"
+ ],
+ [
+ "Ġgra",
+ "pp"
+ ],
+ [
+ "ot",
+ "ive"
+ ],
+ [
+ "Ġcham",
+ "ber"
+ ],
+ [
+ "vel",
+ "s"
+ ],
+ [
+ "ĠW",
+ "il"
+ ],
+ [
+ "ĠF",
+ "lu"
+ ],
+ [
+ "let",
+ "ter"
+ ],
+ [
+ "Ġmos",
+ "quit"
+ ],
+ [
+ "Ġdepos",
+ "its"
+ ],
+ [
+ "ĠInd",
+ "ians"
+ ],
+ [
+ "t",
+ "te"
+ ],
+ [
+ "Ġname",
+ "ly"
+ ],
+ [
+ "inet",
+ "eenth"
+ ],
+ [
+ "ĠO",
+ "ffic"
+ ],
+ [
+ "ĠMin",
+ "istry"
+ ],
+ [
+ "Ġre",
+ "ign"
+ ],
+ [
+ "Ġroot",
+ "ed"
+ ],
+ [
+ "ivest",
+ "ock"
+ ],
+ [
+ "Ġo",
+ "ceans"
+ ],
+ [
+ "ĠTh",
+ "ings"
+ ],
+ [
+ "Ġfil",
+ "ters"
+ ],
+ [
+ "TI",
+ "C"
+ ],
+ [
+ "OR",
+ "Y"
+ ],
+ [
+ "ix",
+ "ed"
+ ],
+ [
+ "Ġorig",
+ "inated"
+ ],
+ [
+ "Ġar",
+ "ter"
+ ],
+ [
+ "Ġbi",
+ "ography"
+ ],
+ [
+ "Ġrep",
+ "roduction"
+ ],
+ [
+ "Ġsh",
+ "ade"
+ ],
+ [
+ "Ġcont",
+ "rad"
+ ],
+ [
+ "ĠF",
+ "all"
+ ],
+ [
+ "ok",
+ "ed"
+ ],
+ [
+ "ĠV",
+ "eg"
+ ],
+ [
+ "in",
+ "ance"
+ ],
+ [
+ "Ġr",
+ "het"
+ ],
+ [
+ ",",
+ "\\"
+ ],
+ [
+ "Ġminor",
+ "ity"
+ ],
+ [
+ "Ġm",
+ "a"
+ ],
+ [
+ "Ġref",
+ "rig"
+ ],
+ [
+ "Ġevolution",
+ "ary"
+ ],
+ [
+ "Ġsp",
+ "here"
+ ],
+ [
+ "m",
+ "ond"
+ ],
+ [
+ "ĠTw",
+ "itter"
+ ],
+ [
+ "Ġw",
+ "ra"
+ ],
+ [
+ "Ġde",
+ "mentia"
+ ],
+ [
+ "ot",
+ "yp"
+ ],
+ [
+ "ak",
+ "h"
+ ],
+ [
+ "ĠF",
+ "er"
+ ],
+ [
+ "IN",
+ "E"
+ ],
+ [
+ "Ġhe",
+ "al"
+ ],
+ [
+ "Ġexam",
+ "ines"
+ ],
+ [
+ "Ġeffic",
+ "acy"
+ ],
+ [
+ "as",
+ "is"
+ ],
+ [
+ "Ġseason",
+ "al"
+ ],
+ [
+ "a",
+ "que"
+ ],
+ [
+ "ps",
+ "on"
+ ],
+ [
+ "Ġconfig",
+ "uration"
+ ],
+ [
+ "Ġcharg",
+ "ing"
+ ],
+ [
+ "ĠUr",
+ "ban"
+ ],
+ [
+ "Ġchart",
+ "s"
+ ],
+ [
+ "ï",
+ "¿½"
+ ],
+ [
+ "ig",
+ "s"
+ ],
+ [
+ "ĠDi",
+ "abetes"
+ ],
+ [
+ "Ġdin",
+ "ner"
+ ],
+ [
+ "ĠM",
+ "ic"
+ ],
+ [
+ "``",
+ "``"
+ ],
+ [
+ "Ġl",
+ "apt"
+ ],
+ [
+ "ins",
+ "ert"
+ ],
+ [
+ "Ġas",
+ "ks"
+ ],
+ [
+ "ĠN",
+ "C"
+ ],
+ [
+ "Ġoccur",
+ "rence"
+ ],
+ [
+ "Ġn",
+ "ic"
+ ],
+ [
+ "ĠAlex",
+ "ander"
+ ],
+ [
+ "Ġmag",
+ "azine"
+ ],
+ [
+ "ĠSchool",
+ "s"
+ ],
+ [
+ "os",
+ "itory"
+ ],
+ [
+ "ĠS",
+ "aint"
+ ],
+ [
+ "ĠAss",
+ "ignment"
+ ],
+ [
+ "ĠCar",
+ "ibbean"
+ ],
+ [
+ "Ġlim",
+ "iting"
+ ],
+ [
+ "Ġingred",
+ "ient"
+ ],
+ [
+ "ur",
+ "ally"
+ ],
+ [
+ "T",
+ "rue"
+ ],
+ [
+ "ne",
+ "um"
+ ],
+ [
+ "Ġir",
+ "regular"
+ ],
+ [
+ "oca",
+ "ust"
+ ],
+ [
+ "Ġtre",
+ "m"
+ ],
+ [
+ "Ġtrig",
+ "gers"
+ ],
+ [
+ "Ġv",
+ "om"
+ ],
+ [
+ "Ġpr",
+ "one"
+ ],
+ [
+ "id",
+ "ays"
+ ],
+ [
+ "ĠB",
+ "ol"
+ ],
+ [
+ "n",
+ "oon"
+ ],
+ [
+ "Ġdegrad",
+ "ation"
+ ],
+ [
+ "ĠPart",
+ "icip"
+ ],
+ [
+ "Ġmist",
+ "ake"
+ ],
+ [
+ "Ġn",
+ "od"
+ ],
+ [
+ "\"\"",
+ "\"Ċ"
+ ],
+ [
+ "ĠC",
+ "ON"
+ ],
+ [
+ "Ġdisp",
+ "ers"
+ ],
+ [
+ "Ġge",
+ "ometric"
+ ],
+ [
+ "Ġadvoc",
+ "ate"
+ ],
+ [
+ "Ġ",
+ "Ø"
+ ],
+ [
+ "(",
+ "y"
+ ],
+ [
+ "Ġempir",
+ "ical"
+ ],
+ [
+ ".",
+ "F"
+ ],
+ [
+ "Ġclar",
+ "ify"
+ ],
+ [
+ "_",
+ "name"
+ ],
+ [
+ "gh",
+ "an"
+ ],
+ [
+ ".",
+ ")."
+ ],
+ [
+ "Ġoutbre",
+ "ak"
+ ],
+ [
+ "ock",
+ "ing"
+ ],
+ [
+ "Ġdang",
+ "ers"
+ ],
+ [
+ "An",
+ "y"
+ ],
+ [
+ "Ġorgan",
+ "izing"
+ ],
+ [
+ "Ġ",
+ "``"
+ ],
+ [
+ "ĠH",
+ "ot"
+ ],
+ [
+ "Ġn",
+ "ick"
+ ],
+ [
+ "ad",
+ "ed"
+ ],
+ [
+ "ab",
+ "etic"
+ ],
+ [
+ "ĠEffect",
+ "s"
+ ],
+ [
+ "f",
+ "ly"
+ ],
+ [
+ "ri",
+ "ends"
+ ],
+ [
+ "Ġmod",
+ "ify"
+ ],
+ [
+ "Ġb",
+ "ibli"
+ ],
+ [
+ "Ġmethod",
+ "ology"
+ ],
+ [
+ "ĠV",
+ "itamin"
+ ],
+ [
+ "Ġsol",
+ "ved"
+ ],
+ [
+ "Ġfear",
+ "s"
+ ],
+ [
+ "P",
+ "L"
+ ],
+ [
+ "Ġbl",
+ "ess"
+ ],
+ [
+ "ĠF",
+ "ield"
+ ],
+ [
+ "reg",
+ "ation"
+ ],
+ [
+ "Ġrul",
+ "ed"
+ ],
+ [
+ "Ġfac",
+ "ulty"
+ ],
+ [
+ "mar",
+ "ks"
+ ],
+ [
+ "Ġgard",
+ "ening"
+ ],
+ [
+ "ed",
+ "ies"
+ ],
+ [
+ "Ġs",
+ "orts"
+ ],
+ [
+ "Ġassoci",
+ "ations"
+ ],
+ [
+ "Ġhistor",
+ "ians"
+ ],
+ [
+ "ĠScient",
+ "ists"
+ ],
+ [
+ "1",
+ "12"
+ ],
+ [
+ "Ġw",
+ "ings"
+ ],
+ [
+ "Ġdis",
+ "k"
+ ],
+ [
+ "Ġrel",
+ "ates"
+ ],
+ [
+ "Ġoccasion",
+ "ally"
+ ],
+ [
+ "ĠDe",
+ "ep"
+ ],
+ [
+ "Ġphys",
+ "iological"
+ ],
+ [
+ "Ġcop",
+ "ies"
+ ],
+ [
+ "ĠAl",
+ "zheimer"
+ ],
+ [
+ "Ġbe",
+ "ars"
+ ],
+ [
+ "Cl",
+ "ass"
+ ],
+ [
+ "Ġthreat",
+ "ened"
+ ],
+ [
+ "Ġsurve",
+ "ys"
+ ],
+ [
+ "l",
+ "ib"
+ ],
+ [
+ "Ġdiag",
+ "rams"
+ ],
+ [
+ "Ġ",
+ "____"
+ ],
+ [
+ "ER",
+ "T"
+ ],
+ [
+ "Ġch",
+ "ron"
+ ],
+ [
+ "ĠAns",
+ "wers"
+ ],
+ [
+ "Ġmach",
+ "inery"
+ ],
+ [
+ "ĠO",
+ "tt"
+ ],
+ [
+ "ĠSoft",
+ "ware"
+ ],
+ [
+ "ric",
+ "ts"
+ ],
+ [
+ "ĠH",
+ "it"
+ ],
+ [
+ "ĠAv",
+ "ailable"
+ ],
+ [
+ "Ġcommit",
+ "tee"
+ ],
+ [
+ "Ad",
+ "ditionally"
+ ],
+ [
+ "Ġth",
+ "row"
+ ],
+ [
+ "Ġear",
+ "ned"
+ ],
+ [
+ "b",
+ "age"
+ ],
+ [
+ "Ġg",
+ "au"
+ ],
+ [
+ "ES",
+ "T"
+ ],
+ [
+ "Ġdatab",
+ "ases"
+ ],
+ [
+ "il",
+ "st"
+ ],
+ [
+ "Ġd",
+ "ual"
+ ],
+ [
+ "ĠTe",
+ "am"
+ ],
+ [
+ "Act",
+ "ivity"
+ ],
+ [
+ "al",
+ "d"
+ ],
+ [
+ "ĠS",
+ "us"
+ ],
+ [
+ "Ġv",
+ "ow"
+ ],
+ [
+ "c",
+ "ount"
+ ],
+ [
+ "Ġpoly",
+ "mer"
+ ],
+ [
+ "Ġinst",
+ "itutional"
+ ],
+ [
+ "o",
+ "is"
+ ],
+ [
+ "comm",
+ "and"
+ ],
+ [
+ "ĠDan",
+ "iel"
+ ],
+ [
+ "ĠSt",
+ "an"
+ ],
+ [
+ "æķ",
+ "°"
+ ],
+ [
+ "Ġinf",
+ "ants"
+ ],
+ [
+ "Ġple",
+ "asure"
+ ],
+ [
+ "-c",
+ "ol"
+ ],
+ [
+ "ĠFam",
+ "il"
+ ],
+ [
+ "Ġun",
+ "lock"
+ ],
+ [
+ "Ġtrans",
+ "lated"
+ ],
+ [
+ "Ġ/",
+ "/"
+ ],
+ [
+ "Ġar",
+ "thritis"
+ ],
+ [
+ "ist",
+ "ically"
+ ],
+ [
+ "el",
+ "ta"
+ ],
+ [
+ "ĠEgypt",
+ "ian"
+ ],
+ [
+ "ĠSt",
+ "ories"
+ ],
+ [
+ "-p",
+ "art"
+ ],
+ [
+ "Ġcl",
+ "ouds"
+ ],
+ [
+ "Ġdivid",
+ "ing"
+ ],
+ [
+ "Ġheart",
+ "s"
+ ],
+ [
+ "Ġsurv",
+ "iv"
+ ],
+ [
+ "semb",
+ "ly"
+ ],
+ [
+ "Ġ",
+ "ions"
+ ],
+ [
+ "ĠG",
+ "ar"
+ ],
+ [
+ "Ġ$",
+ "{\\"
+ ],
+ [
+ "Ġpot",
+ "atoes"
+ ],
+ [
+ "i",
+ "atric"
+ ],
+ [
+ "f",
+ "iction"
+ ],
+ [
+ "ĠDe",
+ "ath"
+ ],
+ [
+ "im",
+ "eters"
+ ],
+ [
+ ".",
+ "J"
+ ],
+ [
+ "G",
+ "E"
+ ],
+ [
+ "Ġcre",
+ "w"
+ ],
+ [
+ "Ġrub",
+ "ber"
+ ],
+ [
+ "Ġfeature",
+ "d"
+ ],
+ [
+ "ĠP",
+ "erson"
+ ],
+ [
+ "rib",
+ "le"
+ ],
+ [
+ "Ġinv",
+ "asion"
+ ],
+ [
+ "Ġassess",
+ "ed"
+ ],
+ [
+ "ils",
+ "on"
+ ],
+ [
+ "ĠAn",
+ "imals"
+ ],
+ [
+ "17",
+ "6"
+ ],
+ [
+ "low",
+ "er"
+ ],
+ [
+ "ra",
+ "id"
+ ],
+ [
+ "w",
+ "idth"
+ ],
+ [
+ "Ġd",
+ "ot"
+ ],
+ [
+ "ag",
+ "an"
+ ],
+ [
+ "ib",
+ "ration"
+ ],
+ [
+ "Ġmemor",
+ "able"
+ ],
+ [
+ "Ġpl",
+ "t"
+ ],
+ [
+ "ict",
+ "ional"
+ ],
+ [
+ "Ġvirt",
+ "ually"
+ ],
+ [
+ "p",
+ "ress"
+ ],
+ [
+ "ĠInst",
+ "all"
+ ],
+ [
+ "Ġsett",
+ "led"
+ ],
+ [
+ "ĠEqu",
+ "ations"
+ ],
+ [
+ "Ġcl",
+ "oth"
+ ],
+ [
+ "ĠMich",
+ "igan"
+ ],
+ [
+ "eng",
+ "ers"
+ ],
+ [
+ "Ġw",
+ "ed"
+ ],
+ [
+ "ĠS",
+ "on"
+ ],
+ [
+ "ĠPr",
+ "ice"
+ ],
+ [
+ "Ġassoci",
+ "ate"
+ ],
+ [
+ "ĠG",
+ "ive"
+ ],
+ [
+ "Ġrevolution",
+ "ary"
+ ],
+ [
+ "e",
+ "h"
+ ],
+ [
+ "Ġcomb",
+ "ust"
+ ],
+ [
+ "Ġdocument",
+ "ation"
+ ],
+ [
+ "u",
+ "v"
+ ],
+ [
+ "ĠN",
+ "ob"
+ ],
+ [
+ "Ġte",
+ "ens"
+ ],
+ [
+ "p",
+ "end"
+ ],
+ [
+ "Ġcan",
+ "al"
+ ],
+ [
+ "Ġhero",
+ "es"
+ ],
+ [
+ "Ġpublic",
+ "ations"
+ ],
+ [
+ "ĠE",
+ "X"
+ ],
+ [
+ "pie",
+ "ce"
+ ],
+ [
+ "ac",
+ "her"
+ ],
+ [
+ "hes",
+ "es"
+ ],
+ [
+ "Ġmod",
+ "es"
+ ],
+ [
+ "Ġpron",
+ "unciation"
+ ],
+ [
+ "ĠProfess",
+ "ional"
+ ],
+ [
+ "Ġp",
+ "itch"
+ ],
+ [
+ "Ġsh",
+ "akespeare"
+ ],
+ [
+ "C",
+ "s"
+ ],
+ [
+ "Ġcomp",
+ "ute"
+ ],
+ [
+ "ĠC",
+ "ut"
+ ],
+ [
+ "ĠF",
+ "em"
+ ],
+ [
+ "l",
+ "ie"
+ ],
+ [
+ "Ġsome",
+ "where"
+ ],
+ [
+ "ig",
+ "eria"
+ ],
+ [
+ "Ġconsequ",
+ "ence"
+ ],
+ [
+ "ĠPer",
+ "haps"
+ ],
+ [
+ "Ġra",
+ "ys"
+ ],
+ [
+ "Ġrel",
+ "ies"
+ ],
+ [
+ "Ġsmooth",
+ "ly"
+ ],
+ [
+ "Ġhob",
+ "bies"
+ ],
+ [
+ "Ġpurch",
+ "ased"
+ ],
+ [
+ "ura",
+ "b"
+ ],
+ [
+ "enti",
+ "eth"
+ ],
+ [
+ "Ġpartners",
+ "hips"
+ ],
+ [
+ "Ġweek",
+ "ly"
+ ],
+ [
+ "Ġo",
+ "ct"
+ ],
+ [
+ "ĠHe",
+ "brew"
+ ],
+ [
+ "ĠMuslim",
+ "s"
+ ],
+ [
+ "Ġmyster",
+ "ious"
+ ],
+ [
+ "ĠD",
+ "om"
+ ],
+ [
+ "ĠL",
+ "uc"
+ ],
+ [
+ "ish",
+ "op"
+ ],
+ [
+ "Ġ",
+ "##"
+ ],
+ [
+ "Ġinv",
+ "asive"
+ ],
+ [
+ "Ġterm",
+ "inal"
+ ],
+ [
+ "s",
+ "v"
+ ],
+ [
+ "ar",
+ "bon"
+ ],
+ [
+ "Ġmax",
+ "im"
+ ],
+ [
+ "ĠTre",
+ "nds"
+ ],
+ [
+ "Ġp",
+ "ix"
+ ],
+ [
+ "Ġprov",
+ "in"
+ ],
+ [
+ "ĠHar",
+ "vard"
+ ],
+ [
+ "ist",
+ "ing"
+ ],
+ [
+ "Ġmusic",
+ "ians"
+ ],
+ [
+ "Ġd",
+ "ol"
+ ],
+ [
+ "Ġg",
+ "ains"
+ ],
+ [
+ "Ġfe",
+ "es"
+ ],
+ [
+ "Ġpoll",
+ "ut"
+ ],
+ [
+ "Ġman",
+ "uscript"
+ ],
+ [
+ "ble",
+ "m"
+ ],
+ [
+ "ĠM",
+ "es"
+ ],
+ [
+ "ĠLin",
+ "ux"
+ ],
+ [
+ "Ġmod",
+ "ifications"
+ ],
+ [
+ "Ġt",
+ "elesc"
+ ],
+ [
+ "Ġillust",
+ "rations"
+ ],
+ [
+ "ĠSqu",
+ "are"
+ ],
+ [
+ "M",
+ "at"
+ ],
+ [
+ "ac",
+ "le"
+ ],
+ [
+ "Ġm",
+ "ol"
+ ],
+ [
+ "Ġm",
+ "erg"
+ ],
+ [
+ "ĠL",
+ "iving"
+ ],
+ [
+ "ĠH",
+ "an"
+ ],
+ [
+ "Ġcar",
+ "ing"
+ ],
+ [
+ "gra",
+ "duate"
+ ],
+ [
+ "plic",
+ "ate"
+ ],
+ [
+ "Ġattempt",
+ "ing"
+ ],
+ [
+ "ĠTur",
+ "k"
+ ],
+ [
+ "F",
+ "S"
+ ],
+ [
+ "ĠC",
+ "orn"
+ ],
+ [
+ "Ġloc",
+ "ate"
+ ],
+ [
+ "ke",
+ "ys"
+ ],
+ [
+ "Ġdraw",
+ "ings"
+ ],
+ [
+ "f",
+ "erence"
+ ],
+ [
+ "Ġtend",
+ "ency"
+ ],
+ [
+ "Ġst",
+ "ew"
+ ],
+ [
+ "Ġh",
+ "ide"
+ ],
+ [
+ "Ġse",
+ "asons"
+ ],
+ [
+ "Ġground",
+ "s"
+ ],
+ [
+ "par",
+ "am"
+ ],
+ [
+ "Ġsubt",
+ "raction"
+ ],
+ [
+ "ĠEduc",
+ "ational"
+ ],
+ [
+ "Ġconv",
+ "in"
+ ],
+ [
+ "ĠV",
+ "ers"
+ ],
+ [
+ "c",
+ "ence"
+ ],
+ [
+ "-d",
+ "ef"
+ ],
+ [
+ "ĠT",
+ "urn"
+ ],
+ [
+ "Ġseg",
+ "ments"
+ ],
+ [
+ "Ġdram",
+ "a"
+ ],
+ [
+ "Ġarrange",
+ "ments"
+ ],
+ [
+ "Ġcat",
+ "tle"
+ ],
+ [
+ "Ġdeliver",
+ "ing"
+ ],
+ [
+ "oun",
+ "ters"
+ ],
+ [
+ "In",
+ "tern"
+ ],
+ [
+ "Ġann",
+ "ually"
+ ],
+ [
+ "Ġdiscover",
+ "ing"
+ ],
+ [
+ "Ġre",
+ "cess"
+ ],
+ [
+ "ĠPen",
+ "nsylvania"
+ ],
+ [
+ "ĠF",
+ "arm"
+ ],
+ [
+ "Ġoper",
+ "ators"
+ ],
+ [
+ "ĠArab",
+ "ic"
+ ],
+ [
+ "ĠF",
+ "ather"
+ ],
+ [
+ "ĠLine",
+ "ar"
+ ],
+ [
+ "-",
+ "ass"
+ ],
+ [
+ "Ġcomp",
+ "osite"
+ ],
+ [
+ "ĠCalcul",
+ "ate"
+ ],
+ [
+ "Ġprof",
+ "its"
+ ],
+ [
+ "R",
+ "L"
+ ],
+ [
+ "ans",
+ "as"
+ ],
+ [
+ "ino",
+ "is"
+ ],
+ [
+ "Ġorgan",
+ "is"
+ ],
+ [
+ "Ġenthusi",
+ "asts"
+ ],
+ [
+ "Ġclust",
+ "er"
+ ],
+ [
+ "D",
+ "id"
+ ],
+ [
+ "AT",
+ "E"
+ ],
+ [
+ "ĠPol",
+ "y"
+ ],
+ [
+ "Ġox",
+ "id"
+ ],
+ [
+ "Ġnavig",
+ "ation"
+ ],
+ [
+ "Ġarr",
+ "ive"
+ ],
+ [
+ "enn",
+ "is"
+ ],
+ [
+ "ĠAnd",
+ "rew"
+ ],
+ [
+ "Ġgraph",
+ "ics"
+ ],
+ [
+ "Ġstra",
+ "w"
+ ],
+ [
+ "Ġfrequ",
+ "encies"
+ ],
+ [
+ "`",
+ ","
+ ],
+ [
+ "}",
+ "}{"
+ ],
+ [
+ "-dr",
+ "iven"
+ ],
+ [
+ "g",
+ "on"
+ ],
+ [
+ "ĠD",
+ "am"
+ ],
+ [
+ "Ġgra",
+ "y"
+ ],
+ [
+ "/",
+ "A"
+ ],
+ [
+ ".",
+ "j"
+ ],
+ [
+ "ut",
+ "or"
+ ],
+ [
+ "Ġele",
+ "g"
+ ],
+ [
+ "Ġ(",
+ "âĢľ"
+ ],
+ [
+ "ĠM",
+ "P"
+ ],
+ [
+ "Ġg",
+ "amb"
+ ],
+ [
+ "ĠTra",
+ "ditional"
+ ],
+ [
+ "'",
+ ":Ċ"
+ ],
+ [
+ "Ġ",
+ ")Ċ"
+ ],
+ [
+ "Ġlif",
+ "es"
+ ],
+ [
+ "Ġdis",
+ "asters"
+ ],
+ [
+ "Ġpu",
+ "pp"
+ ],
+ [
+ "OL",
+ "OG"
+ ],
+ [
+ "ĠEv",
+ "olution"
+ ],
+ [
+ "Ġep",
+ "ic"
+ ],
+ [
+ "ĠCont",
+ "ent"
+ ],
+ [
+ "Ġt",
+ "ort"
+ ],
+ [
+ "ĠB",
+ "ase"
+ ],
+ [
+ "Ġaccount",
+ "ability"
+ ],
+ [
+ "Ġbra",
+ "nds"
+ ],
+ [
+ "Ġhop",
+ "ed"
+ ],
+ [
+ "ĠD",
+ "ial"
+ ],
+ [
+ ">",
+ "<"
+ ],
+ [
+ "?",
+ "\"ĊĊ"
+ ],
+ [
+ "Ġt",
+ "ire"
+ ],
+ [
+ "ĠVir",
+ "t"
+ ],
+ [
+ "Ġtact",
+ "ics"
+ ],
+ [
+ "ãĢ",
+ "Ĥ"
+ ],
+ [
+ "H",
+ "T"
+ ],
+ [
+ "ac",
+ "erb"
+ ],
+ [
+ "Ġantib",
+ "odies"
+ ],
+ [
+ "Ġstra",
+ "ins"
+ ],
+ [
+ "Ġin",
+ "ev"
+ ],
+ [
+ "Ġatt",
+ "ain"
+ ],
+ [
+ "ĠLin",
+ "coln"
+ ],
+ [
+ "im",
+ "b"
+ ],
+ [
+ "ow",
+ "ns"
+ ],
+ [
+ "Ġinterpret",
+ "ations"
+ ],
+ [
+ "Ġconcept",
+ "ual"
+ ],
+ [
+ "Ġbet",
+ "a"
+ ],
+ [
+ "Ġint",
+ "ra"
+ ],
+ [
+ ".",
+ "b"
+ ],
+ [
+ "ĠC",
+ "ert"
+ ],
+ [
+ "ĠN",
+ "urs"
+ ],
+ [
+ "Ġpress",
+ "ures"
+ ],
+ [
+ "Ġcitiz",
+ "en"
+ ],
+ [
+ "y",
+ "an"
+ ],
+ [
+ "f",
+ "ront"
+ ],
+ [
+ "M",
+ "on"
+ ],
+ [
+ "Ġmark",
+ "ers"
+ ],
+ [
+ "ros",
+ "ion"
+ ],
+ [
+ "oc",
+ "ent"
+ ],
+ [
+ "Ġvac",
+ "uum"
+ ],
+ [
+ "Ġreg",
+ "ime"
+ ],
+ [
+ "EN",
+ "ILE"
+ ],
+ [
+ "Ġcam",
+ "eras"
+ ],
+ [
+ "em",
+ "ics"
+ ],
+ [
+ "he",
+ "ro"
+ ],
+ [
+ "Ġserious",
+ "ly"
+ ],
+ [
+ "ĠPl",
+ "ants"
+ ],
+ [
+ "act",
+ "ic"
+ ],
+ [
+ "Ġem",
+ "it"
+ ],
+ [
+ "UV",
+ "ENILE"
+ ],
+ [
+ "af",
+ "e"
+ ],
+ [
+ "Ġcount",
+ "s"
+ ],
+ [
+ "ĠLabor",
+ "atory"
+ ],
+ [
+ "ĠT",
+ "ax"
+ ],
+ [
+ "Ġcont",
+ "amination"
+ ],
+ [
+ "~",
+ "~"
+ ],
+ [
+ "us",
+ "er"
+ ],
+ [
+ "ĠEm",
+ "bra"
+ ],
+ [
+ "ã",
+ "ĥ"
+ ],
+ [
+ "Ġvol",
+ "umes"
+ ],
+ [
+ "ĠW",
+ "alk"
+ ],
+ [
+ "**",
+ "Ċ"
+ ],
+ [
+ "v",
+ "ar"
+ ],
+ [
+ "Ġstre",
+ "ams"
+ ],
+ [
+ "Ġdig",
+ "estion"
+ ],
+ [
+ "aw",
+ "ay"
+ ],
+ [
+ "Ġdel",
+ "ves"
+ ],
+ [
+ "ĠCar",
+ "bon"
+ ],
+ [
+ "ĠM",
+ "arg"
+ ],
+ [
+ "r",
+ "in"
+ ],
+ [
+ "i",
+ "ors"
+ ],
+ [
+ "Ġneighb",
+ "ors"
+ ],
+ [
+ "âĢĶ",
+ "a"
+ ],
+ [
+ "Ġbo",
+ "ards"
+ ],
+ [
+ "at",
+ "ility"
+ ],
+ [
+ "Ġox",
+ "ide"
+ ],
+ [
+ "ĠColor",
+ "ado"
+ ],
+ [
+ "d",
+ "ess"
+ ],
+ [
+ "Ġmac",
+ "ro"
+ ],
+ [
+ "ĠF",
+ "ish"
+ ],
+ [
+ "Th",
+ "anks"
+ ],
+ [
+ "12",
+ "8"
+ ],
+ [
+ "Ġprot",
+ "agon"
+ ],
+ [
+ "Ġirrig",
+ "ation"
+ ],
+ [
+ "Ġf",
+ "ate"
+ ],
+ [
+ "Ġtim",
+ "ing"
+ ],
+ [
+ "Ġepis",
+ "ode"
+ ],
+ [
+ "ĠA",
+ "bs"
+ ],
+ [
+ "Ġpeace",
+ "ful"
+ ],
+ [
+ "Ġadop",
+ "ting"
+ ],
+ [
+ "em",
+ "ies"
+ ],
+ [
+ "Ġfol",
+ "k"
+ ],
+ [
+ "T",
+ "ube"
+ ],
+ [
+ "ĠR",
+ "ail"
+ ],
+ [
+ "Ġp",
+ "ine"
+ ],
+ [
+ "ĠGard",
+ "en"
+ ],
+ [
+ "ig",
+ "ration"
+ ],
+ [
+ "S",
+ "O"
+ ],
+ [
+ "Ġassess",
+ "ing"
+ ],
+ [
+ "å",
+ "IJ"
+ ],
+ [
+ "Ġsymbol",
+ "ic"
+ ],
+ [
+ "3",
+ "50"
+ ],
+ [
+ "ab",
+ "led"
+ ],
+ [
+ "Ġed",
+ "it"
+ ],
+ [
+ "Ġrem",
+ "inder"
+ ],
+ [
+ "bre",
+ "aking"
+ ],
+ [
+ "ain",
+ "e"
+ ],
+ [
+ "ari",
+ "ans"
+ ],
+ [
+ "ĠSym",
+ "ptoms"
+ ],
+ [
+ "Ġequ",
+ "itable"
+ ],
+ [
+ "Ġshould",
+ "n"
+ ],
+ [
+ "Ġhist",
+ "ories"
+ ],
+ [
+ "un",
+ "s"
+ ],
+ [
+ "Ans",
+ "wer"
+ ],
+ [
+ "Ġl",
+ "ar"
+ ],
+ [
+ "Ġre",
+ "wards"
+ ],
+ [
+ "Ġcap",
+ "ability"
+ ],
+ [
+ "Ġemb",
+ "od"
+ ],
+ [
+ "ĠMass",
+ "achusetts"
+ ],
+ [
+ "Ġwrit",
+ "ings"
+ ],
+ [
+ "Ġmotiv",
+ "ated"
+ ],
+ [
+ "Ġgen",
+ "us"
+ ],
+ [
+ "ĠN",
+ "utrition"
+ ],
+ [
+ "Ġvalu",
+ "ed"
+ ],
+ [
+ "Ġform",
+ "ulas"
+ ],
+ [
+ "Ġkne",
+ "e"
+ ],
+ [
+ "ĠW",
+ "is"
+ ],
+ [
+ "Ġtravel",
+ "s"
+ ],
+ [
+ "Ġex",
+ "clusive"
+ ],
+ [
+ "ĠE",
+ "V"
+ ],
+ [
+ "Ġaff",
+ "airs"
+ ],
+ [
+ "ĠD",
+ "ie"
+ ],
+ [
+ "Ġim",
+ "bal"
+ ],
+ [
+ "Ġpred",
+ "iction"
+ ],
+ [
+ "D",
+ "ownload"
+ ],
+ [
+ "Ġdis",
+ "cl"
+ ],
+ [
+ "Ġapp",
+ "et"
+ ],
+ [
+ "arm",
+ "a"
+ ],
+ [
+ "ver",
+ "ages"
+ ],
+ [
+ "Ġfra",
+ "ud"
+ ],
+ [
+ "Ġsnipp",
+ "ets"
+ ],
+ [
+ "M",
+ "M"
+ ],
+ [
+ "Ġon",
+ "set"
+ ],
+ [
+ "Ġex",
+ "acerb"
+ ],
+ [
+ "Ġwire",
+ "less"
+ ],
+ [
+ "Ġbur",
+ "ied"
+ ],
+ [
+ "ĠG",
+ "rowth"
+ ],
+ [
+ "ĠS",
+ "leep"
+ ],
+ [
+ "Ġgl",
+ "ac"
+ ],
+ [
+ "Ġcolle",
+ "ges"
+ ],
+ [
+ "Ġb",
+ "ind"
+ ],
+ [
+ "Ġas",
+ "ym"
+ ],
+ [
+ "ĠM",
+ "other"
+ ],
+ [
+ "Ġarr",
+ "ival"
+ ],
+ [
+ "Eng",
+ "lish"
+ ],
+ [
+ "Ġcryst",
+ "al"
+ ],
+ [
+ "Ġdro",
+ "pped"
+ ],
+ [
+ "end",
+ "a"
+ ],
+ [
+ "Ġplant",
+ "ed"
+ ],
+ [
+ "ĠÏ",
+ "Ģ"
+ ],
+ [
+ "Ġprof",
+ "iles"
+ ],
+ [
+ "Ġcorre",
+ "l"
+ ],
+ [
+ "ĠCont",
+ "emporary"
+ ],
+ [
+ "-est",
+ "eem"
+ ],
+ [
+ "Ġsp",
+ "ine"
+ ],
+ [
+ "ir",
+ "al"
+ ],
+ [
+ "Ġmur",
+ "der"
+ ],
+ [
+ "n",
+ "p"
+ ],
+ [
+ "W",
+ "he"
+ ],
+ [
+ "-",
+ "cl"
+ ],
+ [
+ "Ġanaly",
+ "tics"
+ ],
+ [
+ "or",
+ "b"
+ ],
+ [
+ "Ġperform",
+ "ances"
+ ],
+ [
+ "dom",
+ "inal"
+ ],
+ [
+ "ra",
+ "ham"
+ ],
+ [
+ "Ġl",
+ "akes"
+ ],
+ [
+ "T",
+ "ake"
+ ],
+ [
+ "Ġreview",
+ "ed"
+ ],
+ [
+ "ĠC",
+ "apt"
+ ],
+ [
+ "Ġra",
+ "ises"
+ ],
+ [
+ "ĠR",
+ "s"
+ ],
+ [
+ "ĠM",
+ "ur"
+ ],
+ [
+ "ĠG",
+ "DP"
+ ],
+ [
+ "ĠSustain",
+ "able"
+ ],
+ [
+ "-",
+ "per"
+ ],
+ [
+ "ub",
+ "le"
+ ],
+ [
+ "ĠF",
+ "ed"
+ ],
+ [
+ "Ġal",
+ "k"
+ ],
+ [
+ "ĠComp",
+ "an"
+ ],
+ [
+ "le",
+ "m"
+ ],
+ [
+ "Ġput",
+ "s"
+ ],
+ [
+ "W",
+ "ill"
+ ],
+ [
+ "âĢ",
+ "²"
+ ],
+ [
+ "Ġspecial",
+ "ists"
+ ],
+ [
+ "Ġlib",
+ "eral"
+ ],
+ [
+ "Ġv",
+ "ivid"
+ ],
+ [
+ "ĠW",
+ "ars"
+ ],
+ [
+ "Ġmet",
+ "all"
+ ],
+ [
+ "ĠBer",
+ "lin"
+ ],
+ [
+ "ab",
+ "out"
+ ],
+ [
+ "ĠB",
+ "ern"
+ ],
+ [
+ "Ġstr",
+ "ings"
+ ],
+ [
+ "Ġvacc",
+ "ination"
+ ],
+ [
+ "Ġprolong",
+ "ed"
+ ],
+ [
+ "ĠS",
+ "D"
+ ],
+ [
+ "-A",
+ "merican"
+ ],
+ [
+ "AR",
+ "S"
+ ],
+ [
+ "Ġin",
+ "ver"
+ ],
+ [
+ "Ġfert",
+ "ility"
+ ],
+ [
+ "Ġpil",
+ "ot"
+ ],
+ [
+ "y",
+ "t"
+ ],
+ [
+ "Ġpl",
+ "ural"
+ ],
+ [
+ ")",
+ "*"
+ ],
+ [
+ "i",
+ "w"
+ ],
+ [
+ "ap",
+ "ing"
+ ],
+ [
+ "Ġw",
+ "ake"
+ ],
+ [
+ "itz",
+ "er"
+ ],
+ [
+ "Ġlic",
+ "ense"
+ ],
+ [
+ "ra",
+ "ndom"
+ ],
+ [
+ "Ġunlike",
+ "ly"
+ ],
+ [
+ "mer",
+ "ce"
+ ],
+ [
+ "Ġ",
+ "###"
+ ],
+ [
+ "ĠChall",
+ "enges"
+ ],
+ [
+ "ys",
+ "ics"
+ ],
+ [
+ "Ġprodu",
+ "cers"
+ ],
+ [
+ "ĠPl",
+ "ans"
+ ],
+ [
+ "ĠA",
+ "ges"
+ ],
+ [
+ "Ġhe",
+ "ated"
+ ],
+ [
+ "ĠFact",
+ "s"
+ ],
+ [
+ "Ġstret",
+ "ch"
+ ],
+ [
+ "Q",
+ "U"
+ ],
+ [
+ "Ġbra",
+ "ve"
+ ],
+ [
+ "b",
+ "ird"
+ ],
+ [
+ "Ġimp",
+ "ression"
+ ],
+ [
+ "ĠB",
+ "uild"
+ ],
+ [
+ "Ġun",
+ "pre"
+ ],
+ [
+ "ĠEss",
+ "ential"
+ ],
+ [
+ "H",
+ "ome"
+ ],
+ [
+ "C",
+ "L"
+ ],
+ [
+ "a",
+ "a"
+ ],
+ [
+ "b",
+ "ul"
+ ],
+ [
+ "ĠB",
+ "io"
+ ],
+ [
+ "ock",
+ "et"
+ ],
+ [
+ "if",
+ "ice"
+ ],
+ [
+ "Ġaest",
+ "hetic"
+ ],
+ [
+ "V",
+ "E"
+ ],
+ [
+ "Ġcyl",
+ "inder"
+ ],
+ [
+ "Ġcalcul",
+ "ating"
+ ],
+ [
+ "ig",
+ "ation"
+ ],
+ [
+ "Ġcompet",
+ "ing"
+ ],
+ [
+ "ĠJ",
+ "ackson"
+ ],
+ [
+ "pos",
+ "ed"
+ ],
+ [
+ "ĠC",
+ "rus"
+ ],
+ [
+ "Ġloc",
+ "ally"
+ ],
+ [
+ "ĠS",
+ "ample"
+ ],
+ [
+ ".",
+ ":"
+ ],
+ [
+ "Ã",
+ "ĥ"
+ ],
+ [
+ "ĠPrim",
+ "ary"
+ ],
+ [
+ "Ġtri",
+ "angles"
+ ],
+ [
+ "usal",
+ "em"
+ ],
+ [
+ "Ġsp",
+ "an"
+ ],
+ [
+ "Ġcol",
+ "ony"
+ ],
+ [
+ "icult",
+ "ural"
+ ],
+ [
+ "Ġpl",
+ "ag"
+ ],
+ [
+ "ĠW",
+ "in"
+ ],
+ [
+ "ch",
+ "arg"
+ ],
+ [
+ "Ġritual",
+ "s"
+ ],
+ [
+ "16",
+ "8"
+ ],
+ [
+ "Ġlif",
+ "t"
+ ],
+ [
+ "p",
+ "ower"
+ ],
+ [
+ "he",
+ "res"
+ ],
+ [
+ "Ġl",
+ "ux"
+ ],
+ [
+ "Ġpre",
+ "view"
+ ],
+ [
+ "ĠCon",
+ "text"
+ ],
+ [
+ "Ġanal",
+ "og"
+ ],
+ [
+ "Ġautom",
+ "ated"
+ ],
+ [
+ "Ġaqu",
+ "atic"
+ ],
+ [
+ "T",
+ "op"
+ ],
+ [
+ "Ġmulti",
+ "pl"
+ ],
+ [
+ "ĠCh",
+ "ief"
+ ],
+ [
+ "ĠIndust",
+ "ry"
+ ],
+ [
+ "Ġrat",
+ "ios"
+ ],
+ [
+ "ĠRes",
+ "ource"
+ ],
+ [
+ "Ġweakness",
+ "es"
+ ],
+ [
+ "ĠMar",
+ "ia"
+ ],
+ [
+ "{",
+ "x"
+ ],
+ [
+ "Ġst",
+ "uck"
+ ],
+ [
+ "(",
+ "len"
+ ],
+ [
+ "Ġf",
+ "usion"
+ ],
+ [
+ "Ġdis",
+ "placement"
+ ],
+ [
+ "un",
+ "ar"
+ ],
+ [
+ "ĠMe",
+ "asure"
+ ],
+ [
+ "in",
+ "th"
+ ],
+ [
+ "Ġbut",
+ "t"
+ ],
+ [
+ "Ġb",
+ "rit"
+ ],
+ [
+ "RE",
+ "E"
+ ],
+ [
+ "Ġcon",
+ "ve"
+ ],
+ [
+ "ĠO",
+ "cc"
+ ],
+ [
+ "ĠFranc",
+ "isco"
+ ],
+ [
+ "ote",
+ "chnology"
+ ],
+ [
+ "Ġdro",
+ "ps"
+ ],
+ [
+ "Ġr",
+ "ating"
+ ],
+ [
+ "_d",
+ "ata"
+ ],
+ [
+ "Ġdrain",
+ "age"
+ ],
+ [
+ "Ġl",
+ "ith"
+ ],
+ [
+ "Ġliter",
+ "ally"
+ ],
+ [
+ "I",
+ "ON"
+ ],
+ [
+ "Ġp",
+ "ale"
+ ],
+ [
+ "ĠComm",
+ "ons"
+ ],
+ [
+ "ut",
+ "ors"
+ ],
+ [
+ "á",
+ "»"
+ ],
+ [
+ "ro",
+ "ts"
+ ],
+ [
+ "Ġafter",
+ "noon"
+ ],
+ [
+ ".",
+ "next"
+ ],
+ [
+ "ob",
+ "e"
+ ],
+ [
+ "lic",
+ "t"
+ ],
+ [
+ "E",
+ "A"
+ ],
+ [
+ "ĠJ",
+ "r"
+ ],
+ [
+ "Ġmarginal",
+ "ized"
+ ],
+ [
+ "ĠMean",
+ "ing"
+ ],
+ [
+ "it",
+ "ic"
+ ],
+ [
+ "ĠFun",
+ "ctions"
+ ],
+ [
+ "ĠH",
+ "a"
+ ],
+ [
+ "ne",
+ "a"
+ ],
+ [
+ "Ġcomm",
+ "od"
+ ],
+ [
+ "Ġfav",
+ "our"
+ ],
+ [
+ "Ġwind",
+ "s"
+ ],
+ [
+ "Ġexplicit",
+ "ly"
+ ],
+ [
+ "Ġcan",
+ "nab"
+ ],
+ [
+ "eg",
+ "ree"
+ ],
+ [
+ "Ġret",
+ "ention"
+ ],
+ [
+ "f",
+ "ile"
+ ],
+ [
+ "Ġu",
+ "l"
+ ],
+ [
+ "Ġmat",
+ "ching"
+ ],
+ [
+ "Ġfund",
+ "ament"
+ ],
+ [
+ "clus",
+ "ivity"
+ ],
+ [
+ "Ġinf",
+ "inite"
+ ],
+ [
+ "Ġpass",
+ "ive"
+ ],
+ [
+ "ĠDi",
+ "agram"
+ ],
+ [
+ "е",
+ "н"
+ ],
+ [
+ "C",
+ "lick"
+ ],
+ [
+ "ĠP",
+ "L"
+ ],
+ [
+ "âĦ",
+ "¢"
+ ],
+ [
+ "ĠP",
+ "ast"
+ ],
+ [
+ "Ġwor",
+ "n"
+ ],
+ [
+ "ole",
+ "cular"
+ ],
+ [
+ "ad",
+ "el"
+ ],
+ [
+ "Ġargument",
+ "ative"
+ ],
+ [
+ "Ġemploy",
+ "ers"
+ ],
+ [
+ "ĠG",
+ "a"
+ ],
+ [
+ "it",
+ "led"
+ ],
+ [
+ "Ġsens",
+ "es"
+ ],
+ [
+ "ĠRes",
+ "earchers"
+ ],
+ [
+ "Ġexp",
+ "onential"
+ ],
+ [
+ "Ġbow",
+ "l"
+ ],
+ [
+ "c",
+ "ut"
+ ],
+ [
+ "el",
+ "se"
+ ],
+ [
+ "ĠSm",
+ "art"
+ ],
+ [
+ "ĠImport",
+ "ant"
+ ],
+ [
+ "D",
+ "ep"
+ ],
+ [
+ "ĠN",
+ "ic"
+ ],
+ [
+ "ĠIn",
+ "v"
+ ],
+ [
+ "ĠSum",
+ "mary"
+ ],
+ [
+ "Ġ",
+ "icon"
+ ],
+ [
+ "Ġelect",
+ "ions"
+ ],
+ [
+ "Ġsm",
+ "ile"
+ ],
+ [
+ "ar",
+ "se"
+ ],
+ [
+ "T",
+ "C"
+ ],
+ [
+ "Ġcollabor",
+ "ate"
+ ],
+ [
+ "Ġc",
+ "eram"
+ ],
+ [
+ "Ġabsor",
+ "bed"
+ ],
+ [
+ "Ġ",
+ "________________"
+ ],
+ [
+ "ĠB",
+ "on"
+ ],
+ [
+ "-",
+ "an"
+ ],
+ [
+ "ĠSt",
+ "ill"
+ ],
+ [
+ "the",
+ "w"
+ ],
+ [
+ "ll",
+ "a"
+ ],
+ [
+ "n",
+ "ames"
+ ],
+ [
+ "W",
+ "ater"
+ ],
+ [
+ "Ġbelong",
+ "s"
+ ],
+ [
+ "ĠG",
+ "ir"
+ ],
+ [
+ "Ġso",
+ "ap"
+ ],
+ [
+ "ĠPh",
+ "D"
+ ],
+ [
+ "im",
+ "edia"
+ ],
+ [
+ "ĠSt",
+ "ructure"
+ ],
+ [
+ "Ġintrodu",
+ "ces"
+ ],
+ [
+ "v",
+ "i"
+ ],
+ [
+ "fol",
+ "io"
+ ],
+ [
+ "cy",
+ "cle"
+ ],
+ [
+ "ĠCreat",
+ "ing"
+ ],
+ [
+ "Ġflu",
+ "ids"
+ ],
+ [
+ "Ġsimpl",
+ "er"
+ ],
+ [
+ "row",
+ "se"
+ ],
+ [
+ "Ġï",
+ "Ģ"
+ ],
+ [
+ "ĠF",
+ "ive"
+ ],
+ [
+ "Res",
+ "earchers"
+ ],
+ [
+ "ĠIndones",
+ "ia"
+ ],
+ [
+ "Ġaf",
+ "ric"
+ ],
+ [
+ "ĠDep",
+ "ression"
+ ],
+ [
+ "Ġdispos",
+ "al"
+ ],
+ [
+ "ĠT",
+ "ai"
+ ],
+ [
+ "Ġpres",
+ "erved"
+ ],
+ [
+ "ou",
+ "b"
+ ],
+ [
+ "ĠT",
+ "our"
+ ],
+ [
+ "ĠF",
+ "air"
+ ],
+ [
+ "ĠP",
+ "y"
+ ],
+ [
+ "ĠEst",
+ "ab"
+ ],
+ [
+ "Ġmanip",
+ "ulation"
+ ],
+ [
+ "Ġpred",
+ "ominant"
+ ],
+ [
+ "y",
+ "ard"
+ ],
+ [
+ "ĠÃ",
+ "¢"
+ ],
+ [
+ "erv",
+ "es"
+ ],
+ [
+ "Ġgast",
+ "ro"
+ ],
+ [
+ "ul",
+ "ates"
+ ],
+ [
+ "Ġbi",
+ "ases"
+ ],
+ [
+ "',",
+ "'"
+ ],
+ [
+ "te",
+ "in"
+ ],
+ [
+ "Ġdefect",
+ "s"
+ ],
+ [
+ "f",
+ "eed"
+ ],
+ [
+ "ĠAs",
+ "h"
+ ],
+ [
+ "S",
+ "ocial"
+ ],
+ [
+ "1",
+ "15"
+ ],
+ [
+ "ĠN",
+ "ON"
+ ],
+ [
+ "b",
+ "est"
+ ],
+ [
+ "ĠG",
+ "ram"
+ ],
+ [
+ "Ġcook",
+ "ies"
+ ],
+ [
+ "a",
+ "fter"
+ ],
+ [
+ "Ġl",
+ "unch"
+ ],
+ [
+ "Ġcoll",
+ "apse"
+ ],
+ [
+ "A",
+ "nt"
+ ],
+ [
+ "Ġroll",
+ "ing"
+ ],
+ [
+ "IC",
+ "S"
+ ],
+ [
+ "Ġw",
+ "ires"
+ ],
+ [
+ "Ġtime",
+ "ly"
+ ],
+ [
+ "Ġa",
+ "rom"
+ ],
+ [
+ "ĠUk",
+ "raine"
+ ],
+ [
+ "Ġg",
+ "er"
+ ],
+ [
+ "Ġtal",
+ "ks"
+ ],
+ [
+ "ĠT",
+ "erm"
+ ],
+ [
+ "Ġv",
+ "ot"
+ ],
+ [
+ "Ġappoint",
+ "ed"
+ ],
+ [
+ "Ġaccompl",
+ "ished"
+ ],
+ [
+ "O",
+ "ct"
+ ],
+ [
+ "igh",
+ "th"
+ ],
+ [
+ "ä",
+ "½"
+ ],
+ [
+ "}",
+ "("
+ ],
+ [
+ "Ġod",
+ "ds"
+ ],
+ [
+ "Ġkilomet",
+ "ers"
+ ],
+ [
+ "ĠH",
+ "em"
+ ],
+ [
+ "s",
+ "k"
+ ],
+ [
+ "Ġaf",
+ "raid"
+ ],
+ [
+ "ce",
+ "eds"
+ ],
+ [
+ "ĠN",
+ "Y"
+ ],
+ [
+ "ĠI",
+ "raq"
+ ],
+ [
+ "Ġtradition",
+ "ally"
+ ],
+ [
+ "Ġrein",
+ "force"
+ ],
+ [
+ "ĠK",
+ "n"
+ ],
+ [
+ "or",
+ "ie"
+ ],
+ [
+ "qu",
+ "ate"
+ ],
+ [
+ "Ġs",
+ "emic"
+ ],
+ [
+ "Ġint",
+ "im"
+ ],
+ [
+ "Ġcru",
+ "st"
+ ],
+ [
+ "bre",
+ "v"
+ ],
+ [
+ "an",
+ "ol"
+ ],
+ [
+ "Ġimpact",
+ "ed"
+ ],
+ [
+ "ĠCont",
+ "ents"
+ ],
+ [
+ "erm",
+ "at"
+ ],
+ [
+ "Ġth",
+ "reshold"
+ ],
+ [
+ "ap",
+ "ore"
+ ],
+ [
+ "un",
+ "ing"
+ ],
+ [
+ "ĠSt",
+ "one"
+ ],
+ [
+ "Ġansw",
+ "ered"
+ ],
+ [
+ "atur",
+ "day"
+ ],
+ [
+ "Ġcub",
+ "ic"
+ ],
+ [
+ "Ġbe",
+ "aring"
+ ],
+ [
+ "Ġmult",
+ "if"
+ ],
+ [
+ "Ġbank",
+ "ing"
+ ],
+ [
+ "p",
+ "ath"
+ ],
+ [
+ "oc",
+ "hemical"
+ ],
+ [
+ "Ġse",
+ "iz"
+ ],
+ [
+ "rou",
+ "ps"
+ ],
+ [
+ "Â",
+ "¬"
+ ],
+ [
+ "Ġstim",
+ "ulate"
+ ],
+ [
+ "Ġd",
+ "ying"
+ ],
+ [
+ "ues",
+ "e"
+ ],
+ [
+ "Ġautom",
+ "ation"
+ ],
+ [
+ "Ġgener",
+ "ates"
+ ],
+ [
+ "Ġbatt",
+ "les"
+ ],
+ [
+ "est",
+ "ry"
+ ],
+ [
+ "Ġbu",
+ "gs"
+ ],
+ [
+ "Ġst",
+ "ain"
+ ],
+ [
+ "Ġp",
+ "ediatric"
+ ],
+ [
+ "Ġtw",
+ "elve"
+ ],
+ [
+ "sc",
+ "ill"
+ ],
+ [
+ "Ġbel",
+ "t"
+ ],
+ [
+ "-",
+ "edge"
+ ],
+ [
+ "ĠH",
+ "on"
+ ],
+ [
+ "Ġinter",
+ "sect"
+ ],
+ [
+ "Ġtum",
+ "ors"
+ ],
+ [
+ "ĠN",
+ "O"
+ ],
+ [
+ "Ġalign",
+ "ment"
+ ],
+ [
+ "ours",
+ "es"
+ ],
+ [
+ "Ġfil",
+ "t"
+ ],
+ [
+ ".",
+ "edu"
+ ],
+ [
+ "ow",
+ "ing"
+ ],
+ [
+ "Ġcivil",
+ "izations"
+ ],
+ [
+ "ph",
+ "i"
+ ],
+ [
+ "Ġan",
+ "ch"
+ ],
+ [
+ "Ġar",
+ "ithmetic"
+ ],
+ [
+ "Ġcomm",
+ "ands"
+ ],
+ [
+ "Ġinflamm",
+ "atory"
+ ],
+ [
+ "ĠIss",
+ "ues"
+ ],
+ [
+ "ĠW",
+ "as"
+ ],
+ [
+ "Ġcomput",
+ "ational"
+ ],
+ [
+ "ĠW",
+ "ales"
+ ],
+ [
+ "Ġprompt",
+ "s"
+ ],
+ [
+ "B",
+ "ack"
+ ],
+ [
+ "ĠBel",
+ "ow"
+ ],
+ [
+ "Ġsubst",
+ "itute"
+ ],
+ [
+ ".",
+ "N"
+ ],
+ [
+ "Ġp",
+ "ipes"
+ ],
+ [
+ "pend",
+ "icular"
+ ],
+ [
+ "ol",
+ "is"
+ ],
+ [
+ "Ġed",
+ "ited"
+ ],
+ [
+ "ĠPol",
+ "and"
+ ],
+ [
+ "ad",
+ "ays"
+ ],
+ [
+ "Ġem",
+ "ission"
+ ],
+ [
+ "lu",
+ "x"
+ ],
+ [
+ "Ġtreat",
+ "s"
+ ],
+ [
+ "âĢ",
+ "IJ"
+ ],
+ [
+ "Ġhand",
+ "writing"
+ ],
+ [
+ "Ġtrans",
+ "plant"
+ ],
+ [
+ "Ġmath",
+ "s"
+ ],
+ [
+ "Ġd",
+ "a"
+ ],
+ [
+ "Ġdocument",
+ "ed"
+ ],
+ [
+ "Ġtal",
+ "ent"
+ ],
+ [
+ "ĠÂ",
+ "±"
+ ],
+ [
+ "Ġtra",
+ "il"
+ ],
+ [
+ "Further",
+ "more"
+ ],
+ [
+ "et",
+ "ric"
+ ],
+ [
+ "ĠYear",
+ "s"
+ ],
+ [
+ "ĠO",
+ "S"
+ ],
+ [
+ "M",
+ "ake"
+ ],
+ [
+ "reat",
+ "ment"
+ ],
+ [
+ "Ġinform",
+ "al"
+ ],
+ [
+ "ĠL",
+ "ink"
+ ],
+ [
+ "ĠSpec",
+ "ifically"
+ ],
+ [
+ "ĠA",
+ "k"
+ ],
+ [
+ "Ġper",
+ "ipher"
+ ],
+ [
+ "Ġse",
+ "al"
+ ],
+ [
+ "ĠC",
+ "it"
+ ],
+ [
+ "ip",
+ "h"
+ ],
+ [
+ "or",
+ "ters"
+ ],
+ [
+ "fort",
+ "able"
+ ],
+ [
+ "Ġoccup",
+ "ied"
+ ],
+ [
+ "Ġallerg",
+ "ic"
+ ],
+ [
+ "ĠDisc",
+ "over"
+ ],
+ [
+ "Ġt",
+ "ense"
+ ],
+ [
+ "Ġv",
+ "ice"
+ ],
+ [
+ "Ġreve",
+ "aling"
+ ],
+ [
+ "Ġb",
+ "ull"
+ ],
+ [
+ "Ġnetwork",
+ "ing"
+ ],
+ [
+ ".",
+ "H"
+ ],
+ [
+ "Ġt",
+ "ender"
+ ],
+ [
+ "D",
+ "L"
+ ],
+ [
+ "Ġfest",
+ "ival"
+ ],
+ [
+ "ĠMult",
+ "iple"
+ ],
+ [
+ "Ġch",
+ "urches"
+ ],
+ [
+ "10",
+ "7"
+ ],
+ [
+ "ru",
+ "b"
+ ],
+ [
+ "Ġlabel",
+ "ed"
+ ],
+ [
+ "M",
+ "ath"
+ ],
+ [
+ "ĠC",
+ "ovid"
+ ],
+ [
+ "/",
+ "Ċ"
+ ],
+ [
+ "Ġt",
+ "innitus"
+ ],
+ [
+ "Ġvoc",
+ "al"
+ ],
+ [
+ "P",
+ "P"
+ ],
+ [
+ "Ġjew",
+ "el"
+ ],
+ [
+ "-",
+ "out"
+ ],
+ [
+ "B",
+ "en"
+ ],
+ [
+ "E",
+ "X"
+ ],
+ [
+ "ĠNew",
+ "ton"
+ ],
+ [
+ "Ġconstit",
+ "utes"
+ ],
+ [
+ "Ġenterpr",
+ "ise"
+ ],
+ [
+ "ĠF",
+ "a"
+ ],
+ [
+ "Ġguid",
+ "ing"
+ ],
+ [
+ "Ġz",
+ "inc"
+ ],
+ [
+ "Ġret",
+ "urning"
+ ],
+ [
+ "organ",
+ "isms"
+ ],
+ [
+ "Ġirre",
+ "levant"
+ ],
+ [
+ "c",
+ "r"
+ ],
+ [
+ "Ġb",
+ "ars"
+ ],
+ [
+ "^{",
+ "-"
+ ],
+ [
+ "Ġvari",
+ "ance"
+ ],
+ [
+ "Ġd",
+ "oses"
+ ],
+ [
+ "ĠH",
+ "om"
+ ],
+ [
+ "ĠC",
+ "lear"
+ ],
+ [
+ "b",
+ "ec"
+ ],
+ [
+ "A",
+ "g"
+ ],
+ [
+ "Ġle",
+ "ts"
+ ],
+ [
+ "red",
+ "it"
+ ],
+ [
+ "do",
+ "ors"
+ ],
+ [
+ "Ġlong",
+ "est"
+ ],
+ [
+ "Ġmon",
+ "etary"
+ ],
+ [
+ "Ġaccord",
+ "ance"
+ ],
+ [
+ "ÑĢ",
+ "а"
+ ],
+ [
+ "20",
+ "5"
+ ],
+ [
+ "ĠEx",
+ "ec"
+ ],
+ [
+ "Ġl",
+ "engths"
+ ],
+ [
+ "ĠDis",
+ "order"
+ ],
+ [
+ "ĠSte",
+ "el"
+ ],
+ [
+ "ol",
+ "k"
+ ],
+ [
+ "Ġch",
+ "amp"
+ ],
+ [
+ "Ġbrill",
+ "iant"
+ ],
+ [
+ "uc",
+ "lear"
+ ],
+ [
+ "Ġenab",
+ "led"
+ ],
+ [
+ "ĠT",
+ "ools"
+ ],
+ [
+ "ans",
+ "k"
+ ],
+ [
+ "__",
+ "_"
+ ],
+ [
+ "Ġearthqu",
+ "ake"
+ ],
+ [
+ "orig",
+ "inal"
+ ],
+ [
+ "Ġph",
+ "on"
+ ],
+ [
+ "claim",
+ "ed"
+ ],
+ [
+ "ĠO",
+ "d"
+ ],
+ [
+ "ĠD",
+ "at"
+ ],
+ [
+ "light",
+ "en"
+ ],
+ [
+ "Ġret",
+ "rie"
+ ],
+ [
+ "Ġp",
+ "ap"
+ ],
+ [
+ "ĠP",
+ "i"
+ ],
+ [
+ "Ġmagn",
+ "esium"
+ ],
+ [
+ "Ġdist",
+ "ricts"
+ ],
+ [
+ "Ġdispar",
+ "ities"
+ ],
+ [
+ "Ġsh",
+ "ield"
+ ],
+ [
+ "Ġshould",
+ "er"
+ ],
+ [
+ "ĠOr",
+ "th"
+ ],
+ [
+ "æ",
+ "ĺ"
+ ],
+ [
+ "ĠN",
+ "avy"
+ ],
+ [
+ "plic",
+ "ity"
+ ],
+ [
+ "Ġt",
+ "ired"
+ ],
+ [
+ "Ġreserv",
+ "oir"
+ ],
+ [
+ "Ġv",
+ "ag"
+ ],
+ [
+ "Ġfin",
+ "ite"
+ ],
+ [
+ "ĠPal",
+ "est"
+ ],
+ [
+ "ĠO",
+ "nt"
+ ],
+ [
+ "roph",
+ "ic"
+ ],
+ [
+ "========",
+ "========"
+ ],
+ [
+ "b",
+ "our"
+ ],
+ [
+ "Ġhyper",
+ "tension"
+ ],
+ [
+ "Ġadvance",
+ "ment"
+ ],
+ [
+ "Ġd",
+ "os"
+ ],
+ [
+ "Ġcam",
+ "ps"
+ ],
+ [
+ "Ġbrid",
+ "ges"
+ ],
+ [
+ "ious",
+ "ly"
+ ],
+ [
+ "Ġto",
+ "ile"
+ ],
+ [
+ "S",
+ "ource"
+ ],
+ [
+ "Ġ",
+ "å"
+ ],
+ [
+ "Ġautom",
+ "atic"
+ ],
+ [
+ "ĠRef",
+ "erence"
+ ],
+ [
+ "ĠH",
+ "ind"
+ ],
+ [
+ "Ġsn",
+ "ake"
+ ],
+ [
+ "ograph",
+ "ies"
+ ],
+ [
+ "pre",
+ "t"
+ ],
+ [
+ "Ġmus",
+ "h"
+ ],
+ [
+ "es",
+ "ome"
+ ],
+ [
+ "2",
+ "20"
+ ],
+ [
+ "Ġwar",
+ "fare"
+ ],
+ [
+ "ĠT",
+ "R"
+ ],
+ [
+ "ĠUt",
+ "il"
+ ],
+ [
+ "Ġheav",
+ "en"
+ ],
+ [
+ "Ġin",
+ "cl"
+ ],
+ [
+ "Ch",
+ "ar"
+ ],
+ [
+ "Ġexp",
+ "ort"
+ ],
+ [
+ "Ġcre",
+ "ations"
+ ],
+ [
+ "are",
+ "r"
+ ],
+ [
+ "Re",
+ "cent"
+ ],
+ [
+ "Ġm",
+ "im"
+ ],
+ [
+ "Ġpart",
+ "ially"
+ ],
+ [
+ "ĠMar",
+ "ine"
+ ],
+ [
+ "Ñģ",
+ "ÑĤ"
+ ],
+ [
+ "Ġsu",
+ "cc"
+ ],
+ [
+ "urope",
+ "an"
+ ],
+ [
+ "Ġv",
+ "on"
+ ],
+ [
+ "ac",
+ "on"
+ ],
+ [
+ "Ġend",
+ "angered"
+ ],
+ [
+ "Ġview",
+ "ing"
+ ],
+ [
+ "}",
+ "="
+ ],
+ [
+ "ĠR",
+ "at"
+ ],
+ [
+ "ĠComple",
+ "te"
+ ],
+ [
+ "id",
+ "ae"
+ ],
+ [
+ "æ",
+ "ĸ"
+ ],
+ [
+ "ĠL",
+ "uther"
+ ],
+ [
+ "ĠB",
+ "ureau"
+ ],
+ [
+ "Ġb",
+ "ands"
+ ],
+ [
+ "Ġdiarr",
+ "hea"
+ ],
+ [
+ "Ġofficial",
+ "ly"
+ ],
+ [
+ "Ġcraft",
+ "ing"
+ ],
+ [
+ "Ã",
+ "£"
+ ],
+ [
+ "Ġlot",
+ "tery"
+ ],
+ [
+ "Ġappro",
+ "val"
+ ],
+ [
+ "Ġch",
+ "rist"
+ ],
+ [
+ "Ġdial",
+ "ect"
+ ],
+ [
+ "Ġaccom",
+ "pany"
+ ],
+ [
+ "ĠMath",
+ "s"
+ ],
+ [
+ "Ġbeg",
+ "un"
+ ],
+ [
+ "Ġgu",
+ "itar"
+ ],
+ [
+ "ĠT",
+ "aylor"
+ ],
+ [
+ "Ġsurve",
+ "illance"
+ ],
+ [
+ "ĠÎ",
+ "¼"
+ ],
+ [
+ "Ġcompens",
+ "ation"
+ ],
+ [
+ "Ġinform",
+ "ative"
+ ],
+ [
+ "Ġver",
+ "ify"
+ ],
+ [
+ "an",
+ "th"
+ ],
+ [
+ "Ġl",
+ "ivestock"
+ ],
+ [
+ "ĠT",
+ "alk"
+ ],
+ [
+ "Ġworks",
+ "hop"
+ ],
+ [
+ "Ġarg",
+ "ues"
+ ],
+ [
+ "ĠEconom",
+ "ics"
+ ],
+ [
+ "Ġcigare",
+ "ttes"
+ ],
+ [
+ "Ġauton",
+ "omy"
+ ],
+ [
+ "ĠJ",
+ "ane"
+ ],
+ [
+ "ĠCl",
+ "oud"
+ ],
+ [
+ "Ġr",
+ "ou"
+ ],
+ [
+ "Ð",
+ "·"
+ ],
+ [
+ "w",
+ "as"
+ ],
+ [
+ "qu",
+ "es"
+ ],
+ [
+ "Ġpurs",
+ "uing"
+ ],
+ [
+ "ĠL",
+ "u"
+ ],
+ [
+ "12",
+ "1"
+ ],
+ [
+ "ç",
+ "Ķ"
+ ],
+ [
+ "ĠH",
+ "as"
+ ],
+ [
+ "J",
+ "an"
+ ],
+ [
+ "an",
+ "ium"
+ ],
+ [
+ "Ġde",
+ "hyd"
+ ],
+ [
+ "ri",
+ "ers"
+ ],
+ [
+ "ĠH",
+ "ab"
+ ],
+ [
+ "ĠDe",
+ "cl"
+ ],
+ [
+ "ens",
+ "ively"
+ ],
+ [
+ "Ġdiagn",
+ "ose"
+ ],
+ [
+ "Ġfound",
+ "ations"
+ ],
+ [
+ "),",
+ "Ċ"
+ ],
+ [
+ "Ġapp",
+ "les"
+ ],
+ [
+ "è",
+ "¿"
+ ],
+ [
+ "Ġqu",
+ "ery"
+ ],
+ [
+ "Ġmaster",
+ "ing"
+ ],
+ [
+ "ĠComple",
+ "x"
+ ],
+ [
+ "Ġref",
+ "ine"
+ ],
+ [
+ "Ġt",
+ "ies"
+ ],
+ [
+ "fl",
+ "ies"
+ ],
+ [
+ "Ġread",
+ "ings"
+ ],
+ [
+ "ĠBudd",
+ "hism"
+ ],
+ [
+ "Ġrepresent",
+ "atives"
+ ],
+ [
+ "ut",
+ "ri"
+ ],
+ [
+ "ou",
+ "ch"
+ ],
+ [
+ "ĠB",
+ "h"
+ ],
+ [
+ "Ġfertil",
+ "izer"
+ ],
+ [
+ "Ġphot",
+ "ograp"
+ ],
+ [
+ "o",
+ "qu"
+ ],
+ [
+ "ĠEffect",
+ "ive"
+ ],
+ [
+ "Ġw",
+ "age"
+ ],
+ [
+ "st",
+ "ud"
+ ],
+ [
+ "m",
+ "id"
+ ],
+ [
+ "N",
+ "ational"
+ ],
+ [
+ "Ġoper",
+ "ated"
+ ],
+ [
+ "ĠA",
+ "BC"
+ ],
+ [
+ "Ġbreat",
+ "he"
+ ],
+ [
+ "()",
+ "`"
+ ],
+ [
+ "ol",
+ "ine"
+ ],
+ [
+ "os",
+ "aur"
+ ],
+ [
+ "met",
+ "ric"
+ ],
+ [
+ "ĠST",
+ "EM"
+ ],
+ [
+ "ĠUs",
+ "ed"
+ ],
+ [
+ "ĠJer",
+ "usalem"
+ ],
+ [
+ "ĠS",
+ "anta"
+ ],
+ [
+ "ĠHealth",
+ "y"
+ ],
+ [
+ "um",
+ "bers"
+ ],
+ [
+ "Ġprecip",
+ "itation"
+ ],
+ [
+ "Ġp",
+ "our"
+ ],
+ [
+ "Ġtra",
+ "gic"
+ ],
+ [
+ "Ġaccum",
+ "ulation"
+ ],
+ [
+ "Ġindu",
+ "ced"
+ ],
+ [
+ "riz",
+ "ona"
+ ],
+ [
+ "Ġt",
+ "ensions"
+ ],
+ [
+ "clus",
+ "ively"
+ ],
+ [
+ "ĠTrans",
+ "port"
+ ],
+ [
+ "OLOG",
+ "Y"
+ ],
+ [
+ "form",
+ "s"
+ ],
+ [
+ "Ġexp",
+ "ense"
+ ],
+ [
+ "ĠA",
+ "h"
+ ],
+ [
+ "Ġvari",
+ "ability"
+ ],
+ [
+ "Ġadapt",
+ "ive"
+ ],
+ [
+ "ĠSt",
+ "ress"
+ ],
+ [
+ "AN",
+ "D"
+ ],
+ [
+ "Ġbro",
+ "ke"
+ ],
+ [
+ "Ġshe",
+ "ep"
+ ],
+ [
+ "ffic",
+ "ients"
+ ],
+ [
+ "Ġappe",
+ "aling"
+ ],
+ [
+ "ĠP",
+ "ack"
+ ],
+ [
+ "Ġdepict",
+ "ed"
+ ],
+ [
+ "M",
+ "D"
+ ],
+ [
+ "Ġfung",
+ "i"
+ ],
+ [
+ "Ġsh",
+ "ore"
+ ],
+ [
+ "av",
+ "en"
+ ],
+ [
+ "Ġl",
+ "in"
+ ],
+ [
+ "Ġwill",
+ "iam"
+ ],
+ [
+ "Ġs",
+ "el"
+ ],
+ [
+ "Ġad",
+ "ul"
+ ],
+ [
+ "Ġf",
+ "isher"
+ ],
+ [
+ "Ġb",
+ "ases"
+ ],
+ [
+ "ĠN",
+ "igeria"
+ ],
+ [
+ "ĠTest",
+ "ing"
+ ],
+ [
+ "-c",
+ "are"
+ ],
+ [
+ "Ġpref",
+ "erence"
+ ],
+ [
+ "Ġr",
+ "ic"
+ ],
+ [
+ "Ġnerv",
+ "es"
+ ],
+ [
+ "Er",
+ "ror"
+ ],
+ [
+ "Ġpurs",
+ "uit"
+ ],
+ [
+ "Ġrefer",
+ "ring"
+ ],
+ [
+ "Ġtrans",
+ "itions"
+ ],
+ [
+ "Ġtr",
+ "ies"
+ ],
+ [
+ "ĠNet",
+ "her"
+ ],
+ [
+ "Ġmat",
+ "ches"
+ ],
+ [
+ "ass",
+ "es"
+ ],
+ [
+ "if",
+ "iers"
+ ],
+ [
+ "Th",
+ "us"
+ ],
+ [
+ "Ġwhere",
+ "in"
+ ],
+ [
+ "Ġinject",
+ "ion"
+ ],
+ [
+ "ĠR",
+ "ather"
+ ],
+ [
+ "Ġmyth",
+ "ology"
+ ],
+ [
+ "Ġwond",
+ "ers"
+ ],
+ [
+ "24",
+ "0"
+ ],
+ [
+ "Ġdecre",
+ "asing"
+ ],
+ [
+ "ĠNaz",
+ "i"
+ ],
+ [
+ "Ġm",
+ "ile"
+ ],
+ [
+ "-",
+ "V"
+ ],
+ [
+ "Ġc",
+ "ube"
+ ],
+ [
+ "Ġplace",
+ "ment"
+ ],
+ [
+ "iling",
+ "ual"
+ ],
+ [
+ "Ġtherap",
+ "ist"
+ ],
+ [
+ "Ġpres",
+ "cription"
+ ],
+ [
+ "Ġunw",
+ "anted"
+ ],
+ [
+ "D",
+ "i"
+ ],
+ [
+ "Ġcor",
+ "ruption"
+ ],
+ [
+ "Ġamer",
+ "ica"
+ ],
+ [
+ "Ġencompass",
+ "es"
+ ],
+ [
+ "ĠS",
+ "CIENCE"
+ ],
+ [
+ "ĠCap",
+ "ital"
+ ],
+ [
+ "in",
+ "st"
+ ],
+ [
+ "Ġpromot",
+ "ion"
+ ],
+ [
+ "d",
+ "frac"
+ ],
+ [
+ "Ġtransform",
+ "ing"
+ ],
+ [
+ "Ġ",
+ "________"
+ ],
+ [
+ "ĠG",
+ "ulf"
+ ],
+ [
+ "Ġpow",
+ "ered"
+ ],
+ [
+ "ĠIll",
+ "inois"
+ ],
+ [
+ "Ġbal",
+ "ancing"
+ ],
+ [
+ "Ġover",
+ "se"
+ ],
+ [
+ "W",
+ "orld"
+ ],
+ [
+ "ĠS",
+ "ent"
+ ],
+ [
+ "it",
+ "ance"
+ ],
+ [
+ "o",
+ "at"
+ ],
+ [
+ "ĠBl",
+ "ock"
+ ],
+ [
+ "Ġoper",
+ "ates"
+ ],
+ [
+ "ĠYou",
+ "Tube"
+ ],
+ [
+ "ĠApplic",
+ "ation"
+ ],
+ [
+ "ĠSpir",
+ "it"
+ ],
+ [
+ "Ġfa",
+ "ult"
+ ],
+ [
+ "Ġconst",
+ "itutional"
+ ],
+ [
+ "Ġsil",
+ "icon"
+ ],
+ [
+ "ĠB",
+ "ox"
+ ],
+ [
+ "Ġenc",
+ "ounters"
+ ],
+ [
+ "Ġgar",
+ "lic"
+ ],
+ [
+ "ĠJ",
+ "im"
+ ],
+ [
+ "Ġgif",
+ "ts"
+ ],
+ [
+ "Ġutil",
+ "ization"
+ ],
+ [
+ "Ġshif",
+ "ting"
+ ],
+ [
+ "Ġup",
+ "set"
+ ],
+ [
+ "Ġpat",
+ "ri"
+ ],
+ [
+ "Comm",
+ "on"
+ ],
+ [
+ "Ġperiod",
+ "ic"
+ ],
+ [
+ "Ġstru",
+ "ck"
+ ],
+ [
+ "Ġf",
+ "its"
+ ],
+ [
+ "ĠAng",
+ "eles"
+ ],
+ [
+ "Ġcompar",
+ "ative"
+ ],
+ [
+ "-s",
+ "ized"
+ ],
+ [
+ "D",
+ "ec"
+ ],
+ [
+ "Ġtraged",
+ "y"
+ ],
+ [
+ "Ġexp",
+ "end"
+ ],
+ [
+ "Ġv",
+ "oting"
+ ],
+ [
+ "ĠW",
+ "rit"
+ ],
+ [
+ "ran",
+ "ch"
+ ],
+ [
+ "Ġdoll",
+ "ar"
+ ],
+ [
+ "ĠProt",
+ "ect"
+ ],
+ [
+ "Ġrecept",
+ "ors"
+ ],
+ [
+ "Ġch",
+ "ips"
+ ],
+ [
+ "Ġent",
+ "ries"
+ ],
+ [
+ "se",
+ "ver"
+ ],
+ [
+ "ĠF",
+ "ram"
+ ],
+ [
+ "ac",
+ "ity"
+ ],
+ [
+ "ang",
+ "el"
+ ],
+ [
+ "Ġcom",
+ "ic"
+ ],
+ [
+ "ĠPhilipp",
+ "ines"
+ ],
+ [
+ "Ġab",
+ "ol"
+ ],
+ [
+ "Ġpath",
+ "way"
+ ],
+ [
+ "\\",
+ "left"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠ",
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ"
+ ],
+ [
+ "ang",
+ "ers"
+ ],
+ [
+ "ĠCh",
+ "at"
+ ],
+ [
+ "ĠWe",
+ "ight"
+ ],
+ [
+ "Ġcompar",
+ "able"
+ ],
+ [
+ "Ġrecycl",
+ "ed"
+ ],
+ [
+ "ĠG",
+ "P"
+ ],
+ [
+ "Ġab",
+ "road"
+ ],
+ [
+ "Ġsp",
+ "ons"
+ ],
+ [
+ "Ġins",
+ "ufficient"
+ ],
+ [
+ "Ġso",
+ "y"
+ ],
+ [
+ "Ġstandard",
+ "ized"
+ ],
+ [
+ "w",
+ "ind"
+ ],
+ [
+ "Ġtarget",
+ "ing"
+ ],
+ [
+ "Ġprec",
+ "a"
+ ],
+ [
+ "ĠB",
+ "a"
+ ],
+ [
+ "Ġquadr",
+ "atic"
+ ],
+ [
+ "Ġappoint",
+ "ment"
+ ],
+ [
+ "Ġcon",
+ "sec"
+ ],
+ [
+ "Ġn",
+ "iche"
+ ],
+ [
+ "or",
+ "ce"
+ ],
+ [
+ "ĠL",
+ "ic"
+ ],
+ [
+ "Ġh",
+ "ub"
+ ],
+ [
+ "amil",
+ "iar"
+ ],
+ [
+ "Ġb",
+ "iblical"
+ ],
+ [
+ "Ġexec",
+ "uted"
+ ],
+ [
+ "-m",
+ "ade"
+ ],
+ [
+ "ak",
+ "i"
+ ],
+ [
+ "Ġconcent",
+ "rate"
+ ],
+ [
+ "ĠP",
+ "rior"
+ ],
+ [
+ "cl",
+ "er"
+ ],
+ [
+ "ĠCom",
+ "prehens"
+ ],
+ [
+ "Ġcompr",
+ "ises"
+ ],
+ [
+ "Ġcon",
+ "e"
+ ],
+ [
+ "Ġpuzz",
+ "les"
+ ],
+ [
+ "Ġhol",
+ "y"
+ ],
+ [
+ "Ġel",
+ "astic"
+ ],
+ [
+ "Ġcounterpart",
+ "s"
+ ],
+ [
+ "Ġrevel",
+ "ation"
+ ],
+ [
+ "a",
+ "uses"
+ ],
+ [
+ "Ġmain",
+ "stream"
+ ],
+ [
+ "Ġun",
+ "st"
+ ],
+ [
+ "Ġconven",
+ "ience"
+ ],
+ [
+ "ĠSt",
+ "ruct"
+ ],
+ [
+ "E",
+ "qu"
+ ],
+ [
+ "Ġclust",
+ "ers"
+ ],
+ [
+ "Ġpolic",
+ "ym"
+ ],
+ [
+ "Ġep",
+ "it"
+ ],
+ [
+ "ig",
+ "it"
+ ],
+ [
+ "Che",
+ "ck"
+ ],
+ [
+ "\"",
+ ":Ċ"
+ ],
+ [
+ "ro",
+ "se"
+ ],
+ [
+ "ĠP",
+ "ear"
+ ],
+ [
+ "Ġassum",
+ "ption"
+ ],
+ [
+ "--",
+ "ĊĊ"
+ ],
+ [
+ "ĠW",
+ "W"
+ ],
+ [
+ "ĠAnt",
+ "ar"
+ ],
+ [
+ "y",
+ "es"
+ ],
+ [
+ "R",
+ "ec"
+ ],
+ [
+ "ĠConf",
+ "ed"
+ ],
+ [
+ "Sim",
+ "ilar"
+ ],
+ [
+ "ĠPerform",
+ "ance"
+ ],
+ [
+ "Ġvulner",
+ "ability"
+ ],
+ [
+ "Ġn",
+ "as"
+ ],
+ [
+ "re",
+ "c"
+ ],
+ [
+ "Ġflu",
+ "x"
+ ],
+ [
+ "Ġcreat",
+ "ure"
+ ],
+ [
+ "et",
+ "ically"
+ ],
+ [
+ "ot",
+ "le"
+ ],
+ [
+ "ĠTop",
+ "ic"
+ ],
+ [
+ "or",
+ "ry"
+ ],
+ [
+ "Ġconc",
+ "ert"
+ ],
+ [
+ "_",
+ "x"
+ ],
+ [
+ "op",
+ "en"
+ ],
+ [
+ "Ġver",
+ "bs"
+ ],
+ [
+ "Ġle",
+ "ak"
+ ],
+ [
+ "Ġy",
+ "ard"
+ ],
+ [
+ "is",
+ "a"
+ ],
+ [
+ "od",
+ "ox"
+ ],
+ [
+ "Ġsustain",
+ "ed"
+ ],
+ [
+ "ĠL",
+ "td"
+ ],
+ [
+ "olit",
+ "an"
+ ],
+ [
+ "ĠPe",
+ "ace"
+ ],
+ [
+ "put",
+ "er"
+ ],
+ [
+ "Ġclass",
+ "rooms"
+ ],
+ [
+ "Ġre",
+ "lying"
+ ],
+ [
+ "Ġconnect",
+ "s"
+ ],
+ [
+ "-",
+ "he"
+ ],
+ [
+ "Ġcamp",
+ "us"
+ ],
+ [
+ "Ġsing",
+ "ing"
+ ],
+ [
+ "Ġ",
+ "||"
+ ],
+ [
+ "Ġrout",
+ "ines"
+ ],
+ [
+ "Ġallev",
+ "iate"
+ ],
+ [
+ "Ġreson",
+ "ate"
+ ],
+ [
+ "Ġpy",
+ "ram"
+ ],
+ [
+ "Ġins",
+ "ulation"
+ ],
+ [
+ "Ġsl",
+ "ide"
+ ],
+ [
+ "Ġeduc",
+ "ated"
+ ],
+ [
+ "ĠCount",
+ "ry"
+ ],
+ [
+ "Ġtra",
+ "cks"
+ ],
+ [
+ "Ġenvironment",
+ "ally"
+ ],
+ [
+ "ĠLe",
+ "ague"
+ ],
+ [
+ "/",
+ "S"
+ ],
+ [
+ "Ġalg",
+ "ae"
+ ],
+ [
+ "W",
+ "ork"
+ ],
+ [
+ "Ġvom",
+ "iting"
+ ],
+ [
+ "ĠCon",
+ "vention"
+ ],
+ [
+ "Ġs",
+ "q"
+ ],
+ [
+ "ced",
+ "ented"
+ ],
+ [
+ "Ġm",
+ "issions"
+ ],
+ [
+ "Ġto",
+ "wer"
+ ],
+ [
+ "Ġcardi",
+ "ac"
+ ],
+ [
+ "ĠTra",
+ "vel"
+ ],
+ [
+ "Ġst",
+ "ir"
+ ],
+ [
+ "iss",
+ "ipp"
+ ],
+ [
+ "ĠAd",
+ "vent"
+ ],
+ [
+ "Ġcraft",
+ "s"
+ ],
+ [
+ "ĠNON",
+ "FICTION"
+ ],
+ [
+ "Ġan",
+ "ten"
+ ],
+ [
+ "ĠM",
+ "and"
+ ],
+ [
+ "Ġcomp",
+ "ression"
+ ],
+ [
+ "Ġdram",
+ "atically"
+ ],
+ [
+ "Ġperce",
+ "ive"
+ ],
+ [
+ "ge",
+ "red"
+ ],
+ [
+ "Ġphys",
+ "icians"
+ ],
+ [
+ "it",
+ "oring"
+ ],
+ [
+ "Ġsim",
+ "ulations"
+ ],
+ [
+ "on",
+ "duct"
+ ],
+ [
+ "Ġin",
+ "k"
+ ],
+ [
+ "ĠS",
+ "ite"
+ ],
+ [
+ "Ġgrad",
+ "ient"
+ ],
+ [
+ "ĠSym",
+ "bol"
+ ],
+ [
+ "Ġcounsel",
+ "ing"
+ ],
+ [
+ "Ġambig",
+ "uity"
+ ],
+ [
+ "A",
+ "v"
+ ],
+ [
+ "hem",
+ "istry"
+ ],
+ [
+ "t",
+ "w"
+ ],
+ [
+ "Ġsymbol",
+ "ism"
+ ],
+ [
+ "Ġpos",
+ "es"
+ ],
+ [
+ "Ġstop",
+ "s"
+ ],
+ [
+ "ot",
+ "ten"
+ ],
+ [
+ "ĠDes",
+ "cription"
+ ],
+ [
+ "ĠM",
+ "uch"
+ ],
+ [
+ "i",
+ "ac"
+ ],
+ [
+ "Ġbe",
+ "e"
+ ],
+ [
+ "ol",
+ "id"
+ ],
+ [
+ "-",
+ "ups"
+ ],
+ [
+ "w",
+ "estern"
+ ],
+ [
+ "Ġn",
+ "ineteenth"
+ ],
+ [
+ "Ġindic",
+ "ator"
+ ],
+ [
+ "Ġper",
+ "f"
+ ],
+ [
+ "ĠTem",
+ "ple"
+ ],
+ [
+ "F",
+ "orm"
+ ],
+ [
+ "ĠAf",
+ "ghan"
+ ],
+ [
+ "l",
+ "ings"
+ ],
+ [
+ "ĠAg",
+ "ree"
+ ],
+ [
+ "Ġkil",
+ "ograms"
+ ],
+ [
+ "Ġmind",
+ "ful"
+ ],
+ [
+ "ot",
+ "ine"
+ ],
+ [
+ "ĠH",
+ "u"
+ ],
+ [
+ "ĠL",
+ "ater"
+ ],
+ [
+ "ĉ",
+ "print"
+ ],
+ [
+ "Ġvolunte",
+ "ers"
+ ],
+ [
+ "Ġorgan",
+ "isation"
+ ],
+ [
+ "Ġnucle",
+ "us"
+ ],
+ [
+ "in",
+ "ator"
+ ],
+ [
+ "Ġtrou",
+ "bles"
+ ],
+ [
+ "U",
+ "RE"
+ ],
+ [
+ "Ġj",
+ "ack"
+ ],
+ [
+ "Ġt",
+ "ar"
+ ],
+ [
+ "Ġin",
+ "e"
+ ],
+ [
+ "Ġse",
+ "arc"
+ ],
+ [
+ "im",
+ "age"
+ ],
+ [
+ "Ġneed",
+ "le"
+ ],
+ [
+ "au",
+ "nt"
+ ],
+ [
+ "Ġrect",
+ "angle"
+ ],
+ [
+ "ĠD",
+ "ynam"
+ ],
+ [
+ "Se",
+ "cond"
+ ],
+ [
+ "ist",
+ "ed"
+ ],
+ [
+ "ĠCont",
+ "act"
+ ],
+ [
+ "Ġpain",
+ "ted"
+ ],
+ [
+ "Ġbul",
+ "k"
+ ],
+ [
+ "Ġsoc",
+ "cer"
+ ],
+ [
+ "g",
+ "ram"
+ ],
+ [
+ "ĠD",
+ "own"
+ ],
+ [
+ "Ġhand",
+ "y"
+ ],
+ [
+ "ĠAst",
+ "ron"
+ ],
+ [
+ "A",
+ "merican"
+ ],
+ [
+ "Ġsubs",
+ "id"
+ ],
+ [
+ "ĠRel",
+ "ated"
+ ],
+ [
+ "Ġsun",
+ "ny"
+ ],
+ [
+ "Ġoccup",
+ "ation"
+ ],
+ [
+ "j",
+ "an"
+ ],
+ [
+ "o",
+ "vers"
+ ],
+ [
+ "Ġcav",
+ "ity"
+ ],
+ [
+ "ĠF",
+ "ront"
+ ],
+ [
+ "Ġcontamin",
+ "ated"
+ ],
+ [
+ "ĠK",
+ "ent"
+ ],
+ [
+ "ĠO",
+ "wn"
+ ],
+ [
+ "ĠGener",
+ "ally"
+ ],
+ [
+ "Ġflow",
+ "ing"
+ ],
+ [
+ "r",
+ "ative"
+ ],
+ [
+ "och",
+ "ond"
+ ],
+ [
+ "em",
+ "or"
+ ],
+ [
+ ")",
+ "]"
+ ],
+ [
+ "Ġsl",
+ "ight"
+ ],
+ [
+ "g",
+ "reen"
+ ],
+ [
+ "ĠMan",
+ "ufact"
+ ],
+ [
+ "ĠPr",
+ "ince"
+ ],
+ [
+ "N",
+ "N"
+ ],
+ [
+ "ment",
+ "ing"
+ ],
+ [
+ "Ġde",
+ "ce"
+ ],
+ [
+ "Ġview",
+ "ers"
+ ],
+ [
+ "ant",
+ "ing"
+ ],
+ [
+ "Ġelect",
+ "romagnetic"
+ ],
+ [
+ "Ġintermedi",
+ "ate"
+ ],
+ [
+ "Ġmut",
+ "ations"
+ ],
+ [
+ "att",
+ "ered"
+ ],
+ [
+ "Ġpast",
+ "e"
+ ],
+ [
+ "ĠSub",
+ "ject"
+ ],
+ [
+ "Ġpath",
+ "ogens"
+ ],
+ [
+ "Ġauthentic",
+ "ity"
+ ],
+ [
+ "Ġgener",
+ "ic"
+ ],
+ [
+ "Ġeduc",
+ "ate"
+ ],
+ [
+ "ĠMon",
+ "th"
+ ],
+ [
+ "ä¸",
+ "Ģ"
+ ],
+ [
+ "Ġpl",
+ "ots"
+ ],
+ [
+ "Ġpick",
+ "ed"
+ ],
+ [
+ "Ġsubsequ",
+ "ently"
+ ],
+ [
+ "ĠN",
+ "ep"
+ ],
+ [
+ "ric",
+ "ane"
+ ],
+ [
+ "p",
+ "ot"
+ ],
+ [
+ "Ġphys",
+ "ic"
+ ],
+ [
+ "ĠHit",
+ "ler"
+ ],
+ [
+ "ug",
+ "ar"
+ ],
+ [
+ "-in",
+ "flammatory"
+ ],
+ [
+ "R",
+ "C"
+ ],
+ [
+ "Ġattach",
+ "ment"
+ ],
+ [
+ "M",
+ "ean"
+ ],
+ [
+ "Ġt",
+ "ied"
+ ],
+ [
+ "ut",
+ "ter"
+ ],
+ [
+ "Ġw",
+ "ing"
+ ],
+ [
+ "Ġcons",
+ "ensus"
+ ],
+ [
+ "Ġind",
+ "ivid"
+ ],
+ [
+ "osp",
+ "el"
+ ],
+ [
+ "Ġmel",
+ "ting"
+ ],
+ [
+ "Ġh",
+ "ook"
+ ],
+ [
+ "Ġdepart",
+ "ments"
+ ],
+ [
+ "/",
+ "L"
+ ],
+ [
+ "Ess",
+ "ay"
+ ],
+ [
+ "Ġb",
+ "ark"
+ ],
+ [
+ "app",
+ "rox"
+ ],
+ [
+ "ĠTh",
+ "ursday"
+ ],
+ [
+ "Ġpub",
+ "lishing"
+ ],
+ [
+ "per",
+ "t"
+ ],
+ [
+ "Ġattract",
+ "ed"
+ ],
+ [
+ "Ġst",
+ "ocks"
+ ],
+ [
+ "ip",
+ "olar"
+ ],
+ [
+ "Ġ{",
+ "Ċ"
+ ],
+ [
+ "o",
+ "ard"
+ ],
+ [
+ "ĠReg",
+ "ional"
+ ],
+ [
+ "am",
+ "ily"
+ ],
+ [
+ "ĠT",
+ "uesday"
+ ],
+ [
+ "ĠMil",
+ "itary"
+ ],
+ [
+ "P",
+ "ar"
+ ],
+ [
+ "ĠAl",
+ "g"
+ ],
+ [
+ "ĠGold",
+ "en"
+ ],
+ [
+ "ĠJ",
+ "ones"
+ ],
+ [
+ "è",
+ "¯"
+ ],
+ [
+ "qu",
+ "are"
+ ],
+ [
+ "Ġoff",
+ "ices"
+ ],
+ [
+ "11",
+ "3"
+ ],
+ [
+ "ĠC",
+ "ook"
+ ],
+ [
+ "Ġret",
+ "ire"
+ ],
+ [
+ "Ġde",
+ "er"
+ ],
+ [
+ "Ã",
+ "Ĥ"
+ ],
+ [
+ "-t",
+ "ra"
+ ],
+ [
+ "Ġf",
+ "ounder"
+ ],
+ [
+ "Ġfound",
+ "ational"
+ ],
+ [
+ "Ġmyster",
+ "ies"
+ ],
+ [
+ "est",
+ "inal"
+ ],
+ [
+ "Ġca",
+ "ution"
+ ],
+ [
+ "ĠQu",
+ "iz"
+ ],
+ [
+ "iv",
+ "ism"
+ ],
+ [
+ "ĠD",
+ "u"
+ ],
+ [
+ "ĠEn",
+ "h"
+ ],
+ [
+ "ĠP",
+ "S"
+ ],
+ [
+ "Ġmal",
+ "aria"
+ ],
+ [
+ "Ġge",
+ "ographic"
+ ],
+ [
+ "w",
+ "all"
+ ],
+ [
+ "Ġis",
+ "ot"
+ ],
+ [
+ "ĠA",
+ "im"
+ ],
+ [
+ "Ġrequ",
+ "ests"
+ ],
+ [
+ "ĠT",
+ "al"
+ ],
+ [
+ "13",
+ "5"
+ ],
+ [
+ "Ġconcent",
+ "rated"
+ ],
+ [
+ "Ġal",
+ "pha"
+ ],
+ [
+ "ĠE",
+ "N"
+ ],
+ [
+ "Ġcombust",
+ "ion"
+ ],
+ [
+ "Ġent",
+ "rance"
+ ],
+ [
+ "Ġinj",
+ "ured"
+ ],
+ [
+ "ĠScott",
+ "ish"
+ ],
+ [
+ "s",
+ "im"
+ ],
+ [
+ "16",
+ "5"
+ ],
+ [
+ "Ġcas",
+ "ual"
+ ],
+ [
+ "ro",
+ "b"
+ ],
+ [
+ "Ä",
+ "«"
+ ],
+ [
+ "Ġs",
+ "ixt"
+ ],
+ [
+ "Ġimp",
+ "osed"
+ ],
+ [
+ "Ġinc",
+ "idents"
+ ],
+ [
+ "Ġshowc",
+ "ase"
+ ],
+ [
+ "Ġsal",
+ "mon"
+ ],
+ [
+ "Ġt",
+ "anks"
+ ],
+ [
+ "ĠDep",
+ "ending"
+ ],
+ [
+ "ĠK",
+ "im"
+ ],
+ [
+ "Ġkey",
+ "board"
+ ],
+ [
+ "Ġfe",
+ "ather"
+ ],
+ [
+ "ĠCons",
+ "ult"
+ ],
+ [
+ "dis",
+ "ciplinary"
+ ],
+ [
+ "P",
+ "y"
+ ],
+ [
+ "B",
+ "M"
+ ],
+ [
+ "F",
+ "F"
+ ],
+ [
+ "ĠP",
+ "A"
+ ],
+ [
+ "it",
+ "utes"
+ ],
+ [
+ "t",
+ "r"
+ ],
+ [
+ "urab",
+ "ility"
+ ],
+ [
+ "ro",
+ "ck"
+ ],
+ [
+ "H",
+ "z"
+ ],
+ [
+ "ile",
+ "y"
+ ],
+ [
+ "ĠR",
+ "out"
+ ],
+ [
+ "Cons",
+ "ider"
+ ],
+ [
+ "T",
+ "otal"
+ ],
+ [
+ "Ġg",
+ "am"
+ ],
+ [
+ "og",
+ "l"
+ ],
+ [
+ "Ġtransform",
+ "ative"
+ ],
+ [
+ "Ġpur",
+ "ple"
+ ],
+ [
+ "Ġc",
+ "ite"
+ ],
+ [
+ "Ġbrief",
+ "ly"
+ ],
+ [
+ "Ġnecess",
+ "it"
+ ],
+ [
+ "rac",
+ "ks"
+ ],
+ [
+ "-e",
+ "ffect"
+ ],
+ [
+ "el",
+ "ong"
+ ],
+ [
+ "..",
+ ".ĊĊ"
+ ],
+ [
+ "Ġshall",
+ "ow"
+ ],
+ [
+ "Ġconf",
+ "ront"
+ ],
+ [
+ "Ġtra",
+ "ject"
+ ],
+ [
+ "ĠL",
+ "ower"
+ ],
+ [
+ "ĠWed",
+ "nesday"
+ ],
+ [
+ "ĠImpro",
+ "ve"
+ ],
+ [
+ "³³³³",
+ "³³³"
+ ],
+ [
+ "Ġoff",
+ "s"
+ ],
+ [
+ "in",
+ "fty"
+ ],
+ [
+ "Ġoun",
+ "ces"
+ ],
+ [
+ "S",
+ "et"
+ ],
+ [
+ "Ġpassion",
+ "ate"
+ ],
+ [
+ "Ch",
+ "rist"
+ ],
+ [
+ "pan",
+ "ic"
+ ],
+ [
+ "Ġfl",
+ "ies"
+ ],
+ [
+ "ards",
+ "hip"
+ ],
+ [
+ "Ġflo",
+ "ating"
+ ],
+ [
+ "Ġpract",
+ "iced"
+ ],
+ [
+ "Ġsing",
+ "ular"
+ ],
+ [
+ "ĠMount",
+ "ain"
+ ],
+ [
+ "Ġbroad",
+ "cast"
+ ],
+ [
+ "Ġtub",
+ "es"
+ ],
+ [
+ "ab",
+ "b"
+ ],
+ [
+ "Ġartif",
+ "acts"
+ ],
+ [
+ "Ġs",
+ "ail"
+ ],
+ [
+ "ĠJ",
+ "on"
+ ],
+ [
+ "Ġcou",
+ "pled"
+ ],
+ [
+ "Ġjour",
+ "nals"
+ ],
+ [
+ "Ġdistingu",
+ "ished"
+ ],
+ [
+ "V",
+ "D"
+ ],
+ [
+ "ĠSt",
+ "ation"
+ ],
+ [
+ "St",
+ "ate"
+ ],
+ [
+ "ĠLeg",
+ "al"
+ ],
+ [
+ "Ġaward",
+ "ed"
+ ],
+ [
+ "Ġinvestig",
+ "ations"
+ ],
+ [
+ "Ġsynt",
+ "hes"
+ ],
+ [
+ "Ġb",
+ "on"
+ ],
+ [
+ "ĠPract",
+ "ices"
+ ],
+ [
+ "h",
+ "as"
+ ],
+ [
+ "amm",
+ "ad"
+ ],
+ [
+ "arg",
+ "et"
+ ],
+ [
+ "ĠU",
+ "nderstand"
+ ],
+ [
+ "Ġcheck",
+ "ed"
+ ],
+ [
+ "le",
+ "tal"
+ ],
+ [
+ "Ġser",
+ "vers"
+ ],
+ [
+ "roll",
+ "ing"
+ ],
+ [
+ "che",
+ "ck"
+ ],
+ [
+ "Ġnecess",
+ "ity"
+ ],
+ [
+ "Ġc",
+ "el"
+ ],
+ [
+ "d",
+ "ated"
+ ],
+ [
+ "r",
+ "ison"
+ ],
+ [
+ "Ġb",
+ "icy"
+ ],
+ [
+ "op",
+ "ath"
+ ],
+ [
+ "ĠW",
+ "atch"
+ ],
+ [
+ "ĠSt",
+ "ay"
+ ],
+ [
+ "au",
+ "g"
+ ],
+ [
+ "Pub",
+ "lished"
+ ],
+ [
+ ".",
+ "),"
+ ],
+ [
+ "Ġf",
+ "ut"
+ ],
+ [
+ "Ġunpre",
+ "cedented"
+ ],
+ [
+ "Ġinterf",
+ "erence"
+ ],
+ [
+ "ĠN",
+ "ation"
+ ],
+ [
+ "Ġwork",
+ "force"
+ ],
+ [
+ "ĠN",
+ "avig"
+ ],
+ [
+ "old",
+ "ing"
+ ],
+ [
+ "Ġin",
+ "clusivity"
+ ],
+ [
+ "ĠSwed",
+ "en"
+ ],
+ [
+ "ĠResp",
+ "ons"
+ ],
+ [
+ "ĠR",
+ "ac"
+ ],
+ [
+ "Ġent",
+ "ers"
+ ],
+ [
+ "Ġbeh",
+ "ave"
+ ],
+ [
+ "°",
+ "F"
+ ],
+ [
+ "reg",
+ "on"
+ ],
+ [
+ "Ġfro",
+ "zen"
+ ],
+ [
+ "Ġh",
+ "ang"
+ ],
+ [
+ "Ġfollow",
+ "ers"
+ ],
+ [
+ "Ġtap",
+ "estry"
+ ],
+ [
+ "Ġtempor",
+ "al"
+ ],
+ [
+ "Ġi",
+ "i"
+ ],
+ [
+ "Ġc",
+ "od"
+ ],
+ [
+ "Ä",
+ "±"
+ ],
+ [
+ "Ġoblig",
+ "ations"
+ ],
+ [
+ "Ġconc",
+ "ise"
+ ],
+ [
+ "Ġtox",
+ "ins"
+ ],
+ [
+ "Ġye",
+ "ast"
+ ],
+ [
+ "ĠM",
+ "agn"
+ ],
+ [
+ "Ġrecept",
+ "or"
+ ],
+ [
+ "uck",
+ "y"
+ ],
+ [
+ "-",
+ "pl"
+ ],
+ [
+ "act",
+ "ivity"
+ ],
+ [
+ "ĠL",
+ "oss"
+ ],
+ [
+ "ine",
+ "a"
+ ],
+ [
+ "Ġdu",
+ "ct"
+ ],
+ [
+ "ĠWild",
+ "life"
+ ],
+ [
+ "ĠO",
+ "il"
+ ],
+ [
+ "ĠNether",
+ "lands"
+ ],
+ [
+ "ĠA",
+ "ward"
+ ],
+ [
+ "Ġtrans",
+ "f"
+ ],
+ [
+ "Ġmis",
+ "con"
+ ],
+ [
+ "Ġhazard",
+ "ous"
+ ],
+ [
+ "Ġscre",
+ "ens"
+ ],
+ [
+ "Ġt",
+ "ast"
+ ],
+ [
+ "Ġdes",
+ "ires"
+ ],
+ [
+ "Ġconst",
+ "itute"
+ ],
+ [
+ "ĠInt",
+ "rodu"
+ ],
+ [
+ "al",
+ "ine"
+ ],
+ [
+ "J",
+ "o"
+ ],
+ [
+ "c",
+ "ase"
+ ],
+ [
+ "pp",
+ "ers"
+ ],
+ [
+ "B",
+ "oth"
+ ],
+ [
+ "Ġdepend",
+ "ence"
+ ],
+ [
+ "Ġcapt",
+ "uring"
+ ],
+ [
+ "ust",
+ "er"
+ ],
+ [
+ "ĠGuid",
+ "elines"
+ ],
+ [
+ "оÐ",
+ "²"
+ ],
+ [
+ "ĠG",
+ "ender"
+ ],
+ [
+ "ause",
+ "a"
+ ],
+ [
+ "Ġbase",
+ "ball"
+ ],
+ [
+ "Ġse",
+ "af"
+ ],
+ [
+ "Ġmod",
+ "ules"
+ ],
+ [
+ "ii",
+ "i"
+ ],
+ [
+ "Ġhistor",
+ "ically"
+ ],
+ [
+ "Ġwel",
+ "ding"
+ ],
+ [
+ "Ġh",
+ "ate"
+ ],
+ [
+ "Ġ>",
+ "="
+ ],
+ [
+ "Ġobtain",
+ "ing"
+ ],
+ [
+ "ĠN",
+ "ap"
+ ],
+ [
+ "im",
+ "ated"
+ ],
+ [
+ "Ġrele",
+ "ases"
+ ],
+ [
+ "Ġw",
+ "ages"
+ ],
+ [
+ "Ġmet",
+ "a"
+ ],
+ [
+ "ĠG",
+ "h"
+ ],
+ [
+ "Ġpestic",
+ "ides"
+ ],
+ [
+ "ĠB",
+ "ell"
+ ],
+ [
+ "ien",
+ "cies"
+ ],
+ [
+ "Ġsatisf",
+ "ied"
+ ],
+ [
+ "Ġf",
+ "rog"
+ ],
+ [
+ "Ġdom",
+ "inated"
+ ],
+ [
+ "Ġnu",
+ "anced"
+ ],
+ [
+ "Ġthr",
+ "illing"
+ ],
+ [
+ "Ġsuppl",
+ "ied"
+ ],
+ [
+ "ann",
+ "a"
+ ],
+ [
+ "Ġmanip",
+ "ulate"
+ ],
+ [
+ "Ġc",
+ "rown"
+ ],
+ [
+ "Ġch",
+ "ip"
+ ],
+ [
+ "Ġunem",
+ "ployment"
+ ],
+ [
+ "Ġcontext",
+ "ual"
+ ],
+ [
+ "ra",
+ "ul"
+ ],
+ [
+ "-in",
+ "come"
+ ],
+ [
+ "Ġrepl",
+ "acing"
+ ],
+ [
+ "Ġpal",
+ "m"
+ ],
+ [
+ "ĠPro",
+ "duction"
+ ],
+ [
+ "bor",
+ "ne"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠ",
+ "Ċ"
+ ],
+ [
+ "are",
+ "n"
+ ],
+ [
+ "lighten",
+ "ment"
+ ],
+ [
+ "Ġm",
+ "ail"
+ ],
+ [
+ "ĠRec",
+ "ogn"
+ ],
+ [
+ "x",
+ "ic"
+ ],
+ [
+ "ĠM",
+ "AT"
+ ],
+ [
+ "ĠWilliam",
+ "s"
+ ],
+ [
+ "ĠS",
+ "urg"
+ ],
+ [
+ "Ġeat",
+ "en"
+ ],
+ [
+ "Ġdisput",
+ "es"
+ ],
+ [
+ "Ġsitu",
+ "ated"
+ ],
+ [
+ "Ġprosper",
+ "ity"
+ ],
+ [
+ ".",
+ "y"
+ ],
+ [
+ "Ġent",
+ "itled"
+ ],
+ [
+ "b",
+ "ral"
+ ],
+ [
+ "Ġst",
+ "iff"
+ ],
+ [
+ "Ġprot",
+ "est"
+ ],
+ [
+ "Ġoutl",
+ "ined"
+ ],
+ [
+ "ĠDe",
+ "b"
+ ],
+ [
+ "c",
+ "ode"
+ ],
+ [
+ "14",
+ "4"
+ ],
+ [
+ "ur",
+ "ated"
+ ],
+ [
+ "ari",
+ "ous"
+ ],
+ [
+ "Ġsett",
+ "lers"
+ ],
+ [
+ "Ġd",
+ "irt"
+ ],
+ [
+ "ĠPhilos",
+ "ophy"
+ ],
+ [
+ "ur",
+ "red"
+ ],
+ [
+ "H",
+ "el"
+ ],
+ [
+ "vit",
+ "ational"
+ ],
+ [
+ "Ġper",
+ "pendicular"
+ ],
+ [
+ "ug",
+ "s"
+ ],
+ [
+ "am",
+ "ous"
+ ],
+ [
+ "act",
+ "ions"
+ ],
+ [
+ "c",
+ "at"
+ ],
+ [
+ "Ġload",
+ "s"
+ ],
+ [
+ "on",
+ "in"
+ ],
+ [
+ "ĠAs",
+ "sembly"
+ ],
+ [
+ "ĠSt",
+ "yle"
+ ],
+ [
+ "T",
+ "ype"
+ ],
+ [
+ "]",
+ ":"
+ ],
+ [
+ "Ġ",
+ "×"
+ ],
+ [
+ "Th",
+ "ink"
+ ],
+ [
+ "Ġcrit",
+ "ics"
+ ],
+ [
+ "Ġadapt",
+ "ability"
+ ],
+ [
+ "ins",
+ "ic"
+ ],
+ [
+ "Ġaccommod",
+ "ate"
+ ],
+ [
+ "Ġmor",
+ "ality"
+ ],
+ [
+ "os",
+ "ity"
+ ],
+ [
+ "ph",
+ "al"
+ ],
+ [
+ "Ġhop",
+ "es"
+ ],
+ [
+ "15",
+ "2"
+ ],
+ [
+ "ĠH",
+ "im"
+ ],
+ [
+ "}",
+ "_{"
+ ],
+ [
+ "et",
+ "al"
+ ],
+ [
+ "Ġfe",
+ "e"
+ ],
+ [
+ "ĠD",
+ "og"
+ ],
+ [
+ "om",
+ "ical"
+ ],
+ [
+ "Ġassist",
+ "ant"
+ ],
+ [
+ "Ġlic",
+ "ensed"
+ ],
+ [
+ "16",
+ "4"
+ ],
+ [
+ "f",
+ "ire"
+ ],
+ [
+ "Ġchalleng",
+ "ed"
+ ],
+ [
+ "tain",
+ "s"
+ ],
+ [
+ "Ġst",
+ "oring"
+ ],
+ [
+ "ĠG",
+ "as"
+ ],
+ [
+ "Ġb",
+ "od"
+ ],
+ [
+ "Ġextract",
+ "ed"
+ ],
+ [
+ "f",
+ "ess"
+ ],
+ [
+ "Ġland",
+ "ing"
+ ],
+ [
+ "Ġpul",
+ "se"
+ ],
+ [
+ "Ġuncom",
+ "fortable"
+ ],
+ [
+ "Ġf",
+ "ont"
+ ],
+ [
+ "issipp",
+ "i"
+ ],
+ [
+ "Ġca",
+ "ve"
+ ],
+ [
+ "Ġbiom",
+ "ass"
+ ],
+ [
+ "Ġperson",
+ "ally"
+ ],
+ [
+ "gg",
+ "ed"
+ ],
+ [
+ "Ġadminist",
+ "ered"
+ ],
+ [
+ "Ġones",
+ "elf"
+ ],
+ [
+ "use",
+ "ums"
+ ],
+ [
+ "Ð",
+ "¹"
+ ],
+ [
+ ".",
+ "||"
+ ],
+ [
+ "uls",
+ "ion"
+ ],
+ [
+ "Ġdesc",
+ "end"
+ ],
+ [
+ "ĠN",
+ "ight"
+ ],
+ [
+ "ĠDi",
+ "agn"
+ ],
+ [
+ "Ġcompan",
+ "ion"
+ ],
+ [
+ "ov",
+ "a"
+ ],
+ [
+ "ĠS",
+ "i"
+ ],
+ [
+ "Ġrestaur",
+ "ant"
+ ],
+ [
+ "Ġsu",
+ "pre"
+ ],
+ [
+ "Ġout",
+ "doors"
+ ],
+ [
+ "IC",
+ "AL"
+ ],
+ [
+ "ĠAl",
+ "ong"
+ ],
+ [
+ "C",
+ "M"
+ ],
+ [
+ "Ġm",
+ "asks"
+ ],
+ [
+ "Ġp",
+ "neum"
+ ],
+ [
+ "14",
+ "5"
+ ],
+ [
+ "A",
+ "ug"
+ ],
+ [
+ "Ġdial",
+ "og"
+ ],
+ [
+ "Ġtrans",
+ "cript"
+ ],
+ [
+ "Ġsimilar",
+ "ly"
+ ],
+ [
+ "2",
+ "10"
+ ],
+ [
+ "Ġbuild",
+ "s"
+ ],
+ [
+ "Ġth",
+ "irty"
+ ],
+ [
+ "Ġst",
+ "ays"
+ ],
+ [
+ "ĠAppro",
+ "ach"
+ ],
+ [
+ "Ġport",
+ "ions"
+ ],
+ [
+ "Lear",
+ "ning"
+ ],
+ [
+ "Ġadd",
+ "ict"
+ ],
+ [
+ "ĠG",
+ "re"
+ ],
+ [
+ "Ġatt",
+ "ended"
+ ],
+ [
+ "ĠA",
+ "qu"
+ ],
+ [
+ "Ġattempt",
+ "ed"
+ ],
+ [
+ "le",
+ "ton"
+ ],
+ [
+ "Ġalign",
+ "ed"
+ ],
+ [
+ "Ġgamb",
+ "ling"
+ ],
+ [
+ "co",
+ "res"
+ ],
+ [
+ "Ġdev",
+ "oted"
+ ],
+ [
+ "math",
+ "bb"
+ ],
+ [
+ "B",
+ "L"
+ ],
+ [
+ "Ġart",
+ "ic"
+ ],
+ [
+ "Ġcert",
+ "ification"
+ ],
+ [
+ "er",
+ "ver"
+ ],
+ [
+ "{",
+ "{"
+ ],
+ [
+ "Ġsocial",
+ "ly"
+ ],
+ [
+ "Ġmass",
+ "es"
+ ],
+ [
+ "Ġhung",
+ "er"
+ ],
+ [
+ "-indu",
+ "ced"
+ ],
+ [
+ "ins",
+ "ula"
+ ],
+ [
+ "ogen",
+ "esis"
+ ],
+ [
+ "mon",
+ "ary"
+ ],
+ [
+ "t",
+ "ings"
+ ],
+ [
+ "p",
+ "ost"
+ ],
+ [
+ "eth",
+ "yl"
+ ],
+ [
+ "es",
+ "ar"
+ ],
+ [
+ "Ġdenomin",
+ "ator"
+ ],
+ [
+ "v",
+ "ation"
+ ],
+ [
+ "T",
+ "A"
+ ],
+ [
+ "Ġmin",
+ "ister"
+ ],
+ [
+ "Ġappropri",
+ "ately"
+ ],
+ [
+ "Ġprotect",
+ "s"
+ ],
+ [
+ "Ġunder",
+ "water"
+ ],
+ [
+ "Ġdet",
+ "erior"
+ ],
+ [
+ "Ġloyal",
+ "ty"
+ ],
+ [
+ "Ġsu",
+ "ited"
+ ],
+ [
+ "ar",
+ "ry"
+ ],
+ [
+ "Ġwe",
+ "aken"
+ ],
+ [
+ "Ġint",
+ "ensive"
+ ],
+ [
+ "ĠAr",
+ "m"
+ ],
+ [
+ "Ġrefrig",
+ "er"
+ ],
+ [
+ "ch",
+ "i"
+ ],
+ [
+ "-",
+ "use"
+ ],
+ [
+ "Ġoccas",
+ "ions"
+ ],
+ [
+ "Ġadv",
+ "ancing"
+ ],
+ [
+ "15",
+ "5"
+ ],
+ [
+ "ro",
+ "sc"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ",
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ"
+ ],
+ [
+ "Ġappet",
+ "ite"
+ ],
+ [
+ "plic",
+ "it"
+ ],
+ [
+ "ĠN",
+ "ear"
+ ],
+ [
+ "Ġr",
+ "ings"
+ ],
+ [
+ "å",
+ "¤"
+ ],
+ [
+ "Ġsau",
+ "ce"
+ ],
+ [
+ "ed",
+ "ic"
+ ],
+ [
+ "Ġteen",
+ "agers"
+ ],
+ [
+ "Ġp",
+ "i"
+ ],
+ [
+ "iz",
+ "za"
+ ],
+ [
+ "Ġsubstr",
+ "ate"
+ ],
+ [
+ "Ġdevast",
+ "ating"
+ ],
+ [
+ "Ġbe",
+ "et"
+ ],
+ [
+ "ĠVirt",
+ "ual"
+ ],
+ [
+ "Ġdec",
+ "iding"
+ ],
+ [
+ "Ġschol",
+ "arly"
+ ],
+ [
+ "Ġpun",
+ "ct"
+ ],
+ [
+ "lear",
+ "ning"
+ ],
+ [
+ "Ġweap",
+ "on"
+ ],
+ [
+ "new",
+ "command"
+ ],
+ [
+ "Ġglobal",
+ "ization"
+ ],
+ [
+ "(",
+ ")čĊ"
+ ],
+ [
+ "Ġdemand",
+ "ing"
+ ],
+ [
+ "g",
+ "ender"
+ ],
+ [
+ "ĠC",
+ "BD"
+ ],
+ [
+ "11",
+ "7"
+ ],
+ [
+ "Ġsal",
+ "ary"
+ ],
+ [
+ "er",
+ "os"
+ ],
+ [
+ "Ġappro",
+ "ached"
+ ],
+ [
+ "Ġrestaur",
+ "ants"
+ ],
+ [
+ "(",
+ ")."
+ ],
+ [
+ "ĠAb",
+ "raham"
+ ],
+ [
+ "Ġparam",
+ "ount"
+ ],
+ [
+ "Ġd",
+ "ign"
+ ],
+ [
+ "16",
+ "1"
+ ],
+ [
+ "ĠL",
+ "arge"
+ ],
+ [
+ "_",
+ "st"
+ ],
+ [
+ "ĠB",
+ "ad"
+ ],
+ [
+ "ĠS",
+ "QL"
+ ],
+ [
+ "Ġf",
+ "ictional"
+ ],
+ [
+ "âĢľ",
+ "We"
+ ],
+ [
+ "au",
+ "c"
+ ],
+ [
+ "]",
+ ".Ċ"
+ ],
+ [
+ "Ġprov",
+ "isions"
+ ],
+ [
+ "l",
+ "ong"
+ ],
+ [
+ "ĠR",
+ "aj"
+ ],
+ [
+ "Ġrel",
+ "atives"
+ ],
+ [
+ "Ġcorpor",
+ "ations"
+ ],
+ [
+ "gra",
+ "de"
+ ],
+ [
+ "ĠF",
+ "est"
+ ],
+ [
+ "Ġrep",
+ "ublic"
+ ],
+ [
+ "ĠPortug",
+ "uese"
+ ],
+ [
+ "lim",
+ "inary"
+ ],
+ [
+ "Ġl",
+ "ying"
+ ],
+ [
+ "N",
+ "one"
+ ],
+ [
+ "ĠM",
+ "ining"
+ ],
+ [
+ "ĠIm",
+ "per"
+ ],
+ [
+ "ĠAd",
+ "am"
+ ],
+ [
+ "Ġo",
+ "ven"
+ ],
+ [
+ "m",
+ "ap"
+ ],
+ [
+ "Ġ",
+ "ë"
+ ],
+ [
+ "-",
+ "ac"
+ ],
+ [
+ "1",
+ "18"
+ ],
+ [
+ "ust",
+ "ral"
+ ],
+ [
+ "Ġpack",
+ "ed"
+ ],
+ [
+ "12",
+ "7"
+ ],
+ [
+ "Ġtreat",
+ "y"
+ ],
+ [
+ "ा",
+ "à¤"
+ ],
+ [
+ "Ġter",
+ "rain"
+ ],
+ [
+ "ĠMar",
+ "x"
+ ],
+ [
+ "Ġquestion",
+ "na"
+ ],
+ [
+ "Ġfund",
+ "ed"
+ ],
+ [
+ "ĠHT",
+ "ML"
+ ],
+ [
+ "Ġfin",
+ "ancing"
+ ],
+ [
+ "ĠR",
+ "ay"
+ ],
+ [
+ "V",
+ "is"
+ ],
+ [
+ "Ġpollut",
+ "ants"
+ ],
+ [
+ "Ġmen",
+ "stru"
+ ],
+ [
+ "ĠS",
+ "pr"
+ ],
+ [
+ "E",
+ "V"
+ ],
+ [
+ "re",
+ "strial"
+ ],
+ [
+ "Sh",
+ "ort"
+ ],
+ [
+ "ob",
+ "ia"
+ ],
+ [
+ "-",
+ "O"
+ ],
+ [
+ "ou",
+ "lt"
+ ],
+ [
+ "(",
+ "g"
+ ],
+ [
+ "ĠY",
+ "ellow"
+ ],
+ [
+ "ĠInf",
+ "lu"
+ ],
+ [
+ "ĠInc",
+ "orpor"
+ ],
+ [
+ "Ġcelebr",
+ "ating"
+ ],
+ [
+ "/",
+ "t"
+ ],
+ [
+ "Ġent",
+ "ails"
+ ],
+ [
+ "Ġfacilit",
+ "ating"
+ ],
+ [
+ "Ġdam",
+ "aging"
+ ],
+ [
+ "yl",
+ "on"
+ ],
+ [
+ "Ġwor",
+ "ried"
+ ],
+ [
+ "form",
+ "ing"
+ ],
+ [
+ "ann",
+ "el"
+ ],
+ [
+ "Ġstress",
+ "ed"
+ ],
+ [
+ "ĠSen",
+ "ate"
+ ],
+ [
+ "Ġto",
+ "dd"
+ ],
+ [
+ "Ġbe",
+ "ef"
+ ],
+ [
+ "Ġex",
+ "cel"
+ ],
+ [
+ "ĠD",
+ "ream"
+ ],
+ [
+ "ĠSing",
+ "apore"
+ ],
+ [
+ "ĠPlan",
+ "et"
+ ],
+ [
+ "om",
+ "on"
+ ],
+ [
+ "11",
+ "6"
+ ],
+ [
+ "Ġemploy",
+ "ing"
+ ],
+ [
+ "f",
+ "irst"
+ ],
+ [
+ "ra",
+ "ge"
+ ],
+ [
+ "se",
+ "arch"
+ ],
+ [
+ "Ġac",
+ "res"
+ ],
+ [
+ "it",
+ "ime"
+ ],
+ [
+ "Ġdep",
+ "r"
+ ],
+ [
+ "ĠEm",
+ "ploy"
+ ],
+ [
+ "Ġcor",
+ "al"
+ ],
+ [
+ "Ġr",
+ "ats"
+ ],
+ [
+ "P",
+ "N"
+ ],
+ [
+ "k",
+ "o"
+ ],
+ [
+ "ĠA",
+ "rizona"
+ ],
+ [
+ "ric",
+ "ular"
+ ],
+ [
+ "m",
+ "u"
+ ],
+ [
+ "P",
+ "E"
+ ],
+ [
+ "Ġexc",
+ "av"
+ ],
+ [
+ "Ġemotion",
+ "ally"
+ ],
+ [
+ "V",
+ "ol"
+ ],
+ [
+ "]",
+ ":Ċ"
+ ],
+ [
+ "Ġab",
+ "dominal"
+ ],
+ [
+ "ĠC",
+ "L"
+ ],
+ [
+ "ĠCar",
+ "l"
+ ],
+ [
+ "e",
+ "z"
+ ],
+ [
+ "ĠAr",
+ "ist"
+ ],
+ [
+ "ĠI",
+ "oT"
+ ],
+ [
+ "Ġmetap",
+ "hor"
+ ],
+ [
+ "isc",
+ "al"
+ ],
+ [
+ "Ġprem",
+ "ium"
+ ],
+ [
+ "ĠE",
+ "asy"
+ ],
+ [
+ "Ġan",
+ "atomy"
+ ],
+ [
+ "Ġcoe",
+ "fficients"
+ ],
+ [
+ "ĠT",
+ "aking"
+ ],
+ [
+ "Ġscholars",
+ "hip"
+ ],
+ [
+ "ĠK",
+ "it"
+ ],
+ [
+ "ĠF",
+ "A"
+ ],
+ [
+ "ĠR",
+ "ain"
+ ],
+ [
+ "H",
+ "Y"
+ ],
+ [
+ "ard",
+ "less"
+ ],
+ [
+ "Ġext",
+ "ending"
+ ],
+ [
+ "v",
+ "ol"
+ ],
+ [
+ "Ù",
+ "Ĩ"
+ ],
+ [
+ "ĠS",
+ "ud"
+ ],
+ [
+ "Ġtom",
+ "orrow"
+ ],
+ [
+ "Ġsatisf",
+ "y"
+ ],
+ [
+ "iz",
+ "able"
+ ],
+ [
+ "Ġca",
+ "ffe"
+ ],
+ [
+ "pt",
+ "s"
+ ],
+ [
+ "G",
+ "ood"
+ ],
+ [
+ "Th",
+ "ank"
+ ],
+ [
+ "Ġgl",
+ "and"
+ ],
+ [
+ "ĠAl",
+ "low"
+ ],
+ [
+ "Ġclos",
+ "est"
+ ],
+ [
+ "ĠD",
+ "I"
+ ],
+ [
+ "Ġa",
+ "u"
+ ],
+ [
+ "-",
+ "ad"
+ ],
+ [
+ "ĠHol",
+ "ocaust"
+ ],
+ [
+ "Ġdilem",
+ "ma"
+ ],
+ [
+ "Gen",
+ "eral"
+ ],
+ [
+ "es",
+ "ian"
+ ],
+ [
+ "ĠSecret",
+ "ary"
+ ],
+ [
+ "Ġm",
+ "ills"
+ ],
+ [
+ "Ġwere",
+ "n"
+ ],
+ [
+ "Ġupl",
+ "oad"
+ ],
+ [
+ "Ġs",
+ "perm"
+ ],
+ [
+ "$",
+ "Ċ"
+ ],
+ [
+ "ĠS",
+ "av"
+ ],
+ [
+ "Ġtw",
+ "entieth"
+ ],
+ [
+ "Ġcomprom",
+ "ise"
+ ],
+ [
+ "ĠH",
+ "o"
+ ],
+ [
+ "ache",
+ "lor"
+ ],
+ [
+ "ĠT",
+ "en"
+ ],
+ [
+ "le",
+ "an"
+ ],
+ [
+ "am",
+ "ation"
+ ],
+ [
+ "Ġass",
+ "ault"
+ ],
+ [
+ "¢",
+ "â"
+ ],
+ [
+ "lis",
+ "hers"
+ ],
+ [
+ "ĠD",
+ "er"
+ ],
+ [
+ "umb",
+ "led"
+ ],
+ [
+ "Ġconstit",
+ "u"
+ ],
+ [
+ "Ġen",
+ "l"
+ ],
+ [
+ "Ġang",
+ "ry"
+ ],
+ [
+ "Ġanx",
+ "ious"
+ ],
+ [
+ "Ġout",
+ "standing"
+ ],
+ [
+ "Ġadvoc",
+ "acy"
+ ],
+ [
+ "ĠPre",
+ "par"
+ ],
+ [
+ "20",
+ "4"
+ ],
+ [
+ "Ġexplo",
+ "itation"
+ ],
+ [
+ "Ġsocio",
+ "economic"
+ ],
+ [
+ "Ġg",
+ "ang"
+ ],
+ [
+ "Ġs",
+ "ne"
+ ],
+ [
+ "Ġremain",
+ "der"
+ ],
+ [
+ "ocy",
+ "tes"
+ ],
+ [
+ "Ġup",
+ "coming"
+ ],
+ [
+ "Ġappl",
+ "iances"
+ ],
+ [
+ "ansk",
+ "rit"
+ ],
+ [
+ "Ġ",
+ "verse"
+ ],
+ [
+ "Ġinvestig",
+ "ating"
+ ],
+ [
+ "Ġcultiv",
+ "ating"
+ ],
+ [
+ "Ġenc",
+ "ryption"
+ ],
+ [
+ "ac",
+ "eted"
+ ],
+ [
+ "Def",
+ "inition"
+ ],
+ [
+ "u",
+ "i"
+ ],
+ [
+ "Ġstim",
+ "ulation"
+ ],
+ [
+ "Ã",
+ "º"
+ ],
+ [
+ "ã",
+ "o"
+ ],
+ [
+ "Ġpresent",
+ "ations"
+ ],
+ [
+ "Ġwarm",
+ "th"
+ ],
+ [
+ "Ġj",
+ "e"
+ ],
+ [
+ "Ġe",
+ "ll"
+ ],
+ [
+ "Ġar",
+ "rays"
+ ],
+ [
+ "ĠH",
+ "arr"
+ ],
+ [
+ "Ġo",
+ "scill"
+ ],
+ [
+ "Ġvill",
+ "ages"
+ ],
+ [
+ "Ġs",
+ "lic"
+ ],
+ [
+ "Ġbreak",
+ "fast"
+ ],
+ [
+ "Ġn",
+ "a"
+ ],
+ [
+ "ðĿ",
+ "IJ"
+ ],
+ [
+ "A",
+ "pr"
+ ],
+ [
+ "Ġcur",
+ "ves"
+ ],
+ [
+ "st",
+ "ra"
+ ],
+ [
+ "ation",
+ "ally"
+ ],
+ [
+ "Ġregist",
+ "ration"
+ ],
+ [
+ "Ġground",
+ "breaking"
+ ],
+ [
+ "Ġmin",
+ "us"
+ ],
+ [
+ "Ġmel",
+ "an"
+ ],
+ [
+ "ĠC",
+ "ru"
+ ],
+ [
+ "Ġexhib",
+ "ition"
+ ],
+ [
+ "Î",
+ "¿"
+ ],
+ [
+ "ĠParent",
+ "s"
+ ],
+ [
+ "n",
+ "i"
+ ],
+ [
+ "Ġl",
+ "ig"
+ ],
+ [
+ "ĠS",
+ "yn"
+ ],
+ [
+ "ĠF",
+ "oot"
+ ],
+ [
+ "Ġsupp",
+ "liers"
+ ],
+ [
+ "Ġtomat",
+ "oes"
+ ],
+ [
+ "Ġn",
+ "ull"
+ ],
+ [
+ "P",
+ "ublic"
+ ],
+ [
+ "[",
+ "\""
+ ],
+ [
+ "Ġpharm",
+ "ac"
+ ],
+ [
+ "op",
+ "hers"
+ ],
+ [
+ "ut",
+ "y"
+ ],
+ [
+ "Ġsurpr",
+ "ised"
+ ],
+ [
+ "Ġne",
+ "arest"
+ ],
+ [
+ "eral",
+ "d"
+ ],
+ [
+ "Ġavoid",
+ "ed"
+ ],
+ [
+ "ef",
+ "t"
+ ],
+ [
+ "Ġfail",
+ "ures"
+ ],
+ [
+ "verse",
+ "ly"
+ ],
+ [
+ "ĠAcad",
+ "emic"
+ ],
+ [
+ "-",
+ "axis"
+ ],
+ [
+ "Ġmat",
+ "rices"
+ ],
+ [
+ "Ġconver",
+ "ting"
+ ],
+ [
+ "Ġinstruction",
+ "al"
+ ],
+ [
+ "mer",
+ "cial"
+ ],
+ [
+ "S",
+ "ign"
+ ],
+ [
+ "ĠC",
+ "art"
+ ],
+ [
+ "Ġglass",
+ "es"
+ ],
+ [
+ "Ġbust",
+ "ling"
+ ],
+ [
+ "ĠS",
+ "O"
+ ],
+ [
+ "Ġch",
+ "op"
+ ],
+ [
+ "Ex",
+ "amples"
+ ],
+ [
+ "ĠDraw",
+ "ing"
+ ],
+ [
+ "Ġpost",
+ "ure"
+ ],
+ [
+ "R",
+ "et"
+ ],
+ [
+ "Ġstrengthe",
+ "ning"
+ ],
+ [
+ "Ġall",
+ "ocation"
+ ],
+ [
+ "i",
+ "ative"
+ ],
+ [
+ "Ġ\"",
+ ","
+ ],
+ [
+ "ĠProt",
+ "est"
+ ],
+ [
+ "l",
+ "ot"
+ ],
+ [
+ "res",
+ "ult"
+ ],
+ [
+ "Ġex",
+ "clusively"
+ ],
+ [
+ "Ġnutrit",
+ "ious"
+ ],
+ [
+ "ĠIde",
+ "as"
+ ],
+ [
+ "ient",
+ "ed"
+ ],
+ [
+ "b",
+ "urn"
+ ],
+ [
+ "Ġtrib",
+ "e"
+ ],
+ [
+ "Ġrehab",
+ "ilitation"
+ ],
+ [
+ "Ġanim",
+ "ation"
+ ],
+ [
+ "Ġrem",
+ "edies"
+ ],
+ [
+ "Ġconsider",
+ "ably"
+ ],
+ [
+ "16",
+ "3"
+ ],
+ [
+ "Ġassum",
+ "ing"
+ ],
+ [
+ "Ġv",
+ "iable"
+ ],
+ [
+ "Ġt",
+ "orn"
+ ],
+ [
+ ".âĢĿ",
+ "ĊĊ"
+ ],
+ [
+ "Ġspir",
+ "its"
+ ],
+ [
+ "Ġcit",
+ "ations"
+ ],
+ [
+ "Ġrect",
+ "angular"
+ ],
+ [
+ "ĠR",
+ "ule"
+ ],
+ [
+ "ĠM",
+ "C"
+ ],
+ [
+ "Ġhead",
+ "aches"
+ ],
+ [
+ "ĠB",
+ "ow"
+ ],
+ [
+ "ĠHe",
+ "at"
+ ],
+ [
+ "Ġdark",
+ "ness"
+ ],
+ [
+ "Ġconstruct",
+ "ing"
+ ],
+ [
+ "Ġal",
+ "leg"
+ ],
+ [
+ "ro",
+ "le"
+ ],
+ [
+ "12",
+ "2"
+ ],
+ [
+ "ĠR",
+ "od"
+ ],
+ [
+ "Ġar",
+ "ises"
+ ],
+ [
+ "16",
+ "2"
+ ],
+ [
+ "Ġtable",
+ "ts"
+ ],
+ [
+ "--------------------------------",
+ "--------"
+ ],
+ [
+ "Ġacknowled",
+ "ging"
+ ],
+ [
+ "Ġmarg",
+ "in"
+ ],
+ [
+ "ĠP",
+ "V"
+ ],
+ [
+ "rolog",
+ "y"
+ ],
+ [
+ "ĠW",
+ "ould"
+ ],
+ [
+ "ĠS",
+ "aturday"
+ ],
+ [
+ "Ġindivid",
+ "ually"
+ ],
+ [
+ "ĠSt",
+ "ock"
+ ],
+ [
+ "=",
+ "("
+ ],
+ [
+ "Ġsus",
+ "pect"
+ ],
+ [
+ "Ġproport",
+ "ional"
+ ],
+ [
+ "ĠW",
+ "ilson"
+ ],
+ [
+ "Ġpart",
+ "ly"
+ ],
+ [
+ "Ġinstruct",
+ "or"
+ ],
+ [
+ "ĠView",
+ "s"
+ ],
+ [
+ "ĠÐ",
+ "½"
+ ],
+ [
+ "Ġtra",
+ "ced"
+ ],
+ [
+ "Ġspace",
+ "craft"
+ ],
+ [
+ "ĠPrin",
+ "ciples"
+ ],
+ [
+ "app",
+ "ropriate"
+ ],
+ [
+ "Ġthe",
+ "ater"
+ ],
+ [
+ "Ġende",
+ "av"
+ ],
+ [
+ "hed",
+ "ral"
+ ],
+ [
+ "H",
+ "is"
+ ],
+ [
+ "Ġmet",
+ "eor"
+ ],
+ [
+ "c",
+ "s"
+ ],
+ [
+ "/",
+ "("
+ ],
+ [
+ ".",
+ "G"
+ ],
+ [
+ "o",
+ "osing"
+ ],
+ [
+ "in",
+ "ar"
+ ],
+ [
+ "Ġin",
+ "quiry"
+ ],
+ [
+ "Ġinterp",
+ "ersonal"
+ ],
+ [
+ "Ġinv",
+ "ited"
+ ],
+ [
+ "Ġtransl",
+ "ate"
+ ],
+ [
+ "17",
+ "1"
+ ],
+ [
+ "Ġcommunic",
+ "ating"
+ ],
+ [
+ "Ġris",
+ "es"
+ ],
+ [
+ "ed",
+ "ay"
+ ],
+ [
+ "Ġpro",
+ "st"
+ ],
+ [
+ "im",
+ "ity"
+ ],
+ [
+ "Ġsepar",
+ "ately"
+ ],
+ [
+ "ob",
+ "acter"
+ ],
+ [
+ "!",
+ ")"
+ ],
+ [
+ "Ġmat",
+ "hematic"
+ ],
+ [
+ "Ġresil",
+ "ient"
+ ],
+ [
+ ".",
+ "K"
+ ],
+ [
+ "ar",
+ "th"
+ ],
+ [
+ "Ġan",
+ "not"
+ ],
+ [
+ "ĠW",
+ "ikiHow"
+ ],
+ [
+ "Ġm",
+ "ira"
+ ],
+ [
+ "ateg",
+ "ory"
+ ],
+ [
+ "å",
+ "®"
+ ],
+ [
+ "s",
+ "cience"
+ ],
+ [
+ "ant",
+ "e"
+ ],
+ [
+ "Ġad",
+ "hes"
+ ],
+ [
+ "Ch",
+ "ildren"
+ ],
+ [
+ "ĠSum",
+ "mer"
+ ],
+ [
+ "Ġkid",
+ "neys"
+ ],
+ [
+ "Ġl",
+ "ighter"
+ ],
+ [
+ "it",
+ "em"
+ ],
+ [
+ "Ġstr",
+ "at"
+ ],
+ [
+ "Ġdraw",
+ "s"
+ ],
+ [
+ "Ġmiss",
+ "ed"
+ ],
+ [
+ "Ġg",
+ "ross"
+ ],
+ [
+ "ĠS",
+ "A"
+ ],
+ [
+ "ĠProcess",
+ "ing"
+ ],
+ [
+ "ag",
+ "le"
+ ],
+ [
+ "ĠOnt",
+ "ario"
+ ],
+ [
+ "ĠInd",
+ "ependence"
+ ],
+ [
+ "Ġin",
+ "ade"
+ ],
+ [
+ "as",
+ "hed"
+ ],
+ [
+ "Ġqu",
+ "art"
+ ],
+ [
+ "ias",
+ "m"
+ ],
+ [
+ "arg",
+ "o"
+ ],
+ [
+ "ĠBudd",
+ "hist"
+ ],
+ [
+ "ĠDeterm",
+ "ine"
+ ],
+ [
+ "Ġbe",
+ "er"
+ ],
+ [
+ "Ġcos",
+ "m"
+ ],
+ [
+ "Ġprior",
+ "ities"
+ ],
+ [
+ "ge",
+ "vity"
+ ],
+ [
+ "ĠComp",
+ "are"
+ ],
+ [
+ "Ġreserv",
+ "es"
+ ],
+ [
+ "-c",
+ "ultural"
+ ],
+ [
+ "Ġcost",
+ "ly"
+ ],
+ [
+ "-",
+ "ph"
+ ],
+ [
+ "Ġco",
+ "hes"
+ ],
+ [
+ "ĠP",
+ "apers"
+ ],
+ [
+ "re",
+ "ction"
+ ],
+ [
+ "Ġun",
+ "healthy"
+ ],
+ [
+ "l",
+ "ambda"
+ ],
+ [
+ "Ġantioxid",
+ "ants"
+ ],
+ [
+ "l",
+ "ades"
+ ],
+ [
+ "Ġreflect",
+ "ive"
+ ],
+ [
+ "Ġtalk",
+ "ed"
+ ],
+ [
+ "Ġlifes",
+ "pan"
+ ],
+ [
+ "Ġident",
+ "ifies"
+ ],
+ [
+ "Ġp",
+ "iano"
+ ],
+ [
+ "Ġadvert",
+ "ise"
+ ],
+ [
+ "ru",
+ "p"
+ ],
+ [
+ "Ġinter",
+ "rupt"
+ ],
+ [
+ "15",
+ "6"
+ ],
+ [
+ "ed",
+ "uc"
+ ],
+ [
+ "Ġjewel",
+ "ry"
+ ],
+ [
+ "Ġg",
+ "ay"
+ ],
+ [
+ "Ġatt",
+ "or"
+ ],
+ [
+ "Ġdatas",
+ "ets"
+ ],
+ [
+ "Ġwater",
+ "ing"
+ ],
+ [
+ "ĠHig",
+ "her"
+ ],
+ [
+ "Ġrepl",
+ "ied"
+ ],
+ [
+ "Ġpharm",
+ "aceutical"
+ ],
+ [
+ "Over",
+ "all"
+ ],
+ [
+ "Ġin",
+ "cons"
+ ],
+ [
+ "t",
+ "able"
+ ],
+ [
+ "P",
+ "DF"
+ ],
+ [
+ "Ġsimpl",
+ "ify"
+ ],
+ [
+ "osp",
+ "here"
+ ],
+ [
+ "Ġabandon",
+ "ed"
+ ],
+ [
+ "Ġrig",
+ "id"
+ ],
+ [
+ "Ġol",
+ "ive"
+ ],
+ [
+ "Ġd",
+ "urable"
+ ],
+ [
+ "ĠArt",
+ "ificial"
+ ],
+ [
+ "ĠB",
+ "an"
+ ],
+ [
+ "ĠP",
+ "ap"
+ ],
+ [
+ "Ġclick",
+ "ing"
+ ],
+ [
+ "Ġcert",
+ "ified"
+ ],
+ [
+ "Ġrev",
+ "ision"
+ ],
+ [
+ "ĠPol",
+ "ish"
+ ],
+ [
+ "Ġmicro",
+ "organisms"
+ ],
+ [
+ "ĠR",
+ "os"
+ ],
+ [
+ "AR",
+ "Y"
+ ],
+ [
+ "ĠForm",
+ "at"
+ ],
+ [
+ "Ġmanufact",
+ "ured"
+ ],
+ [
+ "it",
+ "ives"
+ ],
+ [
+ "Ġrandom",
+ "ly"
+ ],
+ [
+ "Ġwat",
+ "ched"
+ ],
+ [
+ "Ġconnect",
+ "ivity"
+ ],
+ [
+ "ĠD",
+ "un"
+ ],
+ [
+ "Ġaff",
+ "il"
+ ],
+ [
+ "-",
+ "te"
+ ],
+ [
+ "Cur",
+ "rent"
+ ],
+ [
+ "ĠRef",
+ "lect"
+ ],
+ [
+ "Ġl",
+ "enses"
+ ],
+ [
+ "Ġext",
+ "inction"
+ ],
+ [
+ "Ġattrib",
+ "ute"
+ ],
+ [
+ "Ġadvers",
+ "ity"
+ ],
+ [
+ "io",
+ "let"
+ ],
+ [
+ "ris",
+ "k"
+ ],
+ [
+ ".",
+ "add"
+ ],
+ [
+ ".",
+ "net"
+ ],
+ [
+ "ord",
+ "an"
+ ],
+ [
+ "adel",
+ "ph"
+ ],
+ [
+ "Ġbo",
+ "iling"
+ ],
+ [
+ "Ġvalid",
+ "ity"
+ ],
+ [
+ "ĠTheore",
+ "m"
+ ],
+ [
+ "Ġec",
+ "ology"
+ ],
+ [
+ "Ġpric",
+ "ing"
+ ],
+ [
+ "Ġcast",
+ "le"
+ ],
+ [
+ "Ġepis",
+ "odes"
+ ],
+ [
+ "ĠTechn",
+ "ical"
+ ],
+ [
+ "F",
+ "l"
+ ],
+ [
+ "Ã",
+ "ł"
+ ],
+ [
+ "as",
+ "a"
+ ],
+ [
+ "ĠRef",
+ "lection"
+ ],
+ [
+ "Ø",
+ "±"
+ ],
+ [
+ "ad",
+ "i"
+ ],
+ [
+ "Ġread",
+ "s"
+ ],
+ [
+ "IT",
+ "Y"
+ ],
+ [
+ "Ġqu",
+ "eries"
+ ],
+ [
+ "Ġbirth",
+ "day"
+ ],
+ [
+ "au",
+ "x"
+ ],
+ [
+ "ĠB",
+ "CE"
+ ],
+ [
+ "as",
+ "i"
+ ],
+ [
+ "hold",
+ "er"
+ ],
+ [
+ "sem",
+ "ble"
+ ],
+ [
+ "ra",
+ "red"
+ ],
+ [
+ "Ġpolicym",
+ "akers"
+ ],
+ [
+ "ĠS",
+ "ix"
+ ],
+ [
+ "om",
+ "orph"
+ ],
+ [
+ "ĠAl",
+ "aska"
+ ],
+ [
+ "ĠH",
+ "yp"
+ ],
+ [
+ "Ġdys",
+ "function"
+ ],
+ [
+ "ill",
+ "er"
+ ],
+ [
+ "Ġcompet",
+ "e"
+ ],
+ [
+ "op",
+ "athy"
+ ],
+ [
+ "int",
+ "estinal"
+ ],
+ [
+ "ĠP",
+ "a"
+ ],
+ [
+ "13",
+ "1"
+ ],
+ [
+ "Ġa",
+ "ster"
+ ],
+ [
+ "Hist",
+ "ory"
+ ],
+ [
+ "ern",
+ "el"
+ ],
+ [
+ "Ù",
+ "ħ"
+ ],
+ [
+ "o",
+ "en"
+ ],
+ [
+ "ass",
+ "ment"
+ ],
+ [
+ "c",
+ "ore"
+ ],
+ [
+ "Ġgu",
+ "ests"
+ ],
+ [
+ "ĠPub",
+ "lishing"
+ ],
+ [
+ "Ġorganis",
+ "ations"
+ ],
+ [
+ "Ġben",
+ "ch"
+ ],
+ [
+ "Ġunf",
+ "amiliar"
+ ],
+ [
+ "Ġfail",
+ "s"
+ ],
+ [
+ "Ġphilos",
+ "opher"
+ ],
+ [
+ "imm",
+ "une"
+ ],
+ [
+ "Ġsp",
+ "ices"
+ ],
+ [
+ "Ġwealth",
+ "y"
+ ],
+ [
+ "is",
+ "ible"
+ ],
+ [
+ "H",
+ "uman"
+ ],
+ [
+ "Ġillust",
+ "rates"
+ ],
+ [
+ "h",
+ "ard"
+ ],
+ [
+ "Ġbrother",
+ "s"
+ ],
+ [
+ "Ġstrict",
+ "ly"
+ ],
+ [
+ "iff",
+ "s"
+ ],
+ [
+ "Ġcondition",
+ "ing"
+ ],
+ [
+ "Ġint",
+ "ens"
+ ],
+ [
+ "Ġc",
+ "in"
+ ],
+ [
+ "Ġra",
+ "bb"
+ ],
+ [
+ "ĠM",
+ "oney"
+ ],
+ [
+ "Ġl",
+ "oves"
+ ],
+ [
+ "ll",
+ "o"
+ ],
+ [
+ "ĠT",
+ "her"
+ ],
+ [
+ "op",
+ "ing"
+ ],
+ [
+ "ĠRom",
+ "ans"
+ ],
+ [
+ "Ġschem",
+ "es"
+ ],
+ [
+ "F",
+ "L"
+ ],
+ [
+ "w",
+ "y"
+ ],
+ [
+ "ĠBet",
+ "ter"
+ ],
+ [
+ "Ġbott",
+ "les"
+ ],
+ [
+ "ĠMal",
+ "ays"
+ ],
+ [
+ "ist",
+ "ence"
+ ],
+ [
+ "ĠSol",
+ "ving"
+ ],
+ [
+ "Ġmet",
+ "rics"
+ ],
+ [
+ "Ġspec",
+ "ify"
+ ],
+ [
+ "ad",
+ "er"
+ ],
+ [
+ "ĠS",
+ "ong"
+ ],
+ [
+ "Ġadjust",
+ "ing"
+ ],
+ [
+ "Ġrepeated",
+ "ly"
+ ],
+ [
+ "ĠFore",
+ "ign"
+ ],
+ [
+ "Ġmic",
+ "row"
+ ],
+ [
+ "ĠHome",
+ "work"
+ ],
+ [
+ "B",
+ "el"
+ ],
+ [
+ "Ġvari",
+ "ant"
+ ],
+ [
+ "Ġverte",
+ "x"
+ ],
+ [
+ "c",
+ "or"
+ ],
+ [
+ "Ġprison",
+ "ers"
+ ],
+ [
+ ")",
+ "}"
+ ],
+ [
+ "s",
+ "pe"
+ ],
+ [
+ "Ġw",
+ "ax"
+ ],
+ [
+ "Ġcyber",
+ "security"
+ ],
+ [
+ "it",
+ "ations"
+ ],
+ [
+ "Ġout",
+ "lines"
+ ],
+ [
+ "Ġpus",
+ "hed"
+ ],
+ [
+ "ĠLet",
+ "ter"
+ ],
+ [
+ "Ġaltern",
+ "ate"
+ ],
+ [
+ "4",
+ "50"
+ ],
+ [
+ "ĠSupp",
+ "ose"
+ ],
+ [
+ "Ġh",
+ "un"
+ ],
+ [
+ "Ġradio",
+ "active"
+ ],
+ [
+ "ĠM",
+ "it"
+ ],
+ [
+ "uls",
+ "ive"
+ ],
+ [
+ "ì",
+ "Ŀ"
+ ],
+ [
+ "Ġfat",
+ "al"
+ ],
+ [
+ "Ġfram",
+ "es"
+ ],
+ [
+ "Ġpoor",
+ "ly"
+ ],
+ [
+ "ĠSo",
+ "il"
+ ],
+ [
+ "al",
+ "g"
+ ],
+ [
+ "ĠSign",
+ "ific"
+ ],
+ [
+ "Ġb",
+ "udd"
+ ],
+ [
+ "Ġrul",
+ "er"
+ ],
+ [
+ "M",
+ "ain"
+ ],
+ [
+ "Ġtravel",
+ "ed"
+ ],
+ [
+ "am",
+ "ents"
+ ],
+ [
+ "Ġsod",
+ "a"
+ ],
+ [
+ "âĢĿ",
+ ")"
+ ],
+ [
+ "Ġburn",
+ "ed"
+ ],
+ [
+ "-p",
+ "owered"
+ ],
+ [
+ "Ġpar",
+ "liament"
+ ],
+ [
+ "Ġfair",
+ "ness"
+ ],
+ [
+ "ver",
+ "b"
+ ],
+ [
+ "Ġreg",
+ "ards"
+ ],
+ [
+ "Ġvert",
+ "ices"
+ ],
+ [
+ "y",
+ "o"
+ ],
+ [
+ "Ġadapt",
+ "ations"
+ ],
+ [
+ "11",
+ "4"
+ ],
+ [
+ "Ġco",
+ "inc"
+ ],
+ [
+ "ĠFre",
+ "qu"
+ ],
+ [
+ "Ġauton",
+ "omous"
+ ],
+ [
+ "Ġh",
+ "ill"
+ ],
+ [
+ "D",
+ "ate"
+ ],
+ [
+ "15",
+ "3"
+ ],
+ [
+ "ĠÂłĠÂł",
+ "ĠÂłĠÂł"
+ ],
+ [
+ "-",
+ "one"
+ ],
+ [
+ "Ġbreak",
+ "through"
+ ],
+ [
+ "ĠCol",
+ "lection"
+ ],
+ [
+ "y",
+ "ers"
+ ],
+ [
+ "Ġnurt",
+ "uring"
+ ],
+ [
+ ")",
+ "$$"
+ ],
+ [
+ "ĠJ",
+ "ean"
+ ],
+ [
+ "ĠAnt",
+ "i"
+ ],
+ [
+ "R",
+ "P"
+ ],
+ [
+ "ĠO",
+ "s"
+ ],
+ [
+ "Ġcoun",
+ "cil"
+ ],
+ [
+ "ĠSc",
+ "ript"
+ ],
+ [
+ "ĠC",
+ "opyright"
+ ],
+ [
+ "Ġj",
+ "ohn"
+ ],
+ [
+ "ras",
+ "ound"
+ ],
+ [
+ "Ġinterpre",
+ "ted"
+ ],
+ [
+ "Ġsc",
+ "atter"
+ ],
+ [
+ "Ġvisual",
+ "ize"
+ ],
+ [
+ "sever",
+ "ance"
+ ],
+ [
+ "IST",
+ "ORY"
+ ],
+ [
+ "h",
+ "ot"
+ ],
+ [
+ "t",
+ "u"
+ ],
+ [
+ "ĠPers",
+ "ian"
+ ],
+ [
+ "Ġcl",
+ "osing"
+ ],
+ [
+ "el",
+ "and"
+ ],
+ [
+ "ple",
+ "x"
+ ],
+ [
+ "Ġth",
+ "inks"
+ ],
+ [
+ "ü",
+ "r"
+ ],
+ [
+ "Ġadjust",
+ "ed"
+ ],
+ [
+ "ĠS",
+ "C"
+ ],
+ [
+ "ol",
+ "ith"
+ ],
+ [
+ "Ġpat",
+ "ent"
+ ],
+ [
+ "he",
+ "astern"
+ ],
+ [
+ "Ġtour",
+ "ists"
+ ],
+ [
+ "ĠEm",
+ "ily"
+ ],
+ [
+ "ĠÎ",
+ "±"
+ ],
+ [
+ "Ġcont",
+ "rary"
+ ],
+ [
+ "em",
+ "at"
+ ],
+ [
+ "Ġpol",
+ "ym"
+ ],
+ [
+ "/",
+ "n"
+ ],
+ [
+ "f",
+ "u"
+ ],
+ [
+ "ĠDes",
+ "cribe"
+ ],
+ [
+ "ĠS",
+ "ound"
+ ],
+ [
+ "Ġcom",
+ "ics"
+ ],
+ [
+ "Ġc",
+ "erv"
+ ],
+ [
+ "Ġinstant",
+ "ly"
+ ],
+ [
+ "Ġvent",
+ "ure"
+ ],
+ [
+ "Ġlim",
+ "estone"
+ ],
+ [
+ "15",
+ "1"
+ ],
+ [
+ "_",
+ "g"
+ ],
+ [
+ "h",
+ "igh"
+ ],
+ [
+ "S",
+ "W"
+ ],
+ [
+ "Ġu",
+ "ter"
+ ],
+ [
+ "Ġdead",
+ "ly"
+ ],
+ [
+ "Ġcorresp",
+ "onds"
+ ],
+ [
+ "ant",
+ "ly"
+ ],
+ [
+ "15",
+ "9"
+ ],
+ [
+ "17",
+ "4"
+ ],
+ [
+ "ĠProgram",
+ "ming"
+ ],
+ [
+ "Ġshad",
+ "ow"
+ ],
+ [
+ "Ġsom",
+ "eday"
+ ],
+ [
+ "Ġlater",
+ "al"
+ ],
+ [
+ "12",
+ "6"
+ ],
+ [
+ "Ġgrat",
+ "itude"
+ ],
+ [
+ "Ġbr",
+ "ut"
+ ],
+ [
+ "Ġav",
+ "en"
+ ],
+ [
+ "Ġagg",
+ "ression"
+ ],
+ [
+ "Ġflood",
+ "ing"
+ ],
+ [
+ "D",
+ "E"
+ ],
+ [
+ "adelph",
+ "ia"
+ ],
+ [
+ "Ġred",
+ "dit"
+ ],
+ [
+ "Ġdesign",
+ "er"
+ ],
+ [
+ "iar",
+ "ism"
+ ],
+ [
+ "z",
+ "ero"
+ ],
+ [
+ "D",
+ "ig"
+ ],
+ [
+ "m",
+ "aking"
+ ],
+ [
+ "ol",
+ "ly"
+ ],
+ [
+ "Ġdefe",
+ "at"
+ ],
+ [
+ "Ġall",
+ "ergy"
+ ],
+ [
+ "am",
+ "el"
+ ],
+ [
+ "Ġcultiv",
+ "ation"
+ ],
+ [
+ ".",
+ "st"
+ ],
+ [
+ "Ġneurolog",
+ "ical"
+ ],
+ [
+ "ĠConst",
+ "ruction"
+ ],
+ [
+ "ĠY",
+ "e"
+ ],
+ [
+ "Ġelig",
+ "ible"
+ ],
+ [
+ "Ġcont",
+ "empl"
+ ],
+ [
+ ",",
+ "b"
+ ],
+ [
+ "Ġad",
+ "min"
+ ],
+ [
+ "Scient",
+ "ists"
+ ],
+ [
+ "Ġpe",
+ "pper"
+ ],
+ [
+ "Ġsimpl",
+ "est"
+ ],
+ [
+ "r",
+ "un"
+ ],
+ [
+ "Ġvari",
+ "ants"
+ ],
+ [
+ "/",
+ "C"
+ ],
+ [
+ "[",
+ "j"
+ ],
+ [
+ "_",
+ "y"
+ ],
+ [
+ "ĠD",
+ "ark"
+ ],
+ [
+ "ĠFranc",
+ "is"
+ ],
+ [
+ "ĠAn",
+ "ne"
+ ],
+ [
+ "Ġpron",
+ "ounced"
+ ],
+ [
+ "Ġm",
+ "aj"
+ ],
+ [
+ "Ġc",
+ "ake"
+ ],
+ [
+ "Ġk",
+ "ick"
+ ],
+ [
+ "M",
+ "in"
+ ],
+ [
+ "R",
+ "ight"
+ ],
+ [
+ "Ġra",
+ "b"
+ ],
+ [
+ "ĠIdent",
+ "ity"
+ ],
+ [
+ "m",
+ "i"
+ ],
+ [
+ "Ġplan",
+ "es"
+ ],
+ [
+ "Ġwhe",
+ "els"
+ ],
+ [
+ "\"",
+ ")čĊ"
+ ],
+ [
+ "Ġillust",
+ "ration"
+ ],
+ [
+ "iv",
+ "ia"
+ ],
+ [
+ "Ġhost",
+ "s"
+ ],
+ [
+ "ä¸",
+ "ª"
+ ],
+ [
+ "gen",
+ "eration"
+ ],
+ [
+ "ns",
+ "ic"
+ ],
+ [
+ "Ġaff",
+ "irm"
+ ],
+ [
+ "b",
+ "one"
+ ],
+ [
+ "Ġspeak",
+ "s"
+ ],
+ [
+ "Ġwitness",
+ "ed"
+ ],
+ [
+ "ĠB",
+ "esides"
+ ],
+ [
+ "ç",
+ "»"
+ ],
+ [
+ "ig",
+ "nt"
+ ],
+ [
+ "Ġless",
+ "er"
+ ],
+ [
+ "Ġtransform",
+ "ations"
+ ],
+ [
+ "cul",
+ "iar"
+ ],
+ [
+ "Ġpolit",
+ "icians"
+ ],
+ [
+ "Ġthr",
+ "iving"
+ ],
+ [
+ "Ġen",
+ "emies"
+ ],
+ [
+ "Ġset",
+ "up"
+ ],
+ [
+ "j",
+ "o"
+ ],
+ [
+ "ur",
+ "l"
+ ],
+ [
+ "Ġprom",
+ "ises"
+ ],
+ [
+ "Ġcurrent",
+ "s"
+ ],
+ [
+ "Ġport",
+ "folio"
+ ],
+ [
+ "Ġgro",
+ "cer"
+ ],
+ [
+ "Ġcomp",
+ "ress"
+ ],
+ [
+ "ron",
+ "es"
+ ],
+ [
+ "Ġann",
+ "ounce"
+ ],
+ [
+ "Ġm",
+ "aternal"
+ ],
+ [
+ "Ġrespond",
+ "ing"
+ ],
+ [
+ "Ġdiam",
+ "ond"
+ ],
+ [
+ "on",
+ "ut"
+ ],
+ [
+ "Ġdistrib",
+ "utions"
+ ],
+ [
+ "Ġg",
+ "ums"
+ ],
+ [
+ "ĠR",
+ "a"
+ ],
+ [
+ "am",
+ "bo"
+ ],
+ [
+ "t",
+ "les"
+ ],
+ [
+ "part",
+ "ial"
+ ],
+ [
+ "Ġcha",
+ "os"
+ ],
+ [
+ "Ġreward",
+ "ing"
+ ],
+ [
+ "Ġnewsp",
+ "apers"
+ ],
+ [
+ "Ġhistor",
+ "ian"
+ ],
+ [
+ "Ġsh",
+ "aft"
+ ],
+ [
+ "Ġpersonal",
+ "ities"
+ ],
+ [
+ "k",
+ "m"
+ ],
+ [
+ "Ġinspect",
+ "ion"
+ ],
+ [
+ "ill",
+ "es"
+ ],
+ [
+ "Ġelectro",
+ "ly"
+ ],
+ [
+ "zz",
+ "le"
+ ],
+ [
+ "osa",
+ "urs"
+ ],
+ [
+ "Ġdam",
+ "ages"
+ ],
+ [
+ "Ġra",
+ "ces"
+ ],
+ [
+ "Ġinfluen",
+ "za"
+ ],
+ [
+ "Ġl",
+ "ady"
+ ],
+ [
+ "ind",
+ "ed"
+ ],
+ [
+ "emb",
+ "ered"
+ ],
+ [
+ "Ġe",
+ "igen"
+ ],
+ [
+ "ĠAr",
+ "g"
+ ],
+ [
+ "Ġconf",
+ "idential"
+ ],
+ [
+ "Ġsum",
+ "m"
+ ],
+ [
+ "Ġflu",
+ "or"
+ ],
+ [
+ "E",
+ "duc"
+ ],
+ [
+ "f",
+ "ig"
+ ],
+ [
+ "Ġcor",
+ "rosion"
+ ],
+ [
+ "Ġfant",
+ "asy"
+ ],
+ [
+ "ĠL",
+ "ind"
+ ],
+ [
+ "Ġhol",
+ "idays"
+ ],
+ [
+ "In",
+ "f"
+ ],
+ [
+ "com",
+ "plete"
+ ],
+ [
+ "Ġsens",
+ "ation"
+ ],
+ [
+ "Ġstri",
+ "p"
+ ],
+ [
+ "Ġhe",
+ "pat"
+ ],
+ [
+ "T",
+ "est"
+ ],
+ [
+ "ens",
+ "ing"
+ ],
+ [
+ "Ġmind",
+ "set"
+ ],
+ [
+ "ĠAm",
+ "endment"
+ ],
+ [
+ "ĠO",
+ "regon"
+ ],
+ [
+ "if",
+ "ting"
+ ],
+ [
+ "\"",
+ ",\""
+ ],
+ [
+ "ĠAut",
+ "om"
+ ],
+ [
+ "\\",
+ "n"
+ ],
+ [
+ "Ġex",
+ "it"
+ ],
+ [
+ "Ġgr",
+ "ants"
+ ],
+ [
+ "Ġc",
+ "ensus"
+ ],
+ [
+ "Ġveter",
+ "in"
+ ],
+ [
+ "Ġtrem",
+ "end"
+ ],
+ [
+ "Î",
+ "½"
+ ],
+ [
+ "h",
+ "o"
+ ],
+ [
+ "Ġm",
+ "ad"
+ ],
+ [
+ "art",
+ "icle"
+ ],
+ [
+ "Ġsug",
+ "ars"
+ ],
+ [
+ "Ġhier",
+ "arch"
+ ],
+ [
+ "25",
+ "5"
+ ],
+ [
+ "Ġvisual",
+ "ization"
+ ],
+ [
+ "ĠR",
+ "un"
+ ],
+ [
+ "Ġab",
+ "brev"
+ ],
+ [
+ "Ġmod",
+ "ification"
+ ],
+ [
+ "re",
+ "ls"
+ ],
+ [
+ "ĠN",
+ "at"
+ ],
+ [
+ "Ġconf",
+ "using"
+ ],
+ [
+ "vent",
+ "ional"
+ ],
+ [
+ "ĠComp",
+ "et"
+ ],
+ [
+ "Ġcryst",
+ "als"
+ ],
+ [
+ "Ġur",
+ "gent"
+ ],
+ [
+ "Ġb",
+ "es"
+ ],
+ [
+ "ĉ",
+ "if"
+ ],
+ [
+ "in",
+ "stein"
+ ],
+ [
+ "Ġth",
+ "umb"
+ ],
+ [
+ "Ġtur",
+ "tle"
+ ],
+ [
+ "em",
+ "ed"
+ ],
+ [
+ "ĠE",
+ "ating"
+ ],
+ [
+ ".",
+ "__"
+ ],
+ [
+ "ĠZ",
+ "e"
+ ],
+ [
+ "Ġd",
+ "ough"
+ ],
+ [
+ "Ġval",
+ "ley"
+ ],
+ [
+ "ĠAr",
+ "gent"
+ ],
+ [
+ "12",
+ "4"
+ ],
+ [
+ "ĠB",
+ "ud"
+ ],
+ [
+ "ze",
+ "ch"
+ ],
+ [
+ "av",
+ "id"
+ ],
+ [
+ "Ġper",
+ "t"
+ ],
+ [
+ "Ġrel",
+ "ieve"
+ ],
+ [
+ "Ġmy",
+ "ths"
+ ],
+ [
+ "Ġste",
+ "ep"
+ ],
+ [
+ "-",
+ "x"
+ ],
+ [
+ "ĠUs",
+ "er"
+ ],
+ [
+ "Â",
+ "»"
+ ],
+ [
+ "ou",
+ "ri"
+ ],
+ [
+ "Ġelim",
+ "inating"
+ ],
+ [
+ "G",
+ "M"
+ ],
+ [
+ "v",
+ "ised"
+ ],
+ [
+ "L",
+ "Y"
+ ],
+ [
+ "ĠD",
+ "ub"
+ ],
+ [
+ "ignt",
+ "y"
+ ],
+ [
+ "ĠAr",
+ "thur"
+ ],
+ [
+ "âĢľ",
+ "I"
+ ],
+ [
+ "Ġprejud",
+ "ice"
+ ],
+ [
+ "Ġcon",
+ "form"
+ ],
+ [
+ "Ġtra",
+ "ins"
+ ],
+ [
+ "Ġexpl",
+ "os"
+ ],
+ [
+ "ĠF",
+ "riends"
+ ],
+ [
+ "Ġslow",
+ "er"
+ ],
+ [
+ "D",
+ "I"
+ ],
+ [
+ "ĠI",
+ "L"
+ ],
+ [
+ "ĠEm",
+ "peror"
+ ],
+ [
+ "ĠDem",
+ "ocratic"
+ ],
+ [
+ "Ġexec",
+ "ute"
+ ],
+ [
+ "ĠCh",
+ "oice"
+ ],
+ [
+ "Ġsacr",
+ "ific"
+ ],
+ [
+ "art",
+ "icles"
+ ],
+ [
+ "le",
+ "br"
+ ],
+ [
+ "Ġdisapp",
+ "ear"
+ ],
+ [
+ "at",
+ "ories"
+ ],
+ [
+ "G",
+ "S"
+ ],
+ [
+ "al",
+ "o"
+ ],
+ [
+ "as",
+ "ia"
+ ],
+ [
+ "Ġl",
+ "augh"
+ ],
+ [
+ "Ġtru",
+ "ck"
+ ],
+ [
+ "ĠPat",
+ "ients"
+ ],
+ [
+ "ĠA",
+ "PA"
+ ],
+ [
+ "Ġre",
+ "nd"
+ ],
+ [
+ "Ġdist",
+ "ur"
+ ],
+ [
+ "Ġconvent",
+ "ions"
+ ],
+ [
+ "Ġdes",
+ "irable"
+ ],
+ [
+ "Ġvent",
+ "ilation"
+ ],
+ [
+ "Ġcomplement",
+ "ary"
+ ],
+ [
+ "Ġbasket",
+ "ball"
+ ],
+ [
+ "ĠS",
+ "outheast"
+ ],
+ [
+ "ĠE",
+ "aster"
+ ],
+ [
+ "Ġl",
+ "act"
+ ],
+ [
+ "Ġext",
+ "ensively"
+ ],
+ [
+ "16",
+ "6"
+ ],
+ [
+ "Ġpig",
+ "s"
+ ],
+ [
+ "Ġaggreg",
+ "ate"
+ ],
+ [
+ "Ġsexual",
+ "ity"
+ ],
+ [
+ "Ġmultip",
+ "lying"
+ ],
+ [
+ "Ġdisapp",
+ "oint"
+ ],
+ [
+ "il",
+ "ty"
+ ],
+ [
+ "ĠL",
+ "ands"
+ ],
+ [
+ "Ġgalax",
+ "y"
+ ],
+ [
+ "Ġn",
+ "ort"
+ ],
+ [
+ "Ġd",
+ "amp"
+ ],
+ [
+ "Ġcyl",
+ "ind"
+ ],
+ [
+ "ĠH",
+ "op"
+ ],
+ [
+ "Ġs",
+ "ons"
+ ],
+ [
+ "Ġreg",
+ "ulated"
+ ],
+ [
+ "ant",
+ "ine"
+ ],
+ [
+ "Ġcaffe",
+ "ine"
+ ],
+ [
+ "Ġg",
+ "y"
+ ],
+ [
+ "own",
+ "ers"
+ ],
+ [
+ "ĠLast",
+ "ly"
+ ],
+ [
+ "Bl",
+ "ack"
+ ],
+ [
+ "ĠSe",
+ "qu"
+ ],
+ [
+ "im",
+ "ental"
+ ],
+ [
+ "Ġethnic",
+ "ity"
+ ],
+ [
+ "Ġdr",
+ "um"
+ ],
+ [
+ "Ġpro",
+ "active"
+ ],
+ [
+ "ĠR",
+ "ap"
+ ],
+ [
+ "Ġunder",
+ "m"
+ ],
+ [
+ "--",
+ "-ĊĊ"
+ ],
+ [
+ "De",
+ "velop"
+ ],
+ [
+ "Ġpoll",
+ "en"
+ ],
+ [
+ "ĠJer",
+ "sey"
+ ],
+ [
+ "Ġche",
+ "aper"
+ ],
+ [
+ "Ġp",
+ "ad"
+ ],
+ [
+ "Ġtre",
+ "asure"
+ ],
+ [
+ "Ġmar",
+ "vel"
+ ],
+ [
+ "Ġmot",
+ "if"
+ ],
+ [
+ "w",
+ "ed"
+ ],
+ [
+ "Ġun",
+ "con"
+ ],
+ [
+ "ĠO",
+ "p"
+ ],
+ [
+ "Ġadvoc",
+ "ating"
+ ],
+ [
+ "ĠC",
+ "raft"
+ ],
+ [
+ "ĠW",
+ "HO"
+ ],
+ [
+ "Ġintric",
+ "acies"
+ ],
+ [
+ "Ġeven",
+ "ly"
+ ],
+ [
+ "Ġdism",
+ "iss"
+ ],
+ [
+ "]",
+ "]"
+ ],
+ [
+ "Ġr",
+ "iding"
+ ],
+ [
+ "Ġgra",
+ "vitational"
+ ],
+ [
+ "Ġconj",
+ "unction"
+ ],
+ [
+ "ĠMiss",
+ "issippi"
+ ],
+ [
+ "Ġover",
+ "weight"
+ ],
+ [
+ "Ġelabor",
+ "ate"
+ ],
+ [
+ "ĠL",
+ "ive"
+ ],
+ [
+ "Ġaspir",
+ "ing"
+ ],
+ [
+ "à",
+ "¦"
+ ],
+ [
+ "Ġhum",
+ "orous"
+ ],
+ [
+ "Ġbo",
+ "il"
+ ],
+ [
+ "art",
+ "ed"
+ ],
+ [
+ "E",
+ "l"
+ ],
+ [
+ "ĠT",
+ "y"
+ ],
+ [
+ "cell",
+ "ular"
+ ],
+ [
+ "ly",
+ "n"
+ ],
+ [
+ "Ġsil",
+ "ent"
+ ],
+ [
+ "Ġbre",
+ "eds"
+ ],
+ [
+ "ck",
+ "er"
+ ],
+ [
+ "14",
+ "9"
+ ],
+ [
+ "Ġpot",
+ "ent"
+ ],
+ [
+ "Ġdoct",
+ "rine"
+ ],
+ [
+ "ĠR",
+ "ose"
+ ],
+ [
+ "Ġbegin",
+ "ners"
+ ],
+ [
+ "id",
+ "el"
+ ],
+ [
+ "raul",
+ "ic"
+ ],
+ [
+ "}}",
+ "\\"
+ ],
+ [
+ "15",
+ "7"
+ ],
+ [
+ "ĠCompan",
+ "ies"
+ ],
+ [
+ "r",
+ "ass"
+ ],
+ [
+ "lades",
+ "h"
+ ],
+ [
+ "o",
+ "ors"
+ ],
+ [
+ "Ġmagn",
+ "ific"
+ ],
+ [
+ "ĠPh",
+ "arm"
+ ],
+ [
+ "Ġperm",
+ "its"
+ ],
+ [
+ "%",
+ "Ċ"
+ ],
+ [
+ "Ġsurviv",
+ "ors"
+ ],
+ [
+ "g",
+ "ian"
+ ],
+ [
+ "Ġdeterm",
+ "in"
+ ],
+ [
+ "plot",
+ "lib"
+ ],
+ [
+ "Ġpack",
+ "ages"
+ ],
+ [
+ ".p",
+ "df"
+ ],
+ [
+ "Ġd",
+ "urability"
+ ],
+ [
+ "Ġcon",
+ "vention"
+ ],
+ [
+ "Expl",
+ "anation"
+ ],
+ [
+ "ry",
+ "st"
+ ],
+ [
+ "-",
+ ">"
+ ],
+ [
+ "ĠM",
+ "oh"
+ ],
+ [
+ "ĠJ",
+ "oin"
+ ],
+ [
+ "Ġspec",
+ "imens"
+ ],
+ [
+ "P",
+ "M"
+ ],
+ [
+ "ĠMan",
+ "ual"
+ ],
+ [
+ "ĠBar",
+ "b"
+ ],
+ [
+ "Ġ",
+ "?Ċ"
+ ],
+ [
+ "Ġdry",
+ "ing"
+ ],
+ [
+ "ĠPop",
+ "ular"
+ ],
+ [
+ "ĠV",
+ "ery"
+ ],
+ [
+ "ĠCo",
+ "al"
+ ],
+ [
+ "Ġor",
+ "n"
+ ],
+ [
+ "Ġpo",
+ "ets"
+ ],
+ [
+ "Ġreform",
+ "s"
+ ],
+ [
+ "Ġinteract",
+ "ing"
+ ],
+ [
+ "ĠPrint",
+ "able"
+ ],
+ [
+ "Ġvolcan",
+ "ic"
+ ],
+ [
+ "Ġfavor",
+ "able"
+ ],
+ [
+ "Ġwh",
+ "ilst"
+ ],
+ [
+ ".",
+ "W"
+ ],
+ [
+ "P",
+ "at"
+ ],
+ [
+ "Ġclass",
+ "mates"
+ ],
+ [
+ "-res",
+ "istant"
+ ],
+ [
+ "Ġacc",
+ "used"
+ ],
+ [
+ "line",
+ "ar"
+ ],
+ [
+ "om",
+ "ething"
+ ],
+ [
+ "Fe",
+ "b"
+ ],
+ [
+ "Ġelev",
+ "ation"
+ ],
+ [
+ "ĠL",
+ "ily"
+ ],
+ [
+ "Ġsign",
+ "ature"
+ ],
+ [
+ "-",
+ "em"
+ ],
+ [
+ "Ġany",
+ "more"
+ ],
+ [
+ "ĠDevelop",
+ "ing"
+ ],
+ [
+ "Ġsort",
+ "ed"
+ ],
+ [
+ "T",
+ "R"
+ ],
+ [
+ "Ġg",
+ "ad"
+ ],
+ [
+ "oph",
+ "ag"
+ ],
+ [
+ "ĠState",
+ "ment"
+ ],
+ [
+ "ĠH",
+ "ur"
+ ],
+ [
+ "ĠGu",
+ "ard"
+ ],
+ [
+ "ĠOper",
+ "ations"
+ ],
+ [
+ "Ġdeep",
+ "en"
+ ],
+ [
+ "ĠH",
+ "arm"
+ ],
+ [
+ "Ġpos",
+ "ed"
+ ],
+ [
+ "Ġlik",
+ "es"
+ ],
+ [
+ "TS",
+ "D"
+ ],
+ [
+ "ĠKen",
+ "ya"
+ ],
+ [
+ "_",
+ "of"
+ ],
+ [
+ "Ġbreak",
+ "down"
+ ],
+ [
+ "Ġom",
+ "ega"
+ ],
+ [
+ "Ġconserv",
+ "ative"
+ ],
+ [
+ "l",
+ "ink"
+ ],
+ [
+ "Ġresc",
+ "ue"
+ ],
+ [
+ "ou",
+ "stic"
+ ],
+ [
+ "-m",
+ "on"
+ ],
+ [
+ "ac",
+ "ular"
+ ],
+ [
+ "Ġt",
+ "et"
+ ],
+ [
+ "Ġsurv",
+ "ived"
+ ],
+ [
+ "Ġobvious",
+ "ly"
+ ],
+ [
+ "u",
+ "ating"
+ ],
+ [
+ "amil",
+ "ton"
+ ],
+ [
+ "Ġscr",
+ "atch"
+ ],
+ [
+ "Ġl",
+ "i"
+ ],
+ [
+ "Ġg",
+ "el"
+ ],
+ [
+ "ari",
+ "ju"
+ ],
+ [
+ "Ġrefuge",
+ "es"
+ ],
+ [
+ "ir",
+ "s"
+ ],
+ [
+ "c",
+ "ils"
+ ],
+ [
+ "Ġ{",
+ "}"
+ ],
+ [
+ "ĠArt",
+ "icles"
+ ],
+ [
+ "Ġu",
+ "ph"
+ ],
+ [
+ "-d",
+ "ate"
+ ],
+ [
+ "ĠO",
+ "w"
+ ],
+ [
+ "Ġantib",
+ "iotic"
+ ],
+ [
+ "uc",
+ "ks"
+ ],
+ [
+ "enn",
+ "es"
+ ],
+ [
+ "Ġles",
+ "ions"
+ ],
+ [
+ "Ġfluctu",
+ "ations"
+ ],
+ [
+ "ĠN",
+ "an"
+ ],
+ [
+ "Ġp",
+ "ear"
+ ],
+ [
+ "Ġemphas",
+ "ized"
+ ],
+ [
+ "ic",
+ "ans"
+ ],
+ [
+ "Ġsacr",
+ "ifice"
+ ],
+ [
+ "17",
+ "2"
+ ],
+ [
+ "Ġcompat",
+ "ible"
+ ],
+ [
+ "ĠI",
+ "C"
+ ],
+ [
+ "ariju",
+ "ana"
+ ],
+ [
+ "Ġco",
+ "ating"
+ ],
+ [
+ "ĠCur",
+ "riculum"
+ ],
+ [
+ "Â",
+ "©"
+ ],
+ [
+ "ĠH",
+ "S"
+ ],
+ [
+ "Ġpass",
+ "ages"
+ ],
+ [
+ "Ġimp",
+ "ul"
+ ],
+ [
+ "er",
+ "ick"
+ ],
+ [
+ "read",
+ "ing"
+ ],
+ [
+ "om",
+ "pson"
+ ],
+ [
+ "ĠPl",
+ "at"
+ ],
+ [
+ "Ġbow",
+ "el"
+ ],
+ [
+ "Ġconsid",
+ "ers"
+ ],
+ [
+ "Ġinher",
+ "ited"
+ ],
+ [
+ "ĠF",
+ "DA"
+ ],
+ [
+ "Ġtri",
+ "um"
+ ],
+ [
+ "Ġh",
+ "ills"
+ ],
+ [
+ "Ġcitizens",
+ "hip"
+ ],
+ [
+ "eng",
+ "u"
+ ],
+ [
+ "Ġpe",
+ "culiar"
+ ],
+ [
+ "ĠVictor",
+ "ia"
+ ],
+ [
+ "Ġj",
+ "un"
+ ],
+ [
+ "ogene",
+ "ous"
+ ],
+ [
+ "u",
+ "z"
+ ],
+ [
+ "O",
+ "H"
+ ],
+ [
+ "m",
+ "atic"
+ ],
+ [
+ "Ġf",
+ "les"
+ ],
+ [
+ "G",
+ "reat"
+ ],
+ [
+ "Ġdow",
+ "nt"
+ ],
+ [
+ ".",
+ "array"
+ ],
+ [
+ "ier",
+ "ce"
+ ],
+ [
+ "Ġstimul",
+ "i"
+ ],
+ [
+ "-or",
+ "iented"
+ ],
+ [
+ "g",
+ "iving"
+ ],
+ [
+ "Ġenthus",
+ "iasm"
+ ],
+ [
+ "c",
+ "irc"
+ ],
+ [
+ "us",
+ "ive"
+ ],
+ [
+ "-",
+ "end"
+ ],
+ [
+ "Ġb",
+ "eds"
+ ],
+ [
+ "ĠDis",
+ "orders"
+ ],
+ [
+ "Ġsm",
+ "ok"
+ ],
+ [
+ "Ġimmers",
+ "ive"
+ ],
+ [
+ "Ġdec",
+ "entral"
+ ],
+ [
+ "?",
+ "**ĊĊ"
+ ],
+ [
+ "Ġreb",
+ "ell"
+ ],
+ [
+ "ĠMount",
+ "ains"
+ ],
+ [
+ "Ġtri",
+ "ps"
+ ],
+ [
+ "Ġw",
+ "ool"
+ ],
+ [
+ "ect",
+ "ure"
+ ],
+ [
+ "Ġtele",
+ "phone"
+ ],
+ [
+ "ĠC",
+ "over"
+ ],
+ [
+ "Ġrev",
+ "ol"
+ ],
+ [
+ "Ġcertific",
+ "ate"
+ ],
+ [
+ "15",
+ "4"
+ ],
+ [
+ "Ġapparent",
+ "ly"
+ ],
+ [
+ "U",
+ "nder"
+ ],
+ [
+ "qu",
+ "ad"
+ ],
+ [
+ "ĠThink",
+ "ing"
+ ],
+ [
+ "Ġra",
+ "m"
+ ],
+ [
+ "Ġadvoc",
+ "ates"
+ ],
+ [
+ "t",
+ "ect"
+ ],
+ [
+ "ĠK",
+ "ong"
+ ],
+ [
+ "æĺ",
+ "¯"
+ ],
+ [
+ "oult",
+ "ry"
+ ],
+ [
+ "pe",
+ "ople"
+ ],
+ [
+ "ar",
+ "ith"
+ ],
+ [
+ "Ġpenal",
+ "ty"
+ ],
+ [
+ "Ġfeas",
+ "ible"
+ ],
+ [
+ "Ġsn",
+ "ack"
+ ],
+ [
+ "Ġcat",
+ "ast"
+ ],
+ [
+ "ĠBr",
+ "idge"
+ ],
+ [
+ "ĠG",
+ "er"
+ ],
+ [
+ "nt",
+ "il"
+ ],
+ [
+ "Ġcryptocur",
+ "rency"
+ ],
+ [
+ "13",
+ "2"
+ ],
+ [
+ "isp",
+ "here"
+ ],
+ [
+ "ĠH",
+ "ong"
+ ],
+ [
+ "Ġcor",
+ "ners"
+ ],
+ [
+ "Ġswitch",
+ "ing"
+ ],
+ [
+ "Ġimp",
+ "aired"
+ ],
+ [
+ "Ġrock",
+ "et"
+ ],
+ [
+ "-",
+ "type"
+ ],
+ [
+ "Ġsw",
+ "allow"
+ ],
+ [
+ "Ġr",
+ "ival"
+ ],
+ [
+ "Ġactiv",
+ "ated"
+ ],
+ [
+ "ĠLe",
+ "on"
+ ],
+ [
+ "Ġm",
+ "ines"
+ ],
+ [
+ "Î",
+ "¸"
+ ],
+ [
+ "Ġcou",
+ "ples"
+ ],
+ [
+ "Ġsubstant",
+ "ially"
+ ],
+ [
+ "N",
+ "et"
+ ],
+ [
+ "ĠSt",
+ "ore"
+ ],
+ [
+ "Ġref",
+ "used"
+ ],
+ [
+ "ĠS",
+ "pect"
+ ],
+ [
+ "Ġj",
+ "et"
+ ],
+ [
+ "Ġmet",
+ "icul"
+ ],
+ [
+ "on",
+ "to"
+ ],
+ [
+ "Ġrul",
+ "ing"
+ ],
+ [
+ "Ġfresh",
+ "water"
+ ],
+ [
+ "ĠB",
+ "oy"
+ ],
+ [
+ "Ġrespect",
+ "ed"
+ ],
+ [
+ "Ġstret",
+ "ching"
+ ],
+ [
+ "ip",
+ "se"
+ ],
+ [
+ "pl",
+ "us"
+ ],
+ [
+ "ans",
+ "hip"
+ ],
+ [
+ "Ġsign",
+ "aling"
+ ],
+ [
+ "Ġcycl",
+ "ing"
+ ],
+ [
+ "{",
+ "array"
+ ],
+ [
+ "Ġload",
+ "ing"
+ ],
+ [
+ "ĠKind",
+ "ergarten"
+ ],
+ [
+ "ĠTim",
+ "my"
+ ],
+ [
+ "ivers",
+ "ary"
+ ],
+ [
+ "ke",
+ "eping"
+ ],
+ [
+ "Ġde",
+ "ar"
+ ],
+ [
+ "Ġwal",
+ "ks"
+ ],
+ [
+ "ĠAust",
+ "ria"
+ ],
+ [
+ "ĠFre",
+ "edom"
+ ],
+ [
+ "ĠHy",
+ "per"
+ ],
+ [
+ "ĠRelig",
+ "ion"
+ ],
+ [
+ "ĠM",
+ "ong"
+ ],
+ [
+ "Ġcollect",
+ "ively"
+ ],
+ [
+ "Ġun",
+ "ra"
+ ],
+ [
+ "hy",
+ "th"
+ ],
+ [
+ "_",
+ "ch"
+ ],
+ [
+ "14",
+ "1"
+ ],
+ [
+ "Ġsyn",
+ "chron"
+ ],
+ [
+ "ĠS",
+ "a"
+ ],
+ [
+ "Ġmon",
+ "ument"
+ ],
+ [
+ "Ġexhib",
+ "its"
+ ],
+ [
+ "Ġlearn",
+ "er"
+ ],
+ [
+ "er",
+ "ness"
+ ],
+ [
+ "S",
+ "ym"
+ ],
+ [
+ "Ġpl",
+ "astics"
+ ],
+ [
+ "v",
+ "asive"
+ ],
+ [
+ "Ġneighb",
+ "oring"
+ ],
+ [
+ "ĠExper",
+ "ience"
+ ],
+ [
+ "ĠApp",
+ "ly"
+ ],
+ [
+ "Ġ'",
+ "'"
+ ],
+ [
+ "ĉĉ",
+ "ĉ"
+ ],
+ [
+ "bo",
+ "ards"
+ ],
+ [
+ "Ġte",
+ "ar"
+ ],
+ [
+ "l",
+ "n"
+ ],
+ [
+ "N",
+ "on"
+ ],
+ [
+ "ĠSub",
+ "st"
+ ],
+ [
+ "he",
+ "it"
+ ],
+ [
+ "Ġind",
+ "ia"
+ ],
+ [
+ "ĠJac",
+ "ob"
+ ],
+ [
+ "Ġtra",
+ "ces"
+ ],
+ [
+ "Ġbo",
+ "iler"
+ ],
+ [
+ "Ġshoot",
+ "ing"
+ ],
+ [
+ "cur",
+ "ities"
+ ],
+ [
+ "ĠL",
+ "ady"
+ ],
+ [
+ "r",
+ "ator"
+ ],
+ [
+ "Ġor",
+ "ch"
+ ],
+ [
+ "port",
+ "ion"
+ ],
+ [
+ "ul",
+ "us"
+ ],
+ [
+ "Com",
+ "p"
+ ],
+ [
+ "Ġv",
+ "ar"
+ ],
+ [
+ "Ġl",
+ "as"
+ ],
+ [
+ "ir",
+ "ming"
+ ],
+ [
+ "Ġsoci",
+ "ology"
+ ],
+ [
+ "c",
+ "ard"
+ ],
+ [
+ "Ġo",
+ "s"
+ ],
+ [
+ "Ġre",
+ "ass"
+ ],
+ [
+ "ĠW",
+ "i"
+ ],
+ [
+ "Ġmark",
+ "er"
+ ],
+ [
+ "pro",
+ "cess"
+ ],
+ [
+ "Ġpod",
+ "cast"
+ ],
+ [
+ "Ġter",
+ "rible"
+ ],
+ [
+ "Ġtest",
+ "ament"
+ ],
+ [
+ "Ġcannab",
+ "is"
+ ],
+ [
+ "Ġadapt",
+ "ing"
+ ],
+ [
+ "ibl",
+ "ings"
+ ],
+ [
+ "Ġgalax",
+ "ies"
+ ],
+ [
+ "Ġearn",
+ "ings"
+ ],
+ [
+ "ĠYou",
+ "th"
+ ],
+ [
+ "Ġm",
+ "ul"
+ ],
+ [
+ "Ġcompan",
+ "ions"
+ ],
+ [
+ "I",
+ "dent"
+ ],
+ [
+ "hel",
+ "p"
+ ],
+ [
+ "et",
+ "ween"
+ ],
+ [
+ "ĠCorpor",
+ "ation"
+ ],
+ [
+ "Ġhe",
+ "x"
+ ],
+ [
+ "Ġbit",
+ "ter"
+ ],
+ [
+ "ĠN",
+ "i"
+ ],
+ [
+ "ig",
+ "o"
+ ],
+ [
+ "ĠV",
+ "R"
+ ],
+ [
+ "ĠFrank",
+ "lin"
+ ],
+ [
+ "Ġdifferent",
+ "iation"
+ ],
+ [
+ "Ġprevent",
+ "ed"
+ ],
+ [
+ "Ġvis",
+ "ibility"
+ ],
+ [
+ "T",
+ "E"
+ ],
+ [
+ "f",
+ "ather"
+ ],
+ [
+ "w",
+ "hen"
+ ],
+ [
+ "Ġlapt",
+ "op"
+ ],
+ [
+ "Ġm",
+ "arch"
+ ],
+ [
+ "Ġg",
+ "host"
+ ],
+ [
+ "Ġm",
+ "urd"
+ ],
+ [
+ "Ġdem",
+ "ographic"
+ ],
+ [
+ "Ġadul",
+ "thood"
+ ],
+ [
+ "ruct",
+ "ions"
+ ],
+ [
+ "Ġcar",
+ "rier"
+ ],
+ [
+ "om",
+ "ics"
+ ],
+ [
+ "ert",
+ "o"
+ ],
+ [
+ ".",
+ "("
+ ],
+ [
+ "ĠDise",
+ "ases"
+ ],
+ [
+ "ĠC",
+ "rypt"
+ ],
+ [
+ "-p",
+ "oint"
+ ],
+ [
+ "_t",
+ "est"
+ ],
+ [
+ "ĠTe",
+ "ch"
+ ],
+ [
+ "E",
+ "st"
+ ],
+ [
+ "a",
+ "ism"
+ ],
+ [
+ "Ġr",
+ "ust"
+ ],
+ [
+ "ĠF",
+ "at"
+ ],
+ [
+ ":",
+ ":"
+ ],
+ [
+ "Ġaest",
+ "hetics"
+ ],
+ [
+ "Ġrec",
+ "ruit"
+ ],
+ [
+ "Ġincent",
+ "ives"
+ ],
+ [
+ "Ġsn",
+ "akes"
+ ],
+ [
+ "ĠVari",
+ "ous"
+ ],
+ [
+ "g",
+ "rim"
+ ],
+ [
+ "b",
+ "ot"
+ ],
+ [
+ "Ġs",
+ "ore"
+ ],
+ [
+ "Ġdiff",
+ "ers"
+ ],
+ [
+ "Ġvolunte",
+ "er"
+ ],
+ [
+ "Ġjour",
+ "neys"
+ ],
+ [
+ "!",
+ "\"ĊĊ"
+ ],
+ [
+ "Ġprevent",
+ "ive"
+ ],
+ [
+ "Ġlon",
+ "gevity"
+ ],
+ [
+ "ned",
+ "y"
+ ],
+ [
+ "Ġfact",
+ "ories"
+ ],
+ [
+ "ĠC",
+ "os"
+ ],
+ [
+ "ĠV",
+ "iol"
+ ],
+ [
+ "am",
+ "er"
+ ],
+ [
+ "ĠExper",
+ "iment"
+ ],
+ [
+ "ĠBe",
+ "yond"
+ ],
+ [
+ "Ġcont",
+ "ra"
+ ],
+ [
+ "Ġprof",
+ "iciency"
+ ],
+ [
+ "Ġres",
+ "idence"
+ ],
+ [
+ "Ġwalk",
+ "ed"
+ ],
+ [
+ "ĠEth",
+ "iop"
+ ],
+ [
+ "Ġped",
+ "ag"
+ ],
+ [
+ "ĠArchitect",
+ "ure"
+ ],
+ [
+ "Ġsym",
+ "metry"
+ ],
+ [
+ "Ġpre",
+ "st"
+ ],
+ [
+ "ur",
+ "ations"
+ ],
+ [
+ "p",
+ "he"
+ ],
+ [
+ "v",
+ "able"
+ ],
+ [
+ "ĠO",
+ "m"
+ ],
+ [
+ "ĠC",
+ "ool"
+ ],
+ [
+ "Ġgl",
+ "uten"
+ ],
+ [
+ "ĠPolit",
+ "ics"
+ ],
+ [
+ "ĠTurk",
+ "ish"
+ ],
+ [
+ "ĠMem",
+ "ory"
+ ],
+ [
+ "o",
+ "an"
+ ],
+ [
+ "ĠP",
+ "ope"
+ ],
+ [
+ "Ġn",
+ "ausea"
+ ],
+ [
+ "Ġland",
+ "ed"
+ ],
+ [
+ "Ŀ",
+ "Â"
+ ],
+ [
+ "ĠP",
+ "rize"
+ ],
+ [
+ "Ġen",
+ "act"
+ ],
+ [
+ "Ġnum",
+ "s"
+ ],
+ [
+ "Ġconf",
+ "ron"
+ ],
+ [
+ "Ġconsult",
+ "ation"
+ ],
+ [
+ "Ġt",
+ "ricks"
+ ],
+ [
+ "ell",
+ "ar"
+ ],
+ [
+ "is",
+ "ite"
+ ],
+ [
+ "Ġcontinu",
+ "ity"
+ ],
+ [
+ "------",
+ "-ĊĊ"
+ ],
+ [
+ "Ġparent",
+ "al"
+ ],
+ [
+ "wh",
+ "o"
+ ],
+ [
+ "B",
+ "as"
+ ],
+ [
+ "-B",
+ "ased"
+ ],
+ [
+ "is",
+ "ure"
+ ],
+ [
+ "Whe",
+ "ther"
+ ],
+ [
+ "Ġal",
+ "arm"
+ ],
+ [
+ "Ġsemic",
+ "onduct"
+ ],
+ [
+ "Ġgl",
+ "ands"
+ ],
+ [
+ "RO",
+ "M"
+ ],
+ [
+ "Ġmembers",
+ "hip"
+ ],
+ [
+ "Ġexch",
+ "anges"
+ ],
+ [
+ "Ġgau",
+ "ge"
+ ],
+ [
+ "ĠElect",
+ "rical"
+ ],
+ [
+ "ĠTyp",
+ "ically"
+ ],
+ [
+ "Ġnum",
+ "b"
+ ],
+ [
+ "ĠS",
+ "M"
+ ],
+ [
+ "x",
+ "y"
+ ],
+ [
+ "at",
+ "is"
+ ],
+ [
+ "Ġcross",
+ "ing"
+ ],
+ [
+ "Ġshowc",
+ "asing"
+ ],
+ [
+ "Ġmaintain",
+ "s"
+ ],
+ [
+ "Ġresearch",
+ "ing"
+ ],
+ [
+ "13",
+ "7"
+ ],
+ [
+ "ab",
+ "ase"
+ ],
+ [
+ "ĠH",
+ "unt"
+ ],
+ [
+ "Ġsens",
+ "ing"
+ ],
+ [
+ "Ġpo",
+ "le"
+ ],
+ [
+ "ĠUs",
+ "ually"
+ ],
+ [
+ "Ġres",
+ "erve"
+ ],
+ [
+ "}",
+ "+"
+ ],
+ [
+ "ĠT",
+ "ut"
+ ],
+ [
+ "Ġheight",
+ "ened"
+ ],
+ [
+ "Ġu",
+ "pt"
+ ],
+ [
+ "Ġlif",
+ "elong"
+ ],
+ [
+ "al",
+ "am"
+ ],
+ [
+ "oth",
+ "ic"
+ ],
+ [
+ "Î",
+ "¹"
+ ],
+ [
+ "M",
+ "us"
+ ],
+ [
+ "()",
+ ")Ċ"
+ ],
+ [
+ "ĠM",
+ "B"
+ ],
+ [
+ "Ġle",
+ "verage"
+ ],
+ [
+ "Ġsatell",
+ "ites"
+ ],
+ [
+ "Ġport",
+ "able"
+ ],
+ [
+ "Ġsub",
+ "set"
+ ],
+ [
+ "O",
+ "pen"
+ ],
+ [
+ "icro",
+ "b"
+ ],
+ [
+ "Ġes",
+ "cap"
+ ],
+ [
+ "vel",
+ "t"
+ ],
+ [
+ "Ġtim",
+ "eline"
+ ],
+ [
+ "Ġpreca",
+ "utions"
+ ],
+ [
+ "Ġfert",
+ "ile"
+ ],
+ [
+ "Ġvalid",
+ "ation"
+ ],
+ [
+ "\"",
+ ")ĊĊ"
+ ],
+ [
+ "Ġstorm",
+ "s"
+ ],
+ [
+ "Ġtal",
+ "ents"
+ ],
+ [
+ "Ġrem",
+ "embered"
+ ],
+ [
+ "Ġwavel",
+ "ength"
+ ],
+ [
+ "Ġlegisl",
+ "ative"
+ ],
+ [
+ "P",
+ "C"
+ ],
+ [
+ "Ġ",
+ ")."
+ ],
+ [
+ "Ġtrig",
+ "gered"
+ ],
+ [
+ "Ġrev",
+ "ised"
+ ],
+ [
+ "Ġpat",
+ "ch"
+ ],
+ [
+ "P",
+ "res"
+ ],
+ [
+ "Ġ[",
+ "âĢ¦"
+ ],
+ [
+ "Ġmet",
+ "res"
+ ],
+ [
+ "16",
+ "9"
+ ],
+ [
+ "ĠC",
+ "ra"
+ ],
+ [
+ "Ġepid",
+ "emic"
+ ],
+ [
+ "um",
+ "at"
+ ],
+ [
+ "Ġcol",
+ "ours"
+ ],
+ [
+ "Ġk",
+ "ings"
+ ],
+ [
+ "ĠSim",
+ "ply"
+ ],
+ [
+ "ĠMan",
+ "ager"
+ ],
+ [
+ "Ġgl",
+ "ue"
+ ],
+ [
+ "l",
+ "av"
+ ],
+ [
+ "ĠC",
+ "and"
+ ],
+ [
+ "ĠE",
+ "M"
+ ],
+ [
+ "ĠExec",
+ "utive"
+ ],
+ [
+ "Ġy",
+ "og"
+ ],
+ [
+ "K",
+ "now"
+ ],
+ [
+ "ĠCh",
+ "anges"
+ ],
+ [
+ "Ġper",
+ "me"
+ ],
+ [
+ "Ġp",
+ "umps"
+ ],
+ [
+ "Ġmicrob",
+ "ial"
+ ],
+ [
+ "Ġkin",
+ "etic"
+ ],
+ [
+ "ord",
+ "inate"
+ ],
+ [
+ "Ġgre",
+ "y"
+ ],
+ [
+ "Ġfoss",
+ "ils"
+ ],
+ [
+ "Ġarchae",
+ "ological"
+ ],
+ [
+ "Ġapp",
+ "ar"
+ ],
+ [
+ "Ġuncle",
+ "ar"
+ ],
+ [
+ "Ġsat",
+ "urated"
+ ],
+ [
+ "Ġflash",
+ "cards"
+ ],
+ [
+ "_",
+ "to"
+ ],
+ [
+ "ract",
+ "ice"
+ ],
+ [
+ "H",
+ "er"
+ ],
+ [
+ "Ġpoison",
+ "ing"
+ ],
+ [
+ "ĠC",
+ "ognitive"
+ ],
+ [
+ "Ġv",
+ "ascular"
+ ],
+ [
+ "ven",
+ "ue"
+ ],
+ [
+ "Ġfall",
+ "en"
+ ],
+ [
+ "Ġpromot",
+ "ed"
+ ],
+ [
+ "Ġfro",
+ "st"
+ ],
+ [
+ "u",
+ "ccess"
+ ],
+ [
+ "Ġd",
+ "ancing"
+ ],
+ [
+ "Ġfor",
+ "ums"
+ ],
+ [
+ "ĠP",
+ "ositive"
+ ],
+ [
+ "Ġsupp",
+ "ose"
+ ],
+ [
+ "Ġpub",
+ "lish"
+ ],
+ [
+ "O",
+ "B"
+ ],
+ [
+ "\\",
+ "$"
+ ],
+ [
+ "cur",
+ "s"
+ ],
+ [
+ "ĠT",
+ "ok"
+ ],
+ [
+ "_s",
+ "ize"
+ ],
+ [
+ "ĠD",
+ "ental"
+ ],
+ [
+ "Ġc",
+ "ock"
+ ],
+ [
+ "ĠT",
+ "ool"
+ ],
+ [
+ "Ġbl",
+ "adder"
+ ],
+ [
+ "ĠCa",
+ "uses"
+ ],
+ [
+ "b",
+ "ian"
+ ],
+ [
+ "ri",
+ "ad"
+ ],
+ [
+ "Ġaut",
+ "umn"
+ ],
+ [
+ "Ġunf",
+ "air"
+ ],
+ [
+ "Ġmultif",
+ "aceted"
+ ],
+ [
+ "-un",
+ "it"
+ ],
+ [
+ "Ġre",
+ "ar"
+ ],
+ [
+ "Ġcorre",
+ "ction"
+ ],
+ [
+ "Ġparas",
+ "ites"
+ ],
+ [
+ "Ġflow",
+ "ering"
+ ],
+ [
+ "Ġdiag",
+ "onal"
+ ],
+ [
+ "Ġimpl",
+ "ant"
+ ],
+ [
+ "Ġintest",
+ "inal"
+ ],
+ [
+ "Ġvig",
+ "il"
+ ],
+ [
+ "im",
+ "s"
+ ],
+ [
+ "Ġo",
+ "kay"
+ ],
+ [
+ "ĠEd",
+ "itor"
+ ],
+ [
+ "Ġpul",
+ "led"
+ ],
+ [
+ "el",
+ "d"
+ ],
+ [
+ "ĠB",
+ "at"
+ ],
+ [
+ "S",
+ "earch"
+ ],
+ [
+ "Ġment",
+ "ally"
+ ],
+ [
+ "ĠCD",
+ "C"
+ ],
+ [
+ "ĠPop",
+ "ulation"
+ ],
+ [
+ "ĠDial",
+ "ogue"
+ ],
+ [
+ "Î",
+ "²"
+ ],
+ [
+ "Ġpen",
+ "cil"
+ ],
+ [
+ "Ġsp",
+ "ont"
+ ],
+ [
+ "-b",
+ "e"
+ ],
+ [
+ "ĠM",
+ "s"
+ ],
+ [
+ "int",
+ "erest"
+ ],
+ [
+ "Ġde",
+ "leg"
+ ],
+ [
+ "ĠR",
+ "ig"
+ ],
+ [
+ "Ġcult",
+ "urally"
+ ],
+ [
+ "ĠTreat",
+ "y"
+ ],
+ [
+ "Ġnic",
+ "otine"
+ ],
+ [
+ "Ġdiv",
+ "isions"
+ ],
+ [
+ "Ġsh",
+ "o"
+ ],
+ [
+ "ĠOb",
+ "ama"
+ ],
+ [
+ "ĠEvery",
+ "one"
+ ],
+ [
+ "Ġrespond",
+ "ed"
+ ],
+ [
+ "ĠO",
+ "K"
+ ],
+ [
+ "Ġrab",
+ "bit"
+ ],
+ [
+ "é",
+ "s"
+ ],
+ [
+ "ĠF",
+ "inding"
+ ],
+ [
+ "Ġve",
+ "ins"
+ ],
+ [
+ "l",
+ "ies"
+ ],
+ [
+ "Ġabs",
+ "ent"
+ ],
+ [
+ "ĠG",
+ "reg"
+ ],
+ [
+ "ĠCy",
+ "ber"
+ ],
+ [
+ "ĠStep",
+ "hen"
+ ],
+ [
+ "Ġconsist",
+ "ed"
+ ],
+ [
+ "Ġdisp",
+ "ute"
+ ],
+ [
+ "ĠSy",
+ "ndrome"
+ ],
+ [
+ "ĠR",
+ "og"
+ ],
+ [
+ "F",
+ "act"
+ ],
+ [
+ "ro",
+ "st"
+ ],
+ [
+ "ĠCent",
+ "ers"
+ ],
+ [
+ ":",
+ "."
+ ],
+ [
+ "ar",
+ "an"
+ ],
+ [
+ "Ġg",
+ "ym"
+ ],
+ [
+ "Ġparticip",
+ "ated"
+ ],
+ [
+ "Ġwarr",
+ "ant"
+ ],
+ [
+ "ĠV",
+ "in"
+ ],
+ [
+ "S",
+ "M"
+ ],
+ [
+ "ĠH",
+ "ero"
+ ],
+ [
+ "we",
+ "ek"
+ ],
+ [
+ "Ġp",
+ "seud"
+ ],
+ [
+ "Ġr",
+ "um"
+ ],
+ [
+ "Ġoffs",
+ "pring"
+ ],
+ [
+ "ĠLead",
+ "ership"
+ ],
+ [
+ "Ġoff",
+ "set"
+ ],
+ [
+ "Ġliqu",
+ "ids"
+ ],
+ [
+ "rit",
+ "ical"
+ ],
+ [
+ "Ġar",
+ "row"
+ ],
+ [
+ "ĠS",
+ "H"
+ ],
+ [
+ "Last",
+ "ly"
+ ],
+ [
+ "-",
+ "ins"
+ ],
+ [
+ "Ġrecomm",
+ "ends"
+ ],
+ [
+ "ĠContin",
+ "ue"
+ ],
+ [
+ "Ġj",
+ "ul"
+ ],
+ [
+ "Ġref",
+ "ined"
+ ],
+ [
+ "Ġsuper",
+ "vision"
+ ],
+ [
+ "ĠR",
+ "us"
+ ],
+ [
+ "ĠRad",
+ "io"
+ ],
+ [
+ "ig",
+ "raph"
+ ],
+ [
+ "iz",
+ "oph"
+ ],
+ [
+ "in",
+ "formation"
+ ],
+ [
+ "C",
+ "ount"
+ ],
+ [
+ "ĠK",
+ "at"
+ ],
+ [
+ "roph",
+ "y"
+ ],
+ [
+ "T",
+ "HE"
+ ],
+ [
+ "ĠH",
+ "old"
+ ],
+ [
+ "ĠR",
+ "ate"
+ ],
+ [
+ "-st",
+ "ate"
+ ],
+ [
+ "sec",
+ "ution"
+ ],
+ [
+ "Ġes",
+ "cal"
+ ],
+ [
+ "ĠM",
+ "oses"
+ ],
+ [
+ "ĠR",
+ "ot"
+ ],
+ [
+ "int",
+ "on"
+ ],
+ [
+ "Ġalt",
+ "ogether"
+ ],
+ [
+ "ĠBro",
+ "ok"
+ ],
+ [
+ "est",
+ "hes"
+ ],
+ [
+ "h",
+ "r"
+ ],
+ [
+ "Ġphotos",
+ "ynthesis"
+ ],
+ [
+ "ĠOpp",
+ "ortun"
+ ],
+ [
+ "ĠS",
+ "her"
+ ],
+ [
+ "Ġfemin",
+ "ist"
+ ],
+ [
+ "h",
+ "al"
+ ],
+ [
+ "Ġque",
+ "en"
+ ],
+ [
+ "Ġpublic",
+ "ly"
+ ],
+ [
+ "F",
+ "C"
+ ],
+ [
+ "Ġph",
+ "il"
+ ],
+ [
+ "Ġaccess",
+ "ed"
+ ],
+ [
+ "Ġher",
+ "pes"
+ ],
+ [
+ "Ġhom",
+ "eless"
+ ],
+ [
+ "Ġlet",
+ "ting"
+ ],
+ [
+ "ĠW",
+ "inter"
+ ],
+ [
+ "z",
+ "o"
+ ],
+ [
+ "ad",
+ "os"
+ ],
+ [
+ "ig",
+ "e"
+ ],
+ [
+ "ĠJ",
+ "oe"
+ ],
+ [
+ "ĠMay",
+ "a"
+ ],
+ [
+ "ĠEn",
+ "cyclopedia"
+ ],
+ [
+ "v",
+ "ae"
+ ],
+ [
+ "Cal",
+ "cul"
+ ],
+ [
+ "ĠStrateg",
+ "y"
+ ],
+ [
+ "ol",
+ "as"
+ ],
+ [
+ "fl",
+ "oat"
+ ],
+ [
+ "ĠCh",
+ "i"
+ ],
+ [
+ "izoph",
+ "ren"
+ ],
+ [
+ "ĠPub",
+ "lished"
+ ],
+ [
+ "in",
+ "ning"
+ ],
+ [
+ "Ġbul",
+ "bs"
+ ],
+ [
+ "t",
+ "ml"
+ ],
+ [
+ "ĠB",
+ "eng"
+ ],
+ [
+ "ĠMat",
+ "thew"
+ ],
+ [
+ "Ġcrow",
+ "d"
+ ],
+ [
+ "els",
+ "on"
+ ],
+ [
+ "Ġnob",
+ "le"
+ ],
+ [
+ "Ġhe",
+ "ights"
+ ],
+ [
+ "Ġactiv",
+ "ists"
+ ],
+ [
+ "Ġbod",
+ "ily"
+ ],
+ [
+ ".",
+ "set"
+ ],
+ [
+ "[",
+ "-"
+ ],
+ [
+ "Ġindu",
+ "ction"
+ ],
+ [
+ "ias",
+ "is"
+ ],
+ [
+ "we",
+ "ed"
+ ],
+ [
+ "un",
+ "c"
+ ],
+ [
+ "ĠB",
+ "ot"
+ ],
+ [
+ "Ġcareg",
+ "ivers"
+ ],
+ [
+ "ĠEv",
+ "ents"
+ ],
+ [
+ "Ġwithdraw",
+ "al"
+ ],
+ [
+ "f",
+ "ill"
+ ],
+ [
+ "Ġimp",
+ "ed"
+ ],
+ [
+ "ĠV",
+ "oc"
+ ],
+ [
+ "ĠIs",
+ "a"
+ ],
+ [
+ "ogl",
+ "ob"
+ ],
+ [
+ "Ġmod",
+ "er"
+ ],
+ [
+ "Ġre",
+ "n"
+ ],
+ [
+ "15",
+ "8"
+ ],
+ [
+ "C",
+ "opyright"
+ ],
+ [
+ "Ġpat",
+ "ches"
+ ],
+ [
+ "T",
+ "ypes"
+ ],
+ [
+ "ĠW",
+ "ang"
+ ],
+ [
+ "Ġpart",
+ "ition"
+ ],
+ [
+ "Ġreject",
+ "ed"
+ ],
+ [
+ "Ġconsec",
+ "utive"
+ ],
+ [
+ "Ġmeth",
+ "ane"
+ ],
+ [
+ "ĠSam",
+ "uel"
+ ],
+ [
+ "Ġmat",
+ "urity"
+ ],
+ [
+ "Ġdet",
+ "er"
+ ],
+ [
+ "ort",
+ "ing"
+ ],
+ [
+ ".",
+ "I"
+ ],
+ [
+ "ĠSpe",
+ "cies"
+ ],
+ [
+ "Ġ",
+ "Å"
+ ],
+ [
+ "Ġnot",
+ "ing"
+ ],
+ [
+ "uss",
+ "ion"
+ ],
+ [
+ "rad",
+ "ing"
+ ],
+ [
+ "Ġad",
+ "here"
+ ],
+ [
+ "e",
+ "ous"
+ ],
+ [
+ "Ġl",
+ "iability"
+ ],
+ [
+ "Ġnarr",
+ "ator"
+ ],
+ [
+ "Ġm",
+ "akers"
+ ],
+ [
+ "Ð",
+ "³"
+ ],
+ [
+ "Ġperipher",
+ "al"
+ ],
+ [
+ "Ġtem",
+ "pt"
+ ],
+ [
+ "T",
+ "O"
+ ],
+ [
+ "Se",
+ "lect"
+ ],
+ [
+ "ag",
+ "a"
+ ],
+ [
+ "Ġhead",
+ "ache"
+ ],
+ [
+ "Ġhot",
+ "el"
+ ],
+ [
+ "ĠH",
+ "R"
+ ],
+ [
+ "s",
+ "al"
+ ],
+ [
+ "ĠT",
+ "ell"
+ ],
+ [
+ "Ġdirect",
+ "ory"
+ ],
+ [
+ "Ġdign",
+ "ity"
+ ],
+ [
+ "ol",
+ "ation"
+ ],
+ [
+ "Ġfre",
+ "ed"
+ ],
+ [
+ "1",
+ "19"
+ ],
+ [
+ "in",
+ "ian"
+ ],
+ [
+ "ĠDou",
+ "gl"
+ ],
+ [
+ "ĠE",
+ "lements"
+ ],
+ [
+ "Ġj",
+ "azz"
+ ],
+ [
+ "Ġhop",
+ "ing"
+ ],
+ [
+ "ĠAnd",
+ "roid"
+ ],
+ [
+ "Ġsk",
+ "ull"
+ ],
+ [
+ "Ġchromos",
+ "ome"
+ ],
+ [
+ "Ġadv",
+ "ised"
+ ],
+ [
+ "-",
+ "reg"
+ ],
+ [
+ "On",
+ "line"
+ ],
+ [
+ "Ġlibert",
+ "y"
+ ],
+ [
+ "Ġrein",
+ "forcement"
+ ],
+ [
+ "Ġtou",
+ "ching"
+ ],
+ [
+ "om",
+ "ed"
+ ],
+ [
+ "Ġdiss",
+ "olved"
+ ],
+ [
+ "S",
+ "everal"
+ ],
+ [
+ "14",
+ "7"
+ ],
+ [
+ "Ġsuper",
+ "hero"
+ ],
+ [
+ "ĠIndividual",
+ "s"
+ ],
+ [
+ "ĠB",
+ "alt"
+ ],
+ [
+ "Ġber",
+ "ries"
+ ],
+ [
+ "F",
+ "R"
+ ],
+ [
+ "e",
+ "u"
+ ],
+ [
+ "s",
+ "un"
+ ],
+ [
+ "Ġcompet",
+ "itors"
+ ],
+ [
+ "Ġfound",
+ "ing"
+ ],
+ [
+ "il",
+ "on"
+ ],
+ [
+ "ater",
+ "n"
+ ],
+ [
+ "ĠAgree",
+ "ment"
+ ],
+ [
+ "Ġimpair",
+ "ment"
+ ],
+ [
+ "ĠA",
+ "y"
+ ],
+ [
+ "ĠM",
+ "uh"
+ ],
+ [
+ "Ġh",
+ "iding"
+ ],
+ [
+ "Ġair",
+ "pl"
+ ],
+ [
+ "ĠP",
+ "un"
+ ],
+ [
+ "Ġde",
+ "ple"
+ ],
+ [
+ "ĠPol",
+ "l"
+ ],
+ [
+ "Ġregul",
+ "ating"
+ ],
+ [
+ "ĠN",
+ "G"
+ ],
+ [
+ "ro",
+ "sis"
+ ],
+ [
+ "f",
+ "red"
+ ],
+ [
+ "ĠC",
+ "ape"
+ ],
+ [
+ "Ġadoles",
+ "cent"
+ ],
+ [
+ "Ġclub",
+ "s"
+ ],
+ [
+ "}$$",
+ "ĊĊ"
+ ],
+ [
+ "ĠProduct",
+ "s"
+ ],
+ [
+ "bur",
+ "gh"
+ ],
+ [
+ "ow",
+ "ed"
+ ],
+ [
+ "oc",
+ "key"
+ ],
+ [
+ "Ġemail",
+ "s"
+ ],
+ [
+ "Ġpoint",
+ "ing"
+ ],
+ [
+ "Ġdis",
+ "cre"
+ ],
+ [
+ "ĠPhil",
+ "adelphia"
+ ],
+ [
+ "Ġbra",
+ "ck"
+ ],
+ [
+ "ĠC",
+ "ertain"
+ ],
+ [
+ "Ġdrag",
+ "on"
+ ],
+ [
+ "ï",
+ "ĥ"
+ ],
+ [
+ "ĠU",
+ "RL"
+ ],
+ [
+ "Ġopp",
+ "ression"
+ ],
+ [
+ "Ġinstrument",
+ "al"
+ ],
+ [
+ "Ġiniti",
+ "ated"
+ ],
+ [
+ "Ġpron",
+ "oun"
+ ],
+ [
+ "ĠWe",
+ "bs"
+ ],
+ [
+ "ĠAl",
+ "bert"
+ ],
+ [
+ "Ġintent",
+ "ions"
+ ],
+ [
+ "ĠFram",
+ "ew"
+ ],
+ [
+ "Ġaffect",
+ "ion"
+ ],
+ [
+ "Ġacid",
+ "ic"
+ ],
+ [
+ "are",
+ "t"
+ ],
+ [
+ "16",
+ "7"
+ ],
+ [
+ "oura",
+ "ging"
+ ],
+ [
+ "int",
+ "eg"
+ ],
+ [
+ "ĠB",
+ "Y"
+ ],
+ [
+ "E",
+ "xt"
+ ],
+ [
+ "ĠS",
+ "ac"
+ ],
+ [
+ "Ġoverl",
+ "ooked"
+ ],
+ [
+ "Ġv",
+ "end"
+ ],
+ [
+ "ĠAct",
+ "ive"
+ ],
+ [
+ "ĠInvest",
+ "ig"
+ ],
+ [
+ "ar",
+ "ms"
+ ],
+ [
+ "Ġdis",
+ "crete"
+ ],
+ [
+ "Ġed",
+ "itors"
+ ],
+ [
+ "Î",
+ "µ"
+ ],
+ [
+ "P",
+ "H"
+ ],
+ [
+ "ov",
+ "al"
+ ],
+ [
+ "Ġbeh",
+ "alf"
+ ],
+ [
+ "Ġseam",
+ "less"
+ ],
+ [
+ "ĠGet",
+ "ting"
+ ],
+ [
+ "ĠL",
+ "es"
+ ],
+ [
+ "Ġclean",
+ "er"
+ ],
+ [
+ "-",
+ "round"
+ ],
+ [
+ "Ġtra",
+ "umatic"
+ ],
+ [
+ "Ġground",
+ "water"
+ ],
+ [
+ "ing",
+ "ing"
+ ],
+ [
+ "12",
+ "9"
+ ],
+ [
+ "ĠPot",
+ "ential"
+ ],
+ [
+ "Ġcontrovers",
+ "y"
+ ],
+ [
+ "ib",
+ "et"
+ ],
+ [
+ "ah",
+ "ren"
+ ],
+ [
+ "ĠAfghan",
+ "istan"
+ ],
+ [
+ "ĠOver",
+ "all"
+ ],
+ [
+ "ĠProg",
+ "rams"
+ ],
+ [
+ "Ġcar",
+ "p"
+ ],
+ [
+ "Ġc",
+ "ables"
+ ],
+ [
+ "Ġam",
+ "ple"
+ ],
+ [
+ "13",
+ "6"
+ ],
+ [
+ "ĠM",
+ "arsh"
+ ],
+ [
+ "Ġsix",
+ "th"
+ ],
+ [
+ "Ġhier",
+ "archy"
+ ],
+ [
+ "p",
+ "athy"
+ ],
+ [
+ "Ġse",
+ "as"
+ ],
+ [
+ "Ġpl",
+ "aque"
+ ],
+ [
+ "ĠÐ",
+ "¸"
+ ],
+ [
+ "-C",
+ "o"
+ ],
+ [
+ "unct",
+ "ure"
+ ],
+ [
+ "Post",
+ "s"
+ ],
+ [
+ "oub",
+ "ted"
+ ],
+ [
+ "Ġtour",
+ "ist"
+ ],
+ [
+ "Ġphilos",
+ "ophers"
+ ],
+ [
+ "-e",
+ "ffective"
+ ],
+ [
+ "Ġshel",
+ "f"
+ ],
+ [
+ "ro",
+ "kes"
+ ],
+ [
+ "Ġproject",
+ "ed"
+ ],
+ [
+ "ather",
+ "ine"
+ ],
+ [
+ "M",
+ "ark"
+ ],
+ [
+ "Ġaw",
+ "esome"
+ ],
+ [
+ "Ġdistrib",
+ "ute"
+ ],
+ [
+ "ĠP",
+ "il"
+ ],
+ [
+ "b",
+ "es"
+ ],
+ [
+ "Ġmut",
+ "ation"
+ ],
+ [
+ "Ġlaw",
+ "yer"
+ ],
+ [
+ "Ġquestion",
+ "ing"
+ ],
+ [
+ "Ġalt",
+ "itude"
+ ],
+ [
+ "Ġalgebra",
+ "ic"
+ ],
+ [
+ "ĠSaf",
+ "e"
+ ],
+ [
+ "Ġfif",
+ "ty"
+ ],
+ [
+ "Ġperform",
+ "s"
+ ],
+ [
+ "Ġw",
+ "ikiHow"
+ ],
+ [
+ "Ġthought",
+ "ful"
+ ],
+ [
+ "Ġwe",
+ "ave"
+ ],
+ [
+ "/",
+ "l"
+ ],
+ [
+ "ĠL",
+ "A"
+ ],
+ [
+ "{",
+ "b"
+ ],
+ [
+ "Ġgod",
+ "dess"
+ ],
+ [
+ "Ġrom",
+ "ance"
+ ],
+ [
+ "Ġsh",
+ "ots"
+ ],
+ [
+ "Ġinter",
+ "disciplinary"
+ ],
+ [
+ "Ġm",
+ "elt"
+ ],
+ [
+ "13",
+ "3"
+ ],
+ [
+ "Ġpot",
+ "ato"
+ ],
+ [
+ "ing",
+ "ton"
+ ],
+ [
+ "Ġb",
+ "rick"
+ ],
+ [
+ "ĠB",
+ "ah"
+ ],
+ [
+ "Ġmount",
+ "ed"
+ ],
+ [
+ "b",
+ "ro"
+ ],
+ [
+ "ur",
+ "u"
+ ],
+ [
+ "rop",
+ "olitan"
+ ],
+ [
+ "ĠEv",
+ "idence"
+ ],
+ [
+ "*",
+ ":"
+ ],
+ [
+ "Ġdi",
+ "abetic"
+ ],
+ [
+ "Ġd",
+ "x"
+ ],
+ [
+ "Ġass",
+ "im"
+ ],
+ [
+ "ĠAl",
+ "cohol"
+ ],
+ [
+ "Ġtim",
+ "eless"
+ ],
+ [
+ "Ġopp",
+ "osing"
+ ],
+ [
+ "Ġbibli",
+ "ography"
+ ],
+ [
+ "Ġd",
+ "an"
+ ],
+ [
+ "Ġ",
+ "ðĿij"
+ ],
+ [
+ "it",
+ "u"
+ ],
+ [
+ "*",
+ "}"
+ ],
+ [
+ "ĠClass",
+ "room"
+ ],
+ [
+ "Ġinst",
+ "inct"
+ ],
+ [
+ "Ġunt",
+ "reated"
+ ],
+ [
+ "Ġad",
+ "mitted"
+ ],
+ [
+ "Im",
+ "age"
+ ],
+ [
+ "ĠResp",
+ "onse"
+ ],
+ [
+ "Ġeas",
+ "iest"
+ ],
+ [
+ "Ġinv",
+ "isible"
+ ],
+ [
+ "Ġpredominant",
+ "ly"
+ ],
+ [
+ "ĠC",
+ "ro"
+ ],
+ [
+ "Ġper",
+ "mitted"
+ ],
+ [
+ "ra",
+ "ce"
+ ],
+ [
+ "ĠG",
+ "PS"
+ ],
+ [
+ "=",
+ "-"
+ ],
+ [
+ "Ġlect",
+ "ures"
+ ],
+ [
+ "ĠCh",
+ "art"
+ ],
+ [
+ "Ġappreci",
+ "ated"
+ ],
+ [
+ "ĠImper",
+ "ial"
+ ],
+ [
+ "17",
+ "3"
+ ],
+ [
+ "Ġlack",
+ "ing"
+ ],
+ [
+ "ĠQ",
+ "ur"
+ ],
+ [
+ "m",
+ "o"
+ ],
+ [
+ "ĠC",
+ "reek"
+ ],
+ [
+ "ĠN",
+ "arr"
+ ],
+ [
+ "Ġm",
+ "useums"
+ ],
+ [
+ "b",
+ "eta"
+ ],
+ [
+ "w",
+ "ill"
+ ],
+ [
+ "Ġcompos",
+ "itions"
+ ],
+ [
+ "99",
+ "9"
+ ],
+ [
+ "ĠR",
+ "ab"
+ ],
+ [
+ "Ġcreat",
+ "ors"
+ ],
+ [
+ "Ġtang",
+ "ible"
+ ],
+ [
+ "Ġinf",
+ "est"
+ ],
+ [
+ "Ġca",
+ "ut"
+ ],
+ [
+ ")",
+ "):Ċ"
+ ],
+ [
+ "n",
+ "umber"
+ ],
+ [
+ "ĠC",
+ "redit"
+ ],
+ [
+ "Ġresid",
+ "ual"
+ ],
+ [
+ "Ġpossess",
+ "ion"
+ ],
+ [
+ "Ġdil",
+ "ig"
+ ],
+ [
+ "cons",
+ "in"
+ ],
+ [
+ "C",
+ "ross"
+ ],
+ [
+ "E",
+ "arly"
+ ],
+ [
+ "ĠRe",
+ "pe"
+ ],
+ [
+ "-m",
+ "in"
+ ],
+ [
+ "ound",
+ "ed"
+ ],
+ [
+ "Ġwork",
+ "out"
+ ],
+ [
+ "lim",
+ "ited"
+ ],
+ [
+ "Ù",
+ "Ī"
+ ],
+ [
+ "ĠA",
+ "round"
+ ],
+ [
+ "Ġhob",
+ "by"
+ ],
+ [
+ "itzer",
+ "land"
+ ],
+ [
+ "Ġcar",
+ "cin"
+ ],
+ [
+ "Ġwar",
+ "mer"
+ ],
+ [
+ "t",
+ "ags"
+ ],
+ [
+ "Ġd",
+ "ynasty"
+ ],
+ [
+ "Ġrot",
+ "ating"
+ ],
+ [
+ "Ġpass",
+ "engers"
+ ],
+ [
+ "H",
+ "ello"
+ ],
+ [
+ "ĠH",
+ "ay"
+ ],
+ [
+ "-b",
+ "l"
+ ],
+ [
+ "S",
+ "ometimes"
+ ],
+ [
+ "Ġs",
+ "ends"
+ ],
+ [
+ "Ġc",
+ "um"
+ ],
+ [
+ "Ġb",
+ "ay"
+ ],
+ [
+ "Ġnon",
+ "fiction"
+ ],
+ [
+ "j",
+ "amin"
+ ],
+ [
+ "th",
+ "a"
+ ],
+ [
+ "-",
+ "cons"
+ ],
+ [
+ "b",
+ "ig"
+ ],
+ [
+ "ĠIns",
+ "urance"
+ ],
+ [
+ "ound",
+ "ing"
+ ],
+ [
+ "ĠMary",
+ "land"
+ ],
+ [
+ "Ġcle",
+ "ver"
+ ],
+ [
+ "ĠRand",
+ "om"
+ ],
+ [
+ "F",
+ "ood"
+ ],
+ [
+ "Ġantioxid",
+ "ant"
+ ],
+ [
+ "lis",
+ "hes"
+ ],
+ [
+ "Ġinterf",
+ "ere"
+ ],
+ [
+ "ĠF",
+ "inal"
+ ],
+ [
+ "Ġunder",
+ "graduate"
+ ],
+ [
+ "ch",
+ "a"
+ ],
+ [
+ "Ġmill",
+ "enn"
+ ],
+ [
+ "Ġbul",
+ "b"
+ ],
+ [
+ "Ġsl",
+ "ides"
+ ],
+ [
+ "Ġper",
+ "imeter"
+ ],
+ [
+ "ĠRes",
+ "erve"
+ ],
+ [
+ "Ġsh",
+ "ops"
+ ],
+ [
+ "13",
+ "8"
+ ],
+ [
+ "]",
+ "čĊ"
+ ],
+ [
+ "m",
+ "other"
+ ],
+ [
+ "Ġhe",
+ "d"
+ ],
+ [
+ "role",
+ "um"
+ ],
+ [
+ "Ġr",
+ "ated"
+ ],
+ [
+ "ĠBra",
+ "nd"
+ ],
+ [
+ "ob",
+ "ject"
+ ],
+ [
+ "Ġchromos",
+ "omes"
+ ],
+ [
+ "ĠâĢ",
+ "º"
+ ],
+ [
+ "Ġd",
+ "ots"
+ ],
+ [
+ "od",
+ "d"
+ ],
+ [
+ "Ġm",
+ "ast"
+ ],
+ [
+ "eren",
+ "n"
+ ],
+ [
+ "iv",
+ "ic"
+ ],
+ [
+ "Ġprogram",
+ "mes"
+ ],
+ [
+ "Ġl",
+ "oving"
+ ],
+ [
+ "Ġgun",
+ "s"
+ ],
+ [
+ "Ġweek",
+ "end"
+ ],
+ [
+ "d",
+ "iv"
+ ],
+ [
+ "ĠMc",
+ "C"
+ ],
+ [
+ "ann",
+ "y"
+ ],
+ [
+ "requ",
+ "ency"
+ ],
+ [
+ "ic",
+ "ides"
+ ],
+ [
+ "Ġparent",
+ "ing"
+ ],
+ [
+ "Ġsequ",
+ "encing"
+ ],
+ [
+ "Ġtra",
+ "p"
+ ],
+ [
+ "Comm",
+ "un"
+ ],
+ [
+ "Ġpro",
+ "pose"
+ ],
+ [
+ "ul",
+ "ator"
+ ],
+ [
+ "Ġfest",
+ "ivals"
+ ],
+ [
+ "Ġbas",
+ "eline"
+ ],
+ [
+ "ĠA",
+ "IDS"
+ ],
+ [
+ "ĠEth",
+ "ics"
+ ],
+ [
+ "Ġear",
+ "ning"
+ ],
+ [
+ "Ġ'",
+ "''"
+ ],
+ [
+ "Ġint",
+ "imate"
+ ],
+ [
+ "Ġsure",
+ "ly"
+ ],
+ [
+ "Ġad",
+ "herence"
+ ],
+ [
+ "Ġbu",
+ "nd"
+ ],
+ [
+ "Ġm",
+ "la"
+ ],
+ [
+ "Th",
+ "ough"
+ ],
+ [
+ "Ġsuper",
+ "f"
+ ],
+ [
+ "Ġlaw",
+ "n"
+ ],
+ [
+ "ĠTai",
+ "wan"
+ ],
+ [
+ "Ġhard",
+ "ly"
+ ],
+ [
+ "%",
+ "),"
+ ],
+ [
+ "Ġtun",
+ "nel"
+ ],
+ [
+ "itud",
+ "inal"
+ ],
+ [
+ "Ġab",
+ "d"
+ ],
+ [
+ "2",
+ "30"
+ ],
+ [
+ "Ġproof",
+ "s"
+ ],
+ [
+ "Ġfrag",
+ "ments"
+ ],
+ [
+ "Ġmagnific",
+ "ent"
+ ],
+ [
+ ".",
+ "left"
+ ],
+ [
+ ":",
+ "**ĊĊ"
+ ],
+ [
+ "Ġske",
+ "pt"
+ ],
+ [
+ "Ġtoile",
+ "t"
+ ],
+ [
+ "Ġb",
+ "ore"
+ ],
+ [
+ "Ġdepos",
+ "it"
+ ],
+ [
+ "Â",
+ "½"
+ ],
+ [
+ "Ġatt",
+ "raction"
+ ],
+ [
+ "Ġceremon",
+ "y"
+ ],
+ [
+ "Ġt",
+ "an"
+ ],
+ [
+ "ĠFin",
+ "ance"
+ ],
+ [
+ "ĠT",
+ "own"
+ ],
+ [
+ "Ġnew",
+ "found"
+ ],
+ [
+ "Ġtr",
+ "im"
+ ],
+ [
+ "is",
+ "er"
+ ],
+ [
+ "Ġtur",
+ "tles"
+ ],
+ [
+ "ĠIn",
+ "g"
+ ],
+ [
+ "or",
+ "se"
+ ],
+ [
+ "Ġv",
+ "otes"
+ ],
+ [
+ "ĠMill",
+ "er"
+ ],
+ [
+ "7",
+ "50"
+ ],
+ [
+ "ÑĤ",
+ "е"
+ ],
+ [
+ "Ġintu",
+ "itive"
+ ],
+ [
+ "Ġtra",
+ "it"
+ ],
+ [
+ "ĠHist",
+ "or"
+ ],
+ [
+ "Ġtim",
+ "ber"
+ ],
+ [
+ "ĠDav",
+ "is"
+ ],
+ [
+ "Ġfar",
+ "mer"
+ ],
+ [
+ "Ġdiv",
+ "orce"
+ ],
+ [
+ "equ",
+ "al"
+ ],
+ [
+ "Ġcompr",
+ "ising"
+ ],
+ [
+ "M",
+ "r"
+ ],
+ [
+ "B",
+ "est"
+ ],
+ [
+ "Ġcomm",
+ "emor"
+ ],
+ [
+ "Ġr",
+ "anks"
+ ],
+ [
+ "Ġm",
+ "ercury"
+ ],
+ [
+ "Ġbl",
+ "oom"
+ ],
+ [
+ "ard",
+ "o"
+ ],
+ [
+ "ĠS",
+ "I"
+ ],
+ [
+ "M",
+ "s"
+ ],
+ [
+ "oubted",
+ "ly"
+ ],
+ [
+ "Ġload",
+ "ed"
+ ],
+ [
+ "Ġapproach",
+ "ing"
+ ],
+ [
+ "æ",
+ "Ī"
+ ],
+ [
+ "Ġ",
+ "Ñ"
+ ],
+ [
+ "Ġparticip",
+ "ant"
+ ],
+ [
+ "Ġlink",
+ "ing"
+ ],
+ [
+ "ĠBe",
+ "ach"
+ ],
+ [
+ "Ġlegit",
+ "imate"
+ ],
+ [
+ "w",
+ "ich"
+ ],
+ [
+ "Ġar",
+ "tery"
+ ],
+ [
+ "Ġm",
+ "ant"
+ ],
+ [
+ "-",
+ "cell"
+ ],
+ [
+ "Ġign",
+ "ored"
+ ],
+ [
+ "p",
+ "ression"
+ ],
+ [
+ "à",
+ "¹"
+ ],
+ [
+ "Ġres",
+ "ume"
+ ],
+ [
+ "Ġup",
+ "ward"
+ ],
+ [
+ "h",
+ "uman"
+ ],
+ [
+ "out",
+ "put"
+ ],
+ [
+ "Ġthread",
+ "s"
+ ],
+ [
+ "ĠÎ",
+ "²"
+ ],
+ [
+ "_",
+ "w"
+ ],
+ [
+ "Ġgastro",
+ "intestinal"
+ ],
+ [
+ "Ġde",
+ "ck"
+ ],
+ [
+ "ĠSt",
+ "aff"
+ ],
+ [
+ "ĠM",
+ "L"
+ ],
+ [
+ "our",
+ "nal"
+ ],
+ [
+ "ĠÐ",
+ "¾"
+ ],
+ [
+ "Ġstop",
+ "ping"
+ ],
+ [
+ "Ġang",
+ "ular"
+ ],
+ [
+ "ĠPhot",
+ "os"
+ ],
+ [
+ "ly",
+ "wood"
+ ],
+ [
+ "Ġprodu",
+ "cer"
+ ],
+ [
+ "Ġover",
+ "night"
+ ],
+ [
+ "Ġad",
+ "mission"
+ ],
+ [
+ "ĠV",
+ "eter"
+ ],
+ [
+ "ĠMac",
+ "beth"
+ ],
+ [
+ "ru",
+ "ce"
+ ],
+ [
+ "Ġe",
+ "cho"
+ ],
+ [
+ "Ġout",
+ "s"
+ ],
+ [
+ "Ġc",
+ "ram"
+ ],
+ [
+ "Ġnu",
+ "ances"
+ ],
+ [
+ "Ġcl",
+ "ause"
+ ],
+ [
+ "Ġam",
+ "bit"
+ ],
+ [
+ "|",
+ "S"
+ ],
+ [
+ "ab",
+ "us"
+ ],
+ [
+ "Ġcar",
+ "b"
+ ],
+ [
+ "ï¼",
+ "ļ"
+ ],
+ [
+ "Ġrele",
+ "asing"
+ ],
+ [
+ "u",
+ "cl"
+ ],
+ [
+ "Ġattack",
+ "ed"
+ ],
+ [
+ "ĠJam",
+ "ie"
+ ],
+ [
+ "ond",
+ "er"
+ ],
+ [
+ "Ġsevere",
+ "ly"
+ ],
+ [
+ "Ġm",
+ "ud"
+ ],
+ [
+ ".l",
+ "ast"
+ ],
+ [
+ "Ġmethod",
+ "ologies"
+ ],
+ [
+ "Ġbe",
+ "verages"
+ ],
+ [
+ "ĠD",
+ "uke"
+ ],
+ [
+ "L",
+ "ook"
+ ],
+ [
+ "Ġp",
+ "rize"
+ ],
+ [
+ "Ġsafegu",
+ "ard"
+ ],
+ [
+ "ĠIm",
+ "ages"
+ ],
+ [
+ "od",
+ "s"
+ ],
+ [
+ "Ġsynt",
+ "ax"
+ ],
+ [
+ "Ġastron",
+ "aut"
+ ],
+ [
+ "Ġlever",
+ "aging"
+ ],
+ [
+ "Ġemploy",
+ "er"
+ ],
+ [
+ "Ġar",
+ "ising"
+ ],
+ [
+ "ĠF",
+ "ord"
+ ],
+ [
+ "Ġcontin",
+ "ually"
+ ],
+ [
+ "uc",
+ "id"
+ ],
+ [
+ "Ġnot",
+ "ably"
+ ],
+ [
+ "ĠS",
+ "ant"
+ ],
+ [
+ "Ġshell",
+ "s"
+ ],
+ [
+ "Ġpick",
+ "ing"
+ ],
+ [
+ "al",
+ "ism"
+ ],
+ [
+ "pro",
+ "fit"
+ ],
+ [
+ "Ġfirm",
+ "ly"
+ ],
+ [
+ "am",
+ "an"
+ ],
+ [
+ "nes",
+ "ota"
+ ],
+ [
+ "Ġimper",
+ "ative"
+ ],
+ [
+ "â",
+ "ĸ"
+ ],
+ [
+ "or",
+ "ious"
+ ],
+ [
+ "Ġh",
+ "its"
+ ],
+ [
+ "Ġrel",
+ "iance"
+ ],
+ [
+ "ĠHawai",
+ "i"
+ ],
+ [
+ "vant",
+ "ages"
+ ],
+ [
+ "v",
+ "ia"
+ ],
+ [
+ "ĠS",
+ "anskrit"
+ ],
+ [
+ "Ġsched",
+ "ules"
+ ],
+ [
+ "Ġinst",
+ "ability"
+ ],
+ [
+ "Ġprox",
+ "imity"
+ ],
+ [
+ "Ġsim",
+ "plicity"
+ ],
+ [
+ "Ġground",
+ "ed"
+ ],
+ [
+ "Ġover",
+ "s"
+ ],
+ [
+ "Ġlear",
+ "ns"
+ ],
+ [
+ "Ġn",
+ "our"
+ ],
+ [
+ "Ġam",
+ "mon"
+ ],
+ [
+ "ĠG",
+ "round"
+ ],
+ [
+ "è",
+ "¡"
+ ],
+ [
+ "Ġshar",
+ "ks"
+ ],
+ [
+ "Ġsus",
+ "pected"
+ ],
+ [
+ "Ġhead",
+ "ing"
+ ],
+ [
+ "Ġgl",
+ "ance"
+ ],
+ [
+ "igh",
+ "ters"
+ ],
+ [
+ "Ġch",
+ "ord"
+ ],
+ [
+ "Ġsubject",
+ "ive"
+ ],
+ [
+ "se",
+ "cond"
+ ],
+ [
+ "Ġsc",
+ "rap"
+ ],
+ [
+ "-",
+ "risk"
+ ],
+ [
+ "Ġsn",
+ "acks"
+ ],
+ [
+ "Ġad",
+ "mit"
+ ],
+ [
+ "Ġcr",
+ "ash"
+ ],
+ [
+ "Ġleg",
+ "ally"
+ ],
+ [
+ "ĠDel",
+ "hi"
+ ],
+ [
+ "ĠNor",
+ "way"
+ ],
+ [
+ "We",
+ "b"
+ ],
+ [
+ "Ġschol",
+ "ar"
+ ],
+ [
+ "Ġdest",
+ "ructive"
+ ],
+ [
+ "kl",
+ "ore"
+ ],
+ [
+ "-d",
+ "is"
+ ],
+ [
+ "Ġp",
+ "ars"
+ ],
+ [
+ "ĠSk",
+ "in"
+ ],
+ [
+ "G",
+ "R"
+ ],
+ [
+ "Ġterm",
+ "inology"
+ ],
+ [
+ "Ġall",
+ "ies"
+ ],
+ [
+ "Ġfun",
+ "ny"
+ ],
+ [
+ "Ġcompet",
+ "ence"
+ ],
+ [
+ "ĠB",
+ "ed"
+ ],
+ [
+ "Ġfree",
+ "zing"
+ ],
+ [
+ "Ġshort",
+ "ly"
+ ],
+ [
+ "Ġs",
+ "ink"
+ ],
+ [
+ "Ġdifferent",
+ "iate"
+ ],
+ [
+ "Ġopen",
+ "ly"
+ ],
+ [
+ "ĠS",
+ "now"
+ ],
+ [
+ "Ġper",
+ "severance"
+ ],
+ [
+ "F",
+ "alse"
+ ],
+ [
+ "ĠB",
+ "uy"
+ ],
+ [
+ "Ġfulf",
+ "illing"
+ ],
+ [
+ "Ġbutt",
+ "ons"
+ ],
+ [
+ "_",
+ "id"
+ ],
+ [
+ "ĠA",
+ "the"
+ ],
+ [
+ "au",
+ "nd"
+ ],
+ [
+ "Ġrem",
+ "edy"
+ ],
+ [
+ "ĠR",
+ "ange"
+ ],
+ [
+ "u",
+ "nderstand"
+ ],
+ [
+ "Ġdest",
+ "ro"
+ ],
+ [
+ "ĠM",
+ "un"
+ ],
+ [
+ "Ġsw",
+ "ift"
+ ],
+ [
+ "alu",
+ "able"
+ ],
+ [
+ ".",
+ "right"
+ ],
+ [
+ "ĠT",
+ "ags"
+ ],
+ [
+ "r",
+ "ish"
+ ],
+ [
+ "ĠHealth",
+ "care"
+ ],
+ [
+ "Ġreprodu",
+ "ce"
+ ],
+ [
+ "uc",
+ "le"
+ ],
+ [
+ "Ġcompar",
+ "isons"
+ ],
+ [
+ "ĠH",
+ "al"
+ ],
+ [
+ "ĠSt",
+ "rong"
+ ],
+ [
+ "at",
+ "to"
+ ],
+ [
+ "ĠE",
+ "at"
+ ],
+ [
+ "Ġgu",
+ "ilt"
+ ],
+ [
+ "Ġsp",
+ "r"
+ ],
+ [
+ "ĠM",
+ "arc"
+ ],
+ [
+ "ring",
+ "e"
+ ],
+ [
+ "Ġth",
+ "rown"
+ ],
+ [
+ "Ġinterpre",
+ "ting"
+ ],
+ [
+ "Ġarter",
+ "ies"
+ ],
+ [
+ "t",
+ "i"
+ ],
+ [
+ "o",
+ "i"
+ ],
+ [
+ "Ġfl",
+ "ip"
+ ],
+ [
+ "Ġcast",
+ "ing"
+ ],
+ [
+ "ĠEval",
+ "uation"
+ ],
+ [
+ "Un",
+ "it"
+ ],
+ [
+ "(",
+ "e"
+ ],
+ [
+ "ĠP",
+ "ra"
+ ],
+ [
+ "un",
+ "ks"
+ ],
+ [
+ "Ġprom",
+ "ised"
+ ],
+ [
+ "Ġgen",
+ "etically"
+ ],
+ [
+ "Ġmy",
+ "riad"
+ ],
+ [
+ "Ġthe",
+ "atre"
+ ],
+ [
+ "k",
+ "h"
+ ],
+ [
+ ",",
+ "âĢĻ"
+ ],
+ [
+ "c",
+ "over"
+ ],
+ [
+ "all",
+ "ing"
+ ],
+ [
+ "vious",
+ "ly"
+ ],
+ [
+ "ĠU",
+ "nex"
+ ],
+ [
+ "_",
+ "index"
+ ],
+ [
+ "Å",
+ "į"
+ ],
+ [
+ "ĠC",
+ "zech"
+ ],
+ [
+ "Ġpres",
+ "idential"
+ ],
+ [
+ "ail",
+ "and"
+ ],
+ [
+ "m",
+ "akers"
+ ],
+ [
+ "cler",
+ "osis"
+ ],
+ [
+ "Ġg",
+ "rief"
+ ],
+ [
+ "ĠStre",
+ "ng"
+ ],
+ [
+ "oster",
+ "one"
+ ],
+ [
+ "op",
+ "ter"
+ ],
+ [
+ "W",
+ "riting"
+ ],
+ [
+ "ĠRelig",
+ "ious"
+ ],
+ [
+ "ĠPress",
+ "ure"
+ ],
+ [
+ "Ġstain",
+ "less"
+ ],
+ [
+ "um",
+ "my"
+ ],
+ [
+ "Ġe",
+ "rect"
+ ],
+ [
+ "Ġclim",
+ "bing"
+ ],
+ [
+ "Ġsulf",
+ "ur"
+ ],
+ [
+ "Th",
+ "ree"
+ ],
+ [
+ "TI",
+ "NG"
+ ],
+ [
+ "-",
+ "ne"
+ ],
+ [
+ "oth",
+ "s"
+ ],
+ [
+ "Ġrecommend",
+ "ation"
+ ],
+ [
+ "Ġrep",
+ "ly"
+ ],
+ [
+ "Ġs",
+ "iblings"
+ ],
+ [
+ "isp",
+ "ens"
+ ],
+ [
+ "S",
+ "D"
+ ],
+ [
+ "ĠProt",
+ "ocol"
+ ],
+ [
+ "ĠF",
+ "ast"
+ ],
+ [
+ "ĠPre",
+ "pare"
+ ],
+ [
+ "oler",
+ "ance"
+ ],
+ [
+ "w",
+ "rit"
+ ],
+ [
+ "ĠAn",
+ "th"
+ ],
+ [
+ "Ġtelesc",
+ "ope"
+ ],
+ [
+ "Ġl",
+ "unar"
+ ],
+ [
+ "ĠSub",
+ "t"
+ ],
+ [
+ "ĠCh",
+ "ile"
+ ],
+ [
+ "Ġprocess",
+ "or"
+ ],
+ [
+ "Ġconstruct",
+ "ive"
+ ],
+ [
+ "the",
+ "y"
+ ],
+ [
+ "ĠUp",
+ "on"
+ ],
+ [
+ "Ġsubject",
+ "ed"
+ ],
+ [
+ "us",
+ "ions"
+ ],
+ [
+ "ĠBang",
+ "ladesh"
+ ],
+ [
+ "Jo",
+ "ined"
+ ],
+ [
+ "ĠC",
+ "I"
+ ],
+ [
+ "Ġharvest",
+ "ing"
+ ],
+ [
+ "Ġre",
+ "pt"
+ ],
+ [
+ "Ġjurisd",
+ "iction"
+ ],
+ [
+ "el",
+ "le"
+ ],
+ [
+ "Ġind",
+ "oors"
+ ],
+ [
+ "H",
+ "R"
+ ],
+ [
+ "x",
+ "x"
+ ],
+ [
+ "Ġinade",
+ "quate"
+ ],
+ [
+ "à¤",
+ "¿"
+ ],
+ [
+ "Ġsovere",
+ "ignty"
+ ],
+ [
+ "ĠAP",
+ "I"
+ ],
+ [
+ "Ġmark",
+ "ing"
+ ],
+ [
+ "ol",
+ "ia"
+ ],
+ [
+ "Ġapp",
+ "end"
+ ],
+ [
+ "Ġtra",
+ "pped"
+ ],
+ [
+ "erv",
+ "ice"
+ ],
+ [
+ "Ġw",
+ "are"
+ ],
+ [
+ "Ġtherap",
+ "ists"
+ ],
+ [
+ "ĠDef",
+ "ine"
+ ],
+ [
+ "Ġse",
+ "ats"
+ ],
+ [
+ "ĠProper",
+ "ty"
+ ],
+ [
+ "Ġdist",
+ "ract"
+ ],
+ [
+ "Ġl",
+ "ining"
+ ],
+ [
+ "ĠD",
+ "ick"
+ ],
+ [
+ "J",
+ "UVENILE"
+ ],
+ [
+ "ĠTer",
+ "ms"
+ ],
+ [
+ "Ġsqu",
+ "ared"
+ ],
+ [
+ "se",
+ "x"
+ ],
+ [
+ "Ġh",
+ "anging"
+ ],
+ [
+ "ow",
+ "a"
+ ],
+ [
+ "Ġpurch",
+ "ases"
+ ],
+ [
+ "ic",
+ "us"
+ ],
+ [
+ "se",
+ "en"
+ ],
+ [
+ "Ġsucceed",
+ "ed"
+ ],
+ [
+ "Ġb",
+ "esides"
+ ],
+ [
+ "Ġcont",
+ "est"
+ ],
+ [
+ "Ġext",
+ "r"
+ ],
+ [
+ "Ġmon",
+ "arch"
+ ],
+ [
+ "Ġvac",
+ "ation"
+ ],
+ [
+ "Ġind",
+ "ication"
+ ],
+ [
+ "ĠAnn",
+ "ual"
+ ],
+ [
+ "Ġ",
+ ".ĊĊ"
+ ],
+ [
+ "14",
+ "2"
+ ],
+ [
+ "ĠS",
+ "ounds"
+ ],
+ [
+ "Ġan",
+ "th"
+ ],
+ [
+ "Ġtu",
+ "ber"
+ ],
+ [
+ "Ġprop",
+ "he"
+ ],
+ [
+ "ĠReg",
+ "ion"
+ ],
+ [
+ "Ġjud",
+ "icial"
+ ],
+ [
+ "(n",
+ "um"
+ ],
+ [
+ "Ġdetect",
+ "ing"
+ ],
+ [
+ "-",
+ "comp"
+ ],
+ [
+ "13",
+ "4"
+ ],
+ [
+ "ĠArch",
+ "ae"
+ ],
+ [
+ "st",
+ "an"
+ ],
+ [
+ "ag",
+ "u"
+ ],
+ [
+ "ĠImm",
+ "un"
+ ],
+ [
+ "izophren",
+ "ia"
+ ],
+ [
+ "ĠM",
+ "u"
+ ],
+ [
+ "Ġsmart",
+ "phone"
+ ],
+ [
+ "ar",
+ "on"
+ ],
+ [
+ "ĠF",
+ "ICTION"
+ ],
+ [
+ "ĠDiff",
+ "erence"
+ ],
+ [
+ "Ġdes",
+ "p"
+ ],
+ [
+ "ĠB",
+ "road"
+ ],
+ [
+ "s",
+ "ome"
+ ],
+ [
+ "ab",
+ "ama"
+ ],
+ [
+ "iv",
+ "o"
+ ],
+ [
+ "f",
+ "il"
+ ],
+ [
+ "Ġbond",
+ "ing"
+ ],
+ [
+ "ware",
+ "ness"
+ ],
+ [
+ "mod",
+ "el"
+ ],
+ [
+ "25",
+ "6"
+ ],
+ [
+ "Ġprem",
+ "ature"
+ ],
+ [
+ "Ġdes",
+ "cent"
+ ],
+ [
+ "Ġrecre",
+ "ational"
+ ],
+ [
+ "H",
+ "aving"
+ ],
+ [
+ "ĠM",
+ "obile"
+ ],
+ [
+ "Ġn",
+ "m"
+ ],
+ [
+ "Ġdis",
+ "pro"
+ ],
+ [
+ "Ġsh",
+ "ark"
+ ],
+ [
+ "âĢ",
+ "³"
+ ],
+ [
+ "Ġcryst",
+ "all"
+ ],
+ [
+ "ĠMot",
+ "or"
+ ],
+ [
+ "(",
+ "B"
+ ],
+ [
+ "ron",
+ "ics"
+ ],
+ [
+ "ĠDo",
+ "ctor"
+ ],
+ [
+ "Ġde",
+ "emed"
+ ],
+ [
+ "els",
+ "ius"
+ ],
+ [
+ "-d",
+ "own"
+ ],
+ [
+ "ahren",
+ "heit"
+ ],
+ [
+ "Ġinsight",
+ "ful"
+ ],
+ [
+ "ĠOtt",
+ "oman"
+ ],
+ [
+ "Ġadjust",
+ "ment"
+ ],
+ [
+ "ĠTechn",
+ "ologies"
+ ],
+ [
+ "fact",
+ "ory"
+ ],
+ [
+ "g",
+ "age"
+ ],
+ [
+ "ĠMark",
+ "eting"
+ ],
+ [
+ "Ġclim",
+ "ates"
+ ],
+ [
+ "het",
+ "ical"
+ ],
+ [
+ "ĠFe",
+ "ed"
+ ],
+ [
+ "Ġab",
+ "ortion"
+ ],
+ [
+ "â",
+ "Ĩ"
+ ],
+ [
+ "t",
+ "z"
+ ],
+ [
+ "ĠGree",
+ "ks"
+ ],
+ [
+ "ĠP",
+ "it"
+ ],
+ [
+ "Ġwhere",
+ "ver"
+ ],
+ [
+ "az",
+ "ines"
+ ],
+ [
+ "ĠI",
+ "g"
+ ],
+ [
+ "Ġwh",
+ "ales"
+ ],
+ [
+ "ass",
+ "ert"
+ ],
+ [
+ "ĠGe",
+ "ometry"
+ ],
+ [
+ "is",
+ "an"
+ ],
+ [
+ "Ġsmart",
+ "phones"
+ ],
+ [
+ "ĠR",
+ "ules"
+ ],
+ [
+ "Or",
+ "gan"
+ ],
+ [
+ "Ġmedic",
+ "inal"
+ ],
+ [
+ "ĠC",
+ "ould"
+ ],
+ [
+ "in",
+ "os"
+ ],
+ [
+ "Ġnegot",
+ "iations"
+ ],
+ [
+ "forest",
+ "ation"
+ ],
+ [
+ "Ġoverwhel",
+ "med"
+ ],
+ [
+ "Ġw",
+ "ounds"
+ ],
+ [
+ "ĠTh",
+ "ompson"
+ ],
+ [
+ "rag",
+ "on"
+ ],
+ [
+ "Ġsupp",
+ "ress"
+ ],
+ [
+ "ĠE",
+ "uro"
+ ],
+ [
+ "Ġch",
+ "im"
+ ],
+ [
+ "Ġen",
+ "for"
+ ],
+ [
+ "Ġbl",
+ "ade"
+ ],
+ [
+ "ig",
+ "ious"
+ ],
+ [
+ "ĠAlg",
+ "orith"
+ ],
+ [
+ "ch",
+ "y"
+ ],
+ [
+ "14",
+ "6"
+ ],
+ [
+ "ĠC",
+ "ab"
+ ],
+ [
+ "Ġexpl",
+ "osion"
+ ],
+ [
+ "G",
+ "B"
+ ],
+ [
+ "Ġarchitect",
+ "s"
+ ],
+ [
+ "âĢ¦âĢ¦",
+ "âĢ¦âĢ¦"
+ ],
+ [
+ "Ġpneum",
+ "onia"
+ ],
+ [
+ "Ġgr",
+ "ate"
+ ],
+ [
+ "ÑĢ",
+ "е"
+ ],
+ [
+ "ĠSe",
+ "ek"
+ ],
+ [
+ "Ġcustom",
+ "ized"
+ ],
+ [
+ "Ġr",
+ "ash"
+ ],
+ [
+ "ru",
+ "bs"
+ ],
+ [
+ "ĠCh",
+ "am"
+ ],
+ [
+ "ĠW",
+ "olf"
+ ],
+ [
+ "ĠMon",
+ "itoring"
+ ],
+ [
+ "Ġprompt",
+ "ly"
+ ],
+ [
+ "Ġvulner",
+ "abilities"
+ ],
+ [
+ ",",
+ "-"
+ ],
+ [
+ "ens",
+ "or"
+ ],
+ [
+ "ĠS",
+ "in"
+ ],
+ [
+ "CS",
+ "S"
+ ],
+ [
+ "Ġide",
+ "als"
+ ],
+ [
+ "Ġcomp",
+ "iled"
+ ],
+ [
+ "al",
+ "in"
+ ],
+ [
+ "Ġmod",
+ "est"
+ ],
+ [
+ "s",
+ "l"
+ ],
+ [
+ "Ġinv",
+ "ite"
+ ],
+ [
+ "Ġd",
+ "ens"
+ ],
+ [
+ "oc",
+ "l"
+ ],
+ [
+ "Ġtra",
+ "cing"
+ ],
+ [
+ "ĠS",
+ "ave"
+ ],
+ [
+ "ĠC",
+ "hen"
+ ],
+ [
+ "h",
+ "ind"
+ ],
+ [
+ "m",
+ "us"
+ ],
+ [
+ "ĠS",
+ "ri"
+ ],
+ [
+ "Ġlit",
+ "ter"
+ ],
+ [
+ "R",
+ "ed"
+ ],
+ [
+ "w",
+ "orld"
+ ],
+ [
+ "ĠCond",
+ "ition"
+ ],
+ [
+ "Am",
+ "ong"
+ ],
+ [
+ "Ġcommer",
+ "ce"
+ ],
+ [
+ "f",
+ "ree"
+ ],
+ [
+ "ĠHar",
+ "ry"
+ ],
+ [
+ "ĠN",
+ "ormal"
+ ],
+ [
+ "Ġmit",
+ "ochond"
+ ],
+ [
+ "Ġco",
+ "ach"
+ ],
+ [
+ "Ġrail",
+ "road"
+ ],
+ [
+ "ĠAff",
+ "airs"
+ ],
+ [
+ "ĠDe",
+ "ad"
+ ],
+ [
+ "Ġinstall",
+ "ing"
+ ],
+ [
+ "Ġansw",
+ "ering"
+ ],
+ [
+ "Ġrec",
+ "ru"
+ ],
+ [
+ "Ġwant",
+ "ing"
+ ],
+ [
+ "Ġle",
+ "ather"
+ ],
+ [
+ "ox",
+ "ic"
+ ],
+ [
+ "$$",
+ "Ċ"
+ ],
+ [
+ "r",
+ "idge"
+ ],
+ [
+ "de",
+ "velop"
+ ],
+ [
+ "Ġretire",
+ "ment"
+ ],
+ [
+ "Ġme",
+ "ats"
+ ],
+ [
+ "ĠDef",
+ "ense"
+ ],
+ [
+ "Ġbl",
+ "ending"
+ ],
+ [
+ "Ġcrit",
+ "ique"
+ ],
+ [
+ "ĠPre",
+ "vent"
+ ],
+ [
+ "ĠM",
+ "om"
+ ],
+ [
+ "Ġhost",
+ "ing"
+ ],
+ [
+ "p",
+ "us"
+ ],
+ [
+ "-",
+ "aware"
+ ],
+ [
+ "il",
+ "ization"
+ ],
+ [
+ "og",
+ "ical"
+ ],
+ [
+ "ĠNon",
+ "etheless"
+ ],
+ [
+ "Ġ",
+ "ib"
+ ],
+ [
+ "#",
+ "Ċ"
+ ],
+ [
+ "Ï",
+ "Ħ"
+ ],
+ [
+ "ast",
+ "ically"
+ ],
+ [
+ "As",
+ "k"
+ ],
+ [
+ "ĠNap",
+ "ole"
+ ],
+ [
+ "Ġtransport",
+ "ed"
+ ],
+ [
+ "Ġjud",
+ "ges"
+ ],
+ [
+ "i",
+ "age"
+ ],
+ [
+ "-m",
+ "inded"
+ ],
+ [
+ "Ġequ",
+ "ip"
+ ],
+ [
+ "an",
+ "ia"
+ ],
+ [
+ "Ġprint",
+ "s"
+ ],
+ [
+ "Ġimag",
+ "inary"
+ ],
+ [
+ "Ġvirt",
+ "ue"
+ ],
+ [
+ "Ġselect",
+ "ive"
+ ],
+ [
+ "ĠLess",
+ "ons"
+ ],
+ [
+ "Ph",
+ "ysical"
+ ],
+ [
+ "Ġtest",
+ "im"
+ ],
+ [
+ "ĠG",
+ "il"
+ ],
+ [
+ "ĠE",
+ "PA"
+ ],
+ [
+ "Ġprotagon",
+ "ist"
+ ],
+ [
+ "ĠIll",
+ "ust"
+ ],
+ [
+ "ĠE",
+ "lementary"
+ ],
+ [
+ "ĠBre",
+ "ak"
+ ],
+ [
+ "ĠMin",
+ "nesota"
+ ],
+ [
+ "Ġfun",
+ "gal"
+ ],
+ [
+ "ĠEm",
+ "otional"
+ ],
+ [
+ "Ġco",
+ "il"
+ ],
+ [
+ "ĠEx",
+ "change"
+ ],
+ [
+ "ĠL",
+ "oc"
+ ],
+ [
+ "-p",
+ "erson"
+ ],
+ [
+ "pro",
+ "of"
+ ],
+ [
+ "ĠPict",
+ "ure"
+ ],
+ [
+ "ĠT",
+ "u"
+ ],
+ [
+ "Ġschedul",
+ "ed"
+ ],
+ [
+ "Ġne",
+ "at"
+ ],
+ [
+ "ester",
+ "day"
+ ],
+ [
+ "-",
+ "for"
+ ],
+ [
+ "ĠLiter",
+ "ary"
+ ],
+ [
+ "Ch",
+ "oose"
+ ],
+ [
+ "ĠSy",
+ "nt"
+ ],
+ [
+ "Ġyour",
+ "s"
+ ],
+ [
+ "L",
+ "ong"
+ ],
+ [
+ "Ġind",
+ "ispens"
+ ],
+ [
+ "Ġinequ",
+ "alities"
+ ],
+ [
+ "ĠE",
+ "ra"
+ ],
+ [
+ "ĠSwed",
+ "ish"
+ ],
+ [
+ "Ġambit",
+ "ious"
+ ],
+ [
+ "ĠW",
+ "iring"
+ ],
+ [
+ "less",
+ "ness"
+ ],
+ [
+ "Ġ",
+ "),"
+ ],
+ [
+ "å",
+ "°"
+ ],
+ [
+ "ĠSol",
+ "ve"
+ ],
+ [
+ "b",
+ "in"
+ ],
+ [
+ "Ġsil",
+ "k"
+ ],
+ [
+ "Ġp",
+ "ist"
+ ],
+ [
+ "Ġex",
+ "terior"
+ ],
+ [
+ "Ġinvest",
+ "ed"
+ ],
+ [
+ "Ġbrain",
+ "storm"
+ ],
+ [
+ "Ġf",
+ "ox"
+ ],
+ [
+ "Ġteam",
+ "work"
+ ],
+ [
+ "Ġwh",
+ "ites"
+ ],
+ [
+ "ĠProper",
+ "ties"
+ ],
+ [
+ "Ġimag",
+ "ined"
+ ],
+ [
+ "Ġmot",
+ "ors"
+ ],
+ [
+ "ĠA",
+ "x"
+ ],
+ [
+ "Ġpros",
+ "pects"
+ ],
+ [
+ "ĠM",
+ "as"
+ ],
+ [
+ "Ġfor",
+ "cing"
+ ],
+ [
+ "Ġspecific",
+ "ations"
+ ],
+ [
+ "rop",
+ "y"
+ ],
+ [
+ ".s",
+ "ub"
+ ],
+ [
+ "ik",
+ "h"
+ ],
+ [
+ "Ġcomment",
+ "ary"
+ ],
+ [
+ "ast",
+ "ed"
+ ],
+ [
+ "sc",
+ "ore"
+ ],
+ [
+ "ay",
+ "ers"
+ ],
+ [
+ "Ġsc",
+ "attered"
+ ],
+ [
+ "Ġdecor",
+ "ative"
+ ],
+ [
+ "Ġaccept",
+ "ing"
+ ],
+ [
+ "Ġan",
+ "a"
+ ],
+ [
+ "Ġsil",
+ "ence"
+ ],
+ [
+ "ĠÎ",
+ "¸"
+ ],
+ [
+ "Ġacqu",
+ "iring"
+ ],
+ [
+ "Ġpractical",
+ "ity"
+ ],
+ [
+ "feed",
+ "ing"
+ ],
+ [
+ "ĠS",
+ "ARS"
+ ],
+ [
+ "Ġlast",
+ "s"
+ ],
+ [
+ "og",
+ "ly"
+ ],
+ [
+ "Ġrec",
+ "urs"
+ ],
+ [
+ "ĠLaw",
+ "s"
+ ],
+ [
+ "00",
+ "2"
+ ],
+ [
+ "ĠT",
+ "empl"
+ ],
+ [
+ "Î",
+ "»"
+ ],
+ [
+ "B",
+ "R"
+ ],
+ [
+ "ur",
+ "face"
+ ],
+ [
+ "Ġindu",
+ "ce"
+ ],
+ [
+ "c",
+ "reat"
+ ],
+ [
+ "Ġcoll",
+ "ision"
+ ],
+ [
+ "ĠAgricult",
+ "ural"
+ ],
+ [
+ "id",
+ "en"
+ ],
+ [
+ "å",
+ "ĩ"
+ ],
+ [
+ "Ġch",
+ "i"
+ ],
+ [
+ "}",
+ ")"
+ ],
+ [
+ "ĠGerm",
+ "ans"
+ ],
+ [
+ "et",
+ "o"
+ ],
+ [
+ "ĠM",
+ "ember"
+ ],
+ [
+ "ĠAll",
+ "ah"
+ ],
+ [
+ "Ġdr",
+ "ill"
+ ],
+ [
+ "g",
+ "ood"
+ ],
+ [
+ "ĠU",
+ "pper"
+ ],
+ [
+ "ĠH",
+ "ope"
+ ],
+ [
+ "ĠSpe",
+ "ech"
+ ],
+ [
+ "Ġfast",
+ "est"
+ ],
+ [
+ "ĉ",
+ "return"
+ ],
+ [
+ "(d",
+ "ata"
+ ],
+ [
+ "G",
+ "A"
+ ],
+ [
+ "od",
+ "ont"
+ ],
+ [
+ "Ġult",
+ "ra"
+ ],
+ [
+ "Ġmand",
+ "atory"
+ ],
+ [
+ "Ġtrick",
+ "y"
+ ],
+ [
+ "Ġtomat",
+ "o"
+ ],
+ [
+ "U",
+ "E"
+ ],
+ [
+ "Ke",
+ "ep"
+ ],
+ [
+ "Ġtrans",
+ "cription"
+ ],
+ [
+ "Ġdelay",
+ "ed"
+ ],
+ [
+ "Ġend",
+ "urance"
+ ],
+ [
+ "Ġproblem",
+ "atic"
+ ],
+ [
+ "ĠConcept",
+ "s"
+ ],
+ [
+ "Ġmultipl",
+ "ied"
+ ],
+ [
+ "ennes",
+ "see"
+ ],
+ [
+ "Ġuncom",
+ "mon"
+ ],
+ [
+ "Ġrespect",
+ "ful"
+ ],
+ [
+ "ut",
+ "ation"
+ ],
+ [
+ "Ġexp",
+ "ose"
+ ],
+ [
+ "Ġox",
+ "idation"
+ ],
+ [
+ "Ġforg",
+ "otten"
+ ],
+ [
+ "ar",
+ "o"
+ ],
+ [
+ "Ġbl",
+ "ame"
+ ],
+ [
+ "Ġincorpor",
+ "ates"
+ ],
+ [
+ "n",
+ "iv"
+ ],
+ [
+ "ograph",
+ "ics"
+ ],
+ [
+ "cil",
+ "iation"
+ ],
+ [
+ "Ġrepet",
+ "itive"
+ ],
+ [
+ "Ġrec",
+ "overed"
+ ],
+ [
+ "Ġtransl",
+ "ations"
+ ],
+ [
+ "ĠCE",
+ "O"
+ ],
+ [
+ "ĠC",
+ "as"
+ ],
+ [
+ "ir",
+ "ts"
+ ],
+ [
+ "S",
+ "cience"
+ ],
+ [
+ "du",
+ "p"
+ ],
+ [
+ "ject",
+ "ives"
+ ],
+ [
+ "âĢ¦",
+ "."
+ ],
+ [
+ "ĠFest",
+ "ival"
+ ],
+ [
+ "ing",
+ "e"
+ ],
+ [
+ "Ġtransc",
+ "end"
+ ],
+ [
+ ".",
+ "In"
+ ],
+ [
+ "ĠFood",
+ "s"
+ ],
+ [
+ "us",
+ "hes"
+ ],
+ [
+ "Ġwith",
+ "stand"
+ ],
+ [
+ "Ġf",
+ "iscal"
+ ],
+ [
+ "Ġap",
+ "a"
+ ],
+ [
+ "-",
+ "Ch"
+ ],
+ [
+ "ĠV",
+ "ill"
+ ],
+ [
+ "Ġreconst",
+ "ruction"
+ ],
+ [
+ "p",
+ "op"
+ ],
+ [
+ "Ð",
+ "±"
+ ],
+ [
+ "Ġco",
+ "h"
+ ],
+ [
+ "Ġexist",
+ "ential"
+ ],
+ [
+ "play",
+ "er"
+ ],
+ [
+ "vironment",
+ "al"
+ ],
+ [
+ "ĠAnt",
+ "on"
+ ],
+ [
+ "-st",
+ "yle"
+ ],
+ [
+ "M",
+ "ax"
+ ],
+ [
+ "ambo",
+ "o"
+ ],
+ [
+ "Ġg",
+ "low"
+ ],
+ [
+ "ĠF",
+ "IG"
+ ],
+ [
+ "Ë",
+ "Ī"
+ ],
+ [
+ "j",
+ "e"
+ ],
+ [
+ "ĠWe",
+ "ather"
+ ],
+ [
+ "Ġun",
+ "int"
+ ],
+ [
+ "Ġst",
+ "igma"
+ ],
+ [
+ "Ġmac",
+ "beth"
+ ],
+ [
+ "Rel",
+ "ated"
+ ],
+ [
+ "if",
+ "iable"
+ ],
+ [
+ "ï",
+ "¬ģ"
+ ],
+ [
+ "Ġd",
+ "rew"
+ ],
+ [
+ "Ġautom",
+ "otive"
+ ],
+ [
+ "ach",
+ "ment"
+ ],
+ [
+ "ĠC",
+ "C"
+ ],
+ [
+ "ĠDecl",
+ "aration"
+ ],
+ [
+ "m",
+ "ay"
+ ],
+ [
+ "ĠR",
+ "F"
+ ],
+ [
+ "G",
+ "reen"
+ ],
+ [
+ "Cont",
+ "in"
+ ],
+ [
+ "ĠP",
+ "ed"
+ ],
+ [
+ "Ġex",
+ "otic"
+ ],
+ [
+ "ĠK",
+ "han"
+ ],
+ [
+ "ĠRec",
+ "ord"
+ ],
+ [
+ "Ġf",
+ "ancy"
+ ],
+ [
+ "Ġflu",
+ "ores"
+ ],
+ [
+ "Ġann",
+ "iversary"
+ ],
+ [
+ "ĠB",
+ "rief"
+ ],
+ [
+ "ĠE",
+ "ye"
+ ],
+ [
+ "Ġst",
+ "umbled"
+ ],
+ [
+ "-se",
+ "ction"
+ ],
+ [
+ "ON",
+ "OM"
+ ],
+ [
+ "]",
+ ",Ċ"
+ ],
+ [
+ "ĠCol",
+ "on"
+ ],
+ [
+ ".",
+ "co"
+ ],
+ [
+ "ĠD",
+ "E"
+ ],
+ [
+ "Ġvine",
+ "gar"
+ ],
+ [
+ "n",
+ "ote"
+ ],
+ [
+ "ist",
+ "a"
+ ],
+ [
+ "ec",
+ "hes"
+ ],
+ [
+ "Ġimag",
+ "in"
+ ],
+ [
+ "Ġirrit",
+ "ation"
+ ],
+ [
+ "re",
+ "a"
+ ],
+ [
+ "ĠM",
+ "is"
+ ],
+ [
+ "Ġer",
+ "ad"
+ ],
+ [
+ "Ġd",
+ "ip"
+ ],
+ [
+ "W",
+ "S"
+ ],
+ [
+ "OR",
+ "D"
+ ],
+ [
+ "Ġneighb",
+ "our"
+ ],
+ [
+ "Ġexerc",
+ "ising"
+ ],
+ [
+ "ĠLet",
+ "ters"
+ ],
+ [
+ "Ï",
+ "ģ"
+ ],
+ [
+ "ĠExpl",
+ "oration"
+ ],
+ [
+ "ĠComm",
+ "and"
+ ],
+ [
+ "ĠNurs",
+ "ing"
+ ],
+ [
+ "Ġsec",
+ "ular"
+ ],
+ [
+ "ĠMiss",
+ "ouri"
+ ],
+ [
+ "Ġfol",
+ "iage"
+ ],
+ [
+ "Ġlower",
+ "ing"
+ ],
+ [
+ "Ġstri",
+ "kes"
+ ],
+ [
+ "Ġc",
+ "ous"
+ ],
+ [
+ "Ġqu",
+ "it"
+ ],
+ [
+ "Ġgre",
+ "ens"
+ ],
+ [
+ "Ġm",
+ "l"
+ ],
+ [
+ "ĠPre",
+ "p"
+ ],
+ [
+ "angu",
+ "ages"
+ ],
+ [
+ "ĠPsych",
+ "ological"
+ ],
+ [
+ "Ġentreprene",
+ "ur"
+ ],
+ [
+ "e",
+ "ur"
+ ],
+ [
+ "Ġsimilar",
+ "ity"
+ ],
+ [
+ "ĠOlymp",
+ "ic"
+ ],
+ [
+ "aud",
+ "i"
+ ],
+ [
+ "Follow",
+ "ing"
+ ],
+ [
+ "ER",
+ "E"
+ ],
+ [
+ "ĠVis",
+ "it"
+ ],
+ [
+ "*",
+ "("
+ ],
+ [
+ "Ġ(",
+ "("
+ ],
+ [
+ "Ġreal",
+ "izing"
+ ],
+ [
+ "ĠH",
+ "ub"
+ ],
+ [
+ "ill",
+ "ary"
+ ],
+ [
+ "ĠF",
+ "ox"
+ ],
+ [
+ "Ġp",
+ "oultry"
+ ],
+ [
+ "TION",
+ "S"
+ ],
+ [
+ "ĠI",
+ "d"
+ ],
+ [
+ "Ġp",
+ "izza"
+ ],
+ [
+ "u",
+ "ilt"
+ ],
+ [
+ "ĠInnov",
+ "ation"
+ ],
+ [
+ "g",
+ "ly"
+ ],
+ [
+ "É",
+ "Ļ"
+ ],
+ [
+ "du",
+ "e"
+ ],
+ [
+ "ap",
+ "es"
+ ],
+ [
+ "ĠFact",
+ "or"
+ ],
+ [
+ "Ġrail",
+ "way"
+ ],
+ [
+ "Ġsuper",
+ "natural"
+ ],
+ [
+ "ff",
+ "icking"
+ ],
+ [
+ "Ġview",
+ "points"
+ ],
+ [
+ "lear",
+ "n"
+ ],
+ [
+ "ĠForm",
+ "ula"
+ ],
+ [
+ "Ġderiv",
+ "atives"
+ ],
+ [
+ "Ġsh",
+ "rink"
+ ],
+ [
+ "Ġmus",
+ "cular"
+ ],
+ [
+ "Ġclin",
+ "ic"
+ ],
+ [
+ "Ġestim",
+ "ation"
+ ],
+ [
+ "Ġcrus",
+ "hed"
+ ],
+ [
+ "Ġrequ",
+ "ested"
+ ],
+ [
+ "Ġpredict",
+ "ive"
+ ],
+ [
+ "ĠJ",
+ "ob"
+ ],
+ [
+ "Ġevery",
+ "body"
+ ],
+ [
+ "Ġover",
+ "t"
+ ],
+ [
+ "g",
+ "roup"
+ ],
+ [
+ "Ġearthqu",
+ "akes"
+ ],
+ [
+ "Ġlast",
+ "ed"
+ ],
+ [
+ "inf",
+ "o"
+ ],
+ [
+ "Ġsex",
+ "ually"
+ ],
+ [
+ "Ġwin",
+ "ner"
+ ],
+ [
+ "i",
+ "ens"
+ ],
+ [
+ "hel",
+ "ial"
+ ],
+ [
+ "M",
+ "ENT"
+ ],
+ [
+ "K",
+ "S"
+ ],
+ [
+ "Ġt",
+ "ags"
+ ],
+ [
+ "ĠH",
+ "E"
+ ],
+ [
+ "Ġen",
+ "ric"
+ ],
+ [
+ "Ġempower",
+ "ing"
+ ],
+ [
+ "en",
+ "c"
+ ],
+ [
+ "re",
+ "nd"
+ ],
+ [
+ "Ġtre",
+ "asures"
+ ],
+ [
+ "Ġcomp",
+ "ly"
+ ],
+ [
+ "Ġfol",
+ "d"
+ ],
+ [
+ "Ġpro",
+ "be"
+ ],
+ [
+ "Ġag",
+ "enda"
+ ],
+ [
+ "A",
+ "V"
+ ],
+ [
+ "Ġp",
+ "orts"
+ ],
+ [
+ "Ġimpro",
+ "per"
+ ],
+ [
+ "ĠAut",
+ "o"
+ ],
+ [
+ "ĠIn",
+ "fect"
+ ],
+ [
+ "ĠApp",
+ "lying"
+ ],
+ [
+ "Ġlar",
+ "vae"
+ ],
+ [
+ "Ġcort",
+ "ex"
+ ],
+ [
+ "Ġgradu",
+ "al"
+ ],
+ [
+ "Ġser",
+ "um"
+ ],
+ [
+ "ĠQu",
+ "ick"
+ ],
+ [
+ "Ġguarant",
+ "eed"
+ ],
+ [
+ "Ġinter",
+ "play"
+ ],
+ [
+ "OR",
+ "E"
+ ],
+ [
+ "Ġb",
+ "atch"
+ ],
+ [
+ "Ġbur",
+ "st"
+ ],
+ [
+ "ĠH",
+ "amilton"
+ ],
+ [
+ ".",
+ "["
+ ],
+ [
+ "Ġtal",
+ "ented"
+ ],
+ [
+ "Ġwed",
+ "ding"
+ ],
+ [
+ "Â",
+ "ĿÂ"
+ ],
+ [
+ "ar",
+ "b"
+ ],
+ [
+ "Ġide",
+ "ology"
+ ],
+ [
+ "U",
+ "P"
+ ],
+ [
+ "ĠEqu",
+ "ipment"
+ ],
+ [
+ "ver",
+ "bal"
+ ],
+ [
+ "Ġu",
+ "mb"
+ ],
+ [
+ "Ġh",
+ "tml"
+ ],
+ [
+ "Ġth",
+ "y"
+ ],
+ [
+ "ĠAl",
+ "t"
+ ],
+ [
+ "ĠDar",
+ "win"
+ ],
+ [
+ "b",
+ "n"
+ ],
+ [
+ "ĠB",
+ "ird"
+ ],
+ [
+ "ira",
+ "cy"
+ ],
+ [
+ "G",
+ "PT"
+ ],
+ [
+ "Ġam",
+ "ph"
+ ],
+ [
+ "Ġgu",
+ "est"
+ ],
+ [
+ "ist",
+ "le"
+ ],
+ [
+ "14",
+ "8"
+ ],
+ [
+ "Ġst",
+ "amp"
+ ],
+ [
+ "ĠGr",
+ "ant"
+ ],
+ [
+ "ĠEvent",
+ "ually"
+ ],
+ [
+ "Post",
+ "ed"
+ ],
+ [
+ "Ġcool",
+ "er"
+ ],
+ [
+ "Ġv",
+ "oy"
+ ],
+ [
+ "Ġindispens",
+ "able"
+ ],
+ [
+ "Ġw",
+ "rap"
+ ],
+ [
+ "Ġex",
+ "cer"
+ ],
+ [
+ "Ġb",
+ "ats"
+ ],
+ [
+ "ĠCast",
+ "le"
+ ],
+ [
+ "Ġle",
+ "isure"
+ ],
+ [
+ "e",
+ "ven"
+ ],
+ [
+ "Ġcr",
+ "ises"
+ ],
+ [
+ "ĠMem",
+ "bers"
+ ],
+ [
+ "Ġover",
+ "head"
+ ],
+ [
+ "ĠIncre",
+ "ased"
+ ],
+ [
+ "ĠI",
+ "R"
+ ],
+ [
+ "ĠD",
+ "iversity"
+ ],
+ [
+ "ion",
+ "ed"
+ ],
+ [
+ "Ġref",
+ "lex"
+ ],
+ [
+ "ĠShe",
+ "et"
+ ],
+ [
+ "ĠSw",
+ "itzerland"
+ ],
+ [
+ "ĠRet",
+ "urns"
+ ],
+ [
+ "ĠSy",
+ "ria"
+ ],
+ [
+ "Ġcapital",
+ "ism"
+ ],
+ [
+ "h",
+ "u"
+ ],
+ [
+ "Ġst",
+ "icks"
+ ],
+ [
+ "Ġtremend",
+ "ous"
+ ],
+ [
+ "ĠWis",
+ "consin"
+ ],
+ [
+ "Ġint",
+ "act"
+ ],
+ [
+ "Ġterrit",
+ "orial"
+ ],
+ [
+ "Ġwis",
+ "hes"
+ ],
+ [
+ "$",
+ ".ĊĊ"
+ ],
+ [
+ "on",
+ "omy"
+ ],
+ [
+ "Ġpre",
+ "liminary"
+ ],
+ [
+ "ĠDen",
+ "mark"
+ ],
+ [
+ "Ġrat",
+ "ings"
+ ],
+ [
+ "Ġlith",
+ "ium"
+ ],
+ [
+ "Ġimport",
+ "ed"
+ ],
+ [
+ "Ġsimpl",
+ "ified"
+ ],
+ [
+ "re",
+ "ne"
+ ],
+ [
+ "(",
+ "r"
+ ],
+ [
+ "ĠExper",
+ "t"
+ ],
+ [
+ "Ġmas",
+ "cul"
+ ],
+ [
+ "ĠEmbra",
+ "cing"
+ ],
+ [
+ "Ġseaf",
+ "ood"
+ ],
+ [
+ "Ġcelebr",
+ "ations"
+ ],
+ [
+ "ĠH",
+ "ad"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠ",
+ "Ġ"
+ ],
+ [
+ "Ġconf",
+ "ined"
+ ],
+ [
+ "Ġemp",
+ "owers"
+ ],
+ [
+ "Ġexp",
+ "ository"
+ ],
+ [
+ "Ġproject",
+ "ion"
+ ],
+ [
+ "Ġhoriz",
+ "on"
+ ],
+ [
+ "Ġfacilit",
+ "ates"
+ ],
+ [
+ "Ġempower",
+ "ment"
+ ],
+ [
+ "Ġdivis",
+ "ible"
+ ],
+ [
+ "r",
+ "ational"
+ ],
+ [
+ "Ġpro",
+ "pri"
+ ],
+ [
+ "Ġbul",
+ "let"
+ ],
+ [
+ "Ġspecial",
+ "ly"
+ ],
+ [
+ "ĠJ",
+ "ordan"
+ ],
+ [
+ "Ġrest",
+ "ing"
+ ],
+ [
+ "ĠPart",
+ "ners"
+ ],
+ [
+ "Ġg",
+ "on"
+ ],
+ [
+ "Ġintest",
+ "ine"
+ ],
+ [
+ "est",
+ "ones"
+ ],
+ [
+ "Ġwaste",
+ "water"
+ ],
+ [
+ "Ġpsych",
+ "ologists"
+ ],
+ [
+ ".",
+ "uk"
+ ],
+ [
+ "Ġhor",
+ "ror"
+ ],
+ [
+ "AC",
+ "T"
+ ],
+ [
+ "Ġprovin",
+ "ces"
+ ],
+ [
+ "Ġseam",
+ "lessly"
+ ],
+ [
+ "li",
+ "hood"
+ ],
+ [
+ "ĠG",
+ "i"
+ ],
+ [
+ "Ġphosph",
+ "orus"
+ ],
+ [
+ "Ġenterpr",
+ "ises"
+ ],
+ [
+ "and",
+ "hi"
+ ],
+ [
+ "Ġcigare",
+ "tte"
+ ],
+ [
+ "ĠB",
+ "or"
+ ],
+ [
+ "L",
+ "ife"
+ ],
+ [
+ "Ġher",
+ "bal"
+ ],
+ [
+ "ĠD",
+ "or"
+ ],
+ [
+ "arg",
+ "s"
+ ],
+ [
+ "Ġpres",
+ "um"
+ ],
+ [
+ "Ġmonit",
+ "ored"
+ ],
+ [
+ "A",
+ "cc"
+ ],
+ [
+ "n",
+ "osis"
+ ],
+ [
+ "Ġcultiv",
+ "ated"
+ ],
+ [
+ "Ġepid",
+ "em"
+ ],
+ [
+ "Ġel",
+ "ite"
+ ],
+ [
+ "Ġtast",
+ "es"
+ ],
+ [
+ "A",
+ "tt"
+ ],
+ [
+ "Ġgu",
+ "ys"
+ ],
+ [
+ "Ġcompr",
+ "ised"
+ ],
+ [
+ "-h",
+ "our"
+ ],
+ [
+ "Ġman",
+ "ually"
+ ],
+ [
+ "ag",
+ "ger"
+ ],
+ [
+ "Ġh",
+ "ire"
+ ],
+ [
+ "-",
+ "I"
+ ],
+ [
+ "13",
+ "9"
+ ],
+ [
+ "Ġinstruct",
+ "ors"
+ ],
+ [
+ "ĠSpe",
+ "cific"
+ ],
+ [
+ "Ġin",
+ "ert"
+ ],
+ [
+ "l",
+ "abel"
+ ],
+ [
+ "Ġc",
+ "ows"
+ ],
+ [
+ "Ġex",
+ "cluded"
+ ],
+ [
+ "Ġbas",
+ "in"
+ ],
+ [
+ "m",
+ "g"
+ ],
+ [
+ "Ġoverl",
+ "ap"
+ ],
+ [
+ "ĠÂ",
+ "«"
+ ],
+ [
+ "Ġexped",
+ "ition"
+ ],
+ [
+ "b",
+ "led"
+ ],
+ [
+ "Ġrel",
+ "ied"
+ ],
+ [
+ "em",
+ "ail"
+ ],
+ [
+ "Ġveterin",
+ "arian"
+ ],
+ [
+ "Ġgu",
+ "ilty"
+ ],
+ [
+ "Ġroll",
+ "er"
+ ],
+ [
+ "w",
+ "elling"
+ ],
+ [
+ "Ġtra",
+ "dem"
+ ],
+ [
+ "Ġpar",
+ "a"
+ ],
+ [
+ "ĠInteg",
+ "ration"
+ ],
+ [
+ "Ġfl",
+ "aw"
+ ],
+ [
+ "it",
+ "i"
+ ],
+ [
+ "ĠAd",
+ "ditional"
+ ],
+ [
+ "Ġult",
+ "rasound"
+ ],
+ [
+ "P",
+ "op"
+ ],
+ [
+ "organ",
+ "ic"
+ ],
+ [
+ "Ġreg",
+ "en"
+ ],
+ [
+ "Ġalle",
+ "ged"
+ ],
+ [
+ "ĠAuthor",
+ "ity"
+ ],
+ [
+ "ĠD",
+ "ry"
+ ],
+ [
+ "14",
+ "3"
+ ],
+ [
+ "Ġcru",
+ "c"
+ ],
+ [
+ "ĠJeff",
+ "erson"
+ ],
+ [
+ ";",
+ "ĊĊ"
+ ],
+ [
+ "or",
+ "rh"
+ ],
+ [
+ "Ġal",
+ "oud"
+ ],
+ [
+ "A",
+ "ccess"
+ ],
+ [
+ "ro",
+ "d"
+ ],
+ [
+ "Ġpost",
+ "er"
+ ],
+ [
+ "�",
+ "�"
+ ],
+ [
+ "Ġcru",
+ "el"
+ ],
+ [
+ "ĠAb",
+ "original"
+ ],
+ [
+ "ĠVictor",
+ "ian"
+ ],
+ [
+ "Ġneighborhood",
+ "s"
+ ],
+ [
+ "ĠCol",
+ "oring"
+ ],
+ [
+ "Ġdivis",
+ "ors"
+ ],
+ [
+ "Ġdec",
+ "ides"
+ ],
+ [
+ "Ġapprox",
+ "imate"
+ ],
+ [
+ "E",
+ "lect"
+ ],
+ [
+ "Ġtable",
+ "t"
+ ],
+ [
+ "pl",
+ "er"
+ ],
+ [
+ "Ġdis",
+ "abled"
+ ],
+ [
+ "Ġreson",
+ "ance"
+ ],
+ [
+ "Ġaqu",
+ "arium"
+ ],
+ [
+ "Ġadministr",
+ "ators"
+ ],
+ [
+ "op",
+ "ard"
+ ],
+ [
+ "Ġrad",
+ "ar"
+ ],
+ [
+ "Ex",
+ "per"
+ ],
+ [
+ "k",
+ "an"
+ ],
+ [
+ "ĠAd",
+ "ult"
+ ],
+ [
+ "Ġple",
+ "asant"
+ ],
+ [
+ "Ġauto",
+ "immune"
+ ],
+ [
+ "ĠChar",
+ "acters"
+ ],
+ [
+ "atter",
+ "ns"
+ ],
+ [
+ "Ġke",
+ "en"
+ ],
+ [
+ "Ġf",
+ "ake"
+ ],
+ [
+ "Ġbo",
+ "ats"
+ ],
+ [
+ "ud",
+ "os"
+ ],
+ [
+ "ĠG",
+ "R"
+ ],
+ [
+ "Ġstrong",
+ "est"
+ ],
+ [
+ "-f",
+ "ollow"
+ ],
+ [
+ "Ġsculpt",
+ "ure"
+ ],
+ [
+ "Ġprin",
+ "ter"
+ ],
+ [
+ "Ġstimul",
+ "us"
+ ],
+ [
+ "Sh",
+ "ow"
+ ],
+ [
+ "Ġsurv",
+ "iving"
+ ],
+ [
+ "ĠAd",
+ "ding"
+ ],
+ [
+ "os",
+ "ures"
+ ],
+ [
+ "Ġoffer",
+ "ings"
+ ],
+ [
+ "Ġdipl",
+ "om"
+ ],
+ [
+ "it",
+ "o"
+ ],
+ [
+ "Ġmembr",
+ "anes"
+ ],
+ [
+ "ĠFr",
+ "an"
+ ],
+ [
+ "Ġrespond",
+ "ents"
+ ],
+ [
+ "ut",
+ "able"
+ ],
+ [
+ "Ġsu",
+ "its"
+ ],
+ [
+ "Ġoutput",
+ "s"
+ ],
+ [
+ "/",
+ "her"
+ ],
+ [
+ "ĠM",
+ "os"
+ ],
+ [
+ "Ġacknowled",
+ "ged"
+ ],
+ [
+ "ĠB",
+ "and"
+ ],
+ [
+ "Ġrender",
+ "ing"
+ ],
+ [
+ "Ġve",
+ "t"
+ ],
+ [
+ "ĠUnex",
+ "pected"
+ ],
+ [
+ "Ġthink",
+ "ers"
+ ],
+ [
+ "F",
+ "P"
+ ],
+ [
+ "um",
+ "m"
+ ],
+ [
+ "Ġge",
+ "ological"
+ ],
+ [
+ "Ġp",
+ "ri"
+ ],
+ [
+ "ĠR",
+ "ol"
+ ],
+ [
+ "ĠM",
+ "ission"
+ ],
+ [
+ "Ġround",
+ "ed"
+ ],
+ [
+ "-",
+ "value"
+ ],
+ [
+ "Ġpure",
+ "ly"
+ ],
+ [
+ "Ġaccess",
+ "ing"
+ ],
+ [
+ "Ġspiritual",
+ "ity"
+ ],
+ [
+ "d",
+ "ney"
+ ],
+ [
+ "Ġvot",
+ "ers"
+ ],
+ [
+ "-",
+ "al"
+ ],
+ [
+ "ĠLouis",
+ "iana"
+ ],
+ [
+ "Ġra",
+ "cing"
+ ],
+ [
+ ":",
+ "*"
+ ],
+ [
+ "Ġscr",
+ "ut"
+ ],
+ [
+ "d",
+ "am"
+ ],
+ [
+ "ĠRepublic",
+ "an"
+ ],
+ [
+ "_n",
+ "ode"
+ ],
+ [
+ "Ġdefin",
+ "itive"
+ ],
+ [
+ "Ġcorre",
+ "lated"
+ ],
+ [
+ "Ġcat",
+ "alog"
+ ],
+ [
+ "Ġb",
+ "anned"
+ ],
+ [
+ "Ġaspir",
+ "ations"
+ ],
+ [
+ "Ġbl",
+ "acks"
+ ],
+ [
+ "Ġfriends",
+ "hips"
+ ],
+ [
+ "Ġpros",
+ "pective"
+ ],
+ [
+ "ĠF",
+ "ried"
+ ],
+ [
+ "Ġres",
+ "ident"
+ ],
+ [
+ "ump",
+ "y"
+ ],
+ [
+ "c",
+ "hem"
+ ],
+ [
+ "d",
+ "ays"
+ ],
+ [
+ "Ġant",
+ "im"
+ ],
+ [
+ "sh",
+ "ore"
+ ],
+ [
+ "Ġoutbre",
+ "aks"
+ ],
+ [
+ "Ġarbit",
+ "rary"
+ ],
+ [
+ "Ġt",
+ "ie"
+ ],
+ [
+ "er",
+ "k"
+ ],
+ [
+ "Ġsqu",
+ "ee"
+ ],
+ [
+ "Ġcontact",
+ "s"
+ ],
+ [
+ "l",
+ "ier"
+ ],
+ [
+ "pos",
+ "ure"
+ ],
+ [
+ "Ġpop",
+ "ul"
+ ],
+ [
+ "+",
+ "b"
+ ],
+ [
+ "Ġinf",
+ "erior"
+ ],
+ [
+ "ĠFor",
+ "um"
+ ],
+ [
+ "ĠEmer",
+ "gency"
+ ],
+ [
+ "Ġtempl",
+ "ates"
+ ],
+ [
+ "Ġg",
+ "olf"
+ ],
+ [
+ "Ġact",
+ "or"
+ ],
+ [
+ "Ġscar",
+ "ce"
+ ],
+ [
+ "Ġl",
+ "ad"
+ ],
+ [
+ "Ġbu",
+ "g"
+ ],
+ [
+ "oose",
+ "velt"
+ ],
+ [
+ "Ġturb",
+ "ine"
+ ],
+ [
+ "Ġcreat",
+ "or"
+ ],
+ [
+ "Ġdecl",
+ "aration"
+ ],
+ [
+ "not",
+ "es"
+ ],
+ [
+ ".",
+ "cl"
+ ],
+ [
+ "ĠFor",
+ "ces"
+ ],
+ [
+ "ic",
+ "ient"
+ ],
+ [
+ "Ġdies",
+ "el"
+ ],
+ [
+ "Ġm",
+ "arijuana"
+ ],
+ [
+ "ĠM",
+ "LA"
+ ],
+ [
+ "Ġcolon",
+ "ization"
+ ],
+ [
+ "S",
+ "C"
+ ],
+ [
+ "Ġd",
+ "f"
+ ],
+ [
+ "Ġan",
+ "k"
+ ],
+ [
+ "ĠÐ",
+ "º"
+ ],
+ [
+ "Ġplag",
+ "iarism"
+ ],
+ [
+ "it",
+ "ched"
+ ],
+ [
+ "H",
+ "i"
+ ],
+ [
+ "Ġcred",
+ "its"
+ ],
+ [
+ "ph",
+ "ants"
+ ],
+ [
+ "Ġauthor",
+ "ized"
+ ],
+ [
+ "Ġappar",
+ "atus"
+ ],
+ [
+ "Ġinter",
+ "faces"
+ ],
+ [
+ "ĠHis",
+ "panic"
+ ],
+ [
+ "Ġrenew",
+ "ed"
+ ],
+ [
+ ".last",
+ "name"
+ ],
+ [
+ ")",
+ ":ĊĊ"
+ ],
+ [
+ "Ġacceler",
+ "ate"
+ ],
+ [
+ "UL",
+ "T"
+ ],
+ [
+ "Ġprom",
+ "in"
+ ],
+ [
+ "ĠMalays",
+ "ia"
+ ],
+ [
+ "Ġpe",
+ "as"
+ ],
+ [
+ "ĠAmeric",
+ "as"
+ ],
+ [
+ "Ġproport",
+ "ions"
+ ],
+ [
+ "ĠRegular",
+ "ly"
+ ],
+ [
+ "Ġthreat",
+ "ening"
+ ],
+ [
+ "Ġmaster",
+ "y"
+ ],
+ [
+ "Ġquiz",
+ "zes"
+ ],
+ [
+ "Ġext",
+ "rem"
+ ],
+ [
+ "Ġcontroll",
+ "er"
+ ],
+ [
+ "ĠS",
+ "ide"
+ ],
+ [
+ "Ġf",
+ "ocal"
+ ],
+ [
+ "ur",
+ "pose"
+ ],
+ [
+ "ĠMuh",
+ "ammad"
+ ],
+ [
+ "ĠShe",
+ "l"
+ ],
+ [
+ "in",
+ "fect"
+ ],
+ [
+ "ĠArist",
+ "otle"
+ ],
+ [
+ "ub",
+ "ric"
+ ],
+ [
+ "AS",
+ "T"
+ ],
+ [
+ "ĠT",
+ "ask"
+ ],
+ [
+ "ĠP",
+ "as"
+ ],
+ [
+ "up",
+ "iter"
+ ],
+ [
+ "Ġc",
+ "ognition"
+ ],
+ [
+ "Ġen",
+ "ch"
+ ],
+ [
+ "ĠGovern",
+ "or"
+ ],
+ [
+ "ĠIss",
+ "ue"
+ ],
+ [
+ "Ġloc",
+ "als"
+ ],
+ [
+ "T",
+ "itle"
+ ],
+ [
+ "ul",
+ "ph"
+ ],
+ [
+ "Ġfrustr",
+ "ation"
+ ],
+ [
+ "us",
+ "ually"
+ ],
+ [
+ "Ġpack",
+ "et"
+ ],
+ [
+ "ess",
+ "ert"
+ ],
+ [
+ "ÃŃ",
+ "a"
+ ],
+ [
+ "Ġfles",
+ "h"
+ ],
+ [
+ "Ġshif",
+ "ted"
+ ],
+ [
+ "âĢĶ",
+ "âĢĶ"
+ ],
+ [
+ "ĠCond",
+ "itions"
+ ],
+ [
+ "Ġinev",
+ "itable"
+ ],
+ [
+ "Ġpro",
+ "state"
+ ],
+ [
+ "ĠL",
+ "if"
+ ],
+ [
+ "iction",
+ "aries"
+ ],
+ [
+ "Ñ",
+ "ħ"
+ ],
+ [
+ "Ġve",
+ "gan"
+ ],
+ [
+ "est",
+ "ial"
+ ],
+ [
+ "ib",
+ "les"
+ ],
+ [
+ "Ġcl",
+ "ip"
+ ],
+ [
+ "Ġen",
+ "velop"
+ ],
+ [
+ "Ġrelax",
+ "ed"
+ ],
+ [
+ "Ġflood",
+ "s"
+ ],
+ [
+ "Ġkey",
+ "words"
+ ],
+ [
+ "L",
+ "D"
+ ],
+ [
+ "Ġoccup",
+ "ational"
+ ],
+ [
+ "ĠVeg",
+ "et"
+ ],
+ [
+ "el",
+ "iness"
+ ],
+ [
+ "ĠS",
+ "ay"
+ ],
+ [
+ "Ġto",
+ "ll"
+ ],
+ [
+ "3",
+ "20"
+ ],
+ [
+ "Ġem",
+ "peror"
+ ],
+ [
+ "Ġinv",
+ "aluable"
+ ],
+ [
+ "ed",
+ "ience"
+ ],
+ [
+ "Ġd",
+ "ermat"
+ ],
+ [
+ "Ġstress",
+ "ful"
+ ],
+ [
+ "Ġtrib",
+ "al"
+ ],
+ [
+ "Ġdelight",
+ "ful"
+ ],
+ [
+ "Ġsw",
+ "itches"
+ ],
+ [
+ "Ġb",
+ "om"
+ ],
+ [
+ "Ġsp",
+ "ider"
+ ],
+ [
+ "ĠRem",
+ "ove"
+ ],
+ [
+ "Ġkn",
+ "ife"
+ ],
+ [
+ "Ġex",
+ "clusion"
+ ],
+ [
+ "eren",
+ "cing"
+ ],
+ [
+ "ĠSur",
+ "face"
+ ],
+ [
+ "Ġcos",
+ "mic"
+ ],
+ [
+ "Ġoblig",
+ "ation"
+ ],
+ [
+ "ĠM",
+ "ix"
+ ],
+ [
+ "Ġconvers",
+ "ational"
+ ],
+ [
+ "Ġp",
+ "ays"
+ ],
+ [
+ "Ġn",
+ "aval"
+ ],
+ [
+ "oc",
+ "hemistry"
+ ],
+ [
+ "Ġanticip",
+ "ated"
+ ],
+ [
+ "Ġpra",
+ "ise"
+ ],
+ [
+ "Ġantib",
+ "ody"
+ ],
+ [
+ "ĠJud",
+ "aism"
+ ],
+ [
+ "Ġlux",
+ "ury"
+ ],
+ [
+ "Ġmicrow",
+ "ave"
+ ],
+ [
+ "ĠTer",
+ "rit"
+ ],
+ [
+ "Ġcan",
+ "vas"
+ ],
+ [
+ "Ġsold",
+ "ier"
+ ],
+ [
+ "Ġham",
+ "mer"
+ ],
+ [
+ "оÐ",
+ "»"
+ ],
+ [
+ "her",
+ "ical"
+ ],
+ [
+ "Ġam",
+ "endment"
+ ],
+ [
+ "Ġdefe",
+ "ated"
+ ],
+ [
+ "Ġn",
+ "ouns"
+ ],
+ [
+ "Un",
+ "iversity"
+ ],
+ [
+ "Ġfeather",
+ "s"
+ ],
+ [
+ "Ġcur",
+ "ved"
+ ],
+ [
+ "Ġmicrosc",
+ "ope"
+ ],
+ [
+ "'",
+ ")ĊĊ"
+ ],
+ [
+ "Ġdefic",
+ "it"
+ ],
+ [
+ "Ġrel",
+ "ie"
+ ],
+ [
+ "r",
+ "ank"
+ ],
+ [
+ "ĠM",
+ "ade"
+ ],
+ [
+ "Ġeconom",
+ "ically"
+ ],
+ [
+ "Ġund",
+ "oubtedly"
+ ],
+ [
+ "ĠRe",
+ "ason"
+ ],
+ [
+ "l",
+ "ate"
+ ],
+ [
+ "Ġtoxic",
+ "ity"
+ ],
+ [
+ "Intern",
+ "ational"
+ ],
+ [
+ "н",
+ "и"
+ ],
+ [
+ "hy",
+ "l"
+ ],
+ [
+ "Ġcomput",
+ "ed"
+ ],
+ [
+ "ĠA",
+ "er"
+ ],
+ [
+ "Ġh",
+ "inder"
+ ],
+ [
+ "iat",
+ "ry"
+ ],
+ [
+ "ĠC",
+ "ensus"
+ ],
+ [
+ "Ġmush",
+ "rooms"
+ ],
+ [
+ "Ġte",
+ "ars"
+ ],
+ [
+ "ĠT",
+ "ibet"
+ ],
+ [
+ "ne",
+ "ath"
+ ],
+ [
+ "oph",
+ "il"
+ ],
+ [
+ "yth",
+ "ag"
+ ],
+ [
+ "Ġfabric",
+ "s"
+ ],
+ [
+ "ĠCr",
+ "ime"
+ ],
+ [
+ "Ġbur",
+ "ns"
+ ],
+ [
+ "Ġhung",
+ "ry"
+ ],
+ [
+ "con",
+ "duct"
+ ],
+ [
+ "S",
+ "H"
+ ],
+ [
+ "ĠP",
+ "ul"
+ ],
+ [
+ "ĠR",
+ "A"
+ ],
+ [
+ "Ġtang",
+ "ent"
+ ],
+ [
+ "re",
+ "r"
+ ],
+ [
+ "Ġabnormal",
+ "ities"
+ ],
+ [
+ "Ġdocument",
+ "ary"
+ ],
+ [
+ "Ġfor",
+ "b"
+ ],
+ [
+ "L",
+ "L"
+ ],
+ [
+ "EC",
+ "H"
+ ],
+ [
+ "ank",
+ "a"
+ ],
+ [
+ "Ġsket",
+ "ch"
+ ],
+ [
+ "Ġresol",
+ "ved"
+ ],
+ [
+ "ĠN",
+ "E"
+ ],
+ [
+ "-w",
+ "ide"
+ ],
+ [
+ "Ġg",
+ "ig"
+ ],
+ [
+ "Ġext",
+ "inct"
+ ],
+ [
+ "Ġur",
+ "inary"
+ ],
+ [
+ "ign",
+ "ant"
+ ],
+ [
+ "Ġcred",
+ "ibility"
+ ],
+ [
+ "Ġjump",
+ "ing"
+ ],
+ [
+ "Ġsettle",
+ "ments"
+ ],
+ [
+ "ĠV",
+ "acc"
+ ],
+ [
+ "Û",
+ "Į"
+ ],
+ [
+ "-g",
+ "rade"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠ",
+ "ĠĠĠĠ"
+ ],
+ [
+ "Ġreview",
+ "ing"
+ ],
+ [
+ "ĠSing",
+ "le"
+ ],
+ [
+ "Ġgest",
+ "ures"
+ ],
+ [
+ "ĠD",
+ "ogs"
+ ],
+ [
+ "P",
+ "O"
+ ],
+ [
+ "ĠComput",
+ "ing"
+ ],
+ [
+ "Ġintr",
+ "insic"
+ ],
+ [
+ "-e",
+ "v"
+ ],
+ [
+ "P",
+ "age"
+ ],
+ [
+ "o",
+ "op"
+ ],
+ [
+ "Ġspark",
+ "ed"
+ ],
+ [
+ "Ġ",
+ "æ"
+ ],
+ [
+ "Ġsl",
+ "ip"
+ ],
+ [
+ "Ġenc",
+ "rypt"
+ ],
+ [
+ "Ġrepet",
+ "ition"
+ ],
+ [
+ "Ġbuff",
+ "er"
+ ],
+ [
+ "Ġt",
+ "ennis"
+ ],
+ [
+ "Ġdom",
+ "inance"
+ ],
+ [
+ "ĠHam",
+ "let"
+ ],
+ [
+ "Ġexcell",
+ "ence"
+ ],
+ [
+ "Ġmetall",
+ "ic"
+ ],
+ [
+ "ĠS",
+ "el"
+ ],
+ [
+ "r",
+ "if"
+ ],
+ [
+ "Ġfor",
+ "ty"
+ ],
+ [
+ "ĠTh",
+ "ailand"
+ ],
+ [
+ "ĠLim",
+ "ited"
+ ],
+ [
+ "ĠIdent",
+ "ifying"
+ ],
+ [
+ "ĠP",
+ "ick"
+ ],
+ [
+ "Ġde",
+ "ployment"
+ ],
+ [
+ "Ġgovern",
+ "or"
+ ],
+ [
+ "å",
+ "ľ"
+ ],
+ [
+ "Ġchlor",
+ "ide"
+ ],
+ [
+ "Ġprol",
+ "if"
+ ],
+ [
+ "Ġundert",
+ "aken"
+ ],
+ [
+ "Ġb",
+ "ipolar"
+ ],
+ [
+ "iv",
+ "ated"
+ ],
+ [
+ "(",
+ "int"
+ ],
+ [
+ "Ĺ",
+ "ı"
+ ],
+ [
+ "Ġtempor",
+ "arily"
+ ],
+ [
+ "f",
+ "a"
+ ],
+ [
+ "ĠO",
+ "t"
+ ],
+ [
+ "Ġoptim",
+ "izing"
+ ],
+ [
+ "M",
+ "R"
+ ],
+ [
+ "Ġpr",
+ "iest"
+ ],
+ [
+ "Ġgl",
+ "oves"
+ ],
+ [
+ "Ġcoc",
+ "onut"
+ ],
+ [
+ "ro",
+ "ve"
+ ],
+ [
+ "ĠB",
+ "ush"
+ ],
+ [
+ "un",
+ "ctions"
+ ],
+ [
+ "we",
+ "alth"
+ ],
+ [
+ "J",
+ "u"
+ ],
+ [
+ "ĠF",
+ "ib"
+ ],
+ [
+ "ĠPro",
+ "ced"
+ ],
+ [
+ "ĠPol",
+ "ice"
+ ],
+ [
+ "Ġvolunt",
+ "ary"
+ ],
+ [
+ "/",
+ "g"
+ ],
+ [
+ "Ġbr",
+ "ighter"
+ ],
+ [
+ "IN",
+ "ESS"
+ ],
+ [
+ "ĠGe",
+ "ography"
+ ],
+ [
+ "Ġob",
+ "ese"
+ ],
+ [
+ "ĠObs",
+ "erv"
+ ],
+ [
+ "Ġmult",
+ "id"
+ ],
+ [
+ "ĠO",
+ "ral"
+ ],
+ [
+ "Ġp",
+ "a"
+ ],
+ [
+ "Ġlik",
+ "ed"
+ ],
+ [
+ "Ġdes",
+ "erve"
+ ],
+ [
+ "b",
+ "ling"
+ ],
+ [
+ "Ġinsert",
+ "ed"
+ ],
+ [
+ "Ġo",
+ "t"
+ ],
+ [
+ "Ġn",
+ "ights"
+ ],
+ [
+ "ĠS",
+ "W"
+ ],
+ [
+ "-Co",
+ "V"
+ ],
+ [
+ "Ġdivid",
+ "es"
+ ],
+ [
+ "(",
+ "list"
+ ],
+ [
+ "Ġsou",
+ "p"
+ ],
+ [
+ "ĠK",
+ "ir"
+ ],
+ [
+ "ĠMem",
+ "orial"
+ ],
+ [
+ "=",
+ "["
+ ],
+ [
+ "Ġfung",
+ "us"
+ ],
+ [
+ "og",
+ "g"
+ ],
+ [
+ "C",
+ "ourse"
+ ],
+ [
+ "h",
+ "ouses"
+ ],
+ [
+ "(",
+ "k"
+ ],
+ [
+ "ĠCh",
+ "air"
+ ],
+ [
+ "l",
+ "iness"
+ ],
+ [
+ "Ġan",
+ "emia"
+ ],
+ [
+ "Ġmal",
+ "icious"
+ ],
+ [
+ "ĠReview",
+ "s"
+ ],
+ [
+ "^",
+ "{\\"
+ ],
+ [
+ "Ġdevelop",
+ "er"
+ ],
+ [
+ "Ġev",
+ "ac"
+ ],
+ [
+ "Ġcompat",
+ "ibility"
+ ],
+ [
+ "C",
+ "or"
+ ],
+ [
+ "Ġunderstand",
+ "s"
+ ],
+ [
+ "F",
+ "ull"
+ ],
+ [
+ "em",
+ "ade"
+ ],
+ [
+ "ĠSc",
+ "ale"
+ ],
+ [
+ "Ġp",
+ "ave"
+ ],
+ [
+ "ĠSim",
+ "on"
+ ],
+ [
+ "Ġsp",
+ "anning"
+ ],
+ [
+ "Ġgrocer",
+ "y"
+ ],
+ [
+ "Ġdro",
+ "ple"
+ ],
+ [
+ "p",
+ "erson"
+ ],
+ [
+ "ĠN",
+ "ort"
+ ],
+ [
+ "ar",
+ "p"
+ ],
+ [
+ "Ġre",
+ "w"
+ ],
+ [
+ "Ġfo",
+ "am"
+ ],
+ [
+ "ĠAdd",
+ "ress"
+ ],
+ [
+ "!",
+ "âĢĿ"
+ ],
+ [
+ "Ġcan",
+ "on"
+ ],
+ [
+ "Ġceram",
+ "ic"
+ ],
+ [
+ "-",
+ "pr"
+ ],
+ [
+ "od",
+ "ia"
+ ],
+ [
+ "ĠE",
+ "gg"
+ ],
+ [
+ "Ġdecl",
+ "ined"
+ ],
+ [
+ "st",
+ "op"
+ ],
+ [
+ "Ġrich",
+ "ness"
+ ],
+ [
+ "Ġbus",
+ "h"
+ ],
+ [
+ "v",
+ "o"
+ ],
+ [
+ "ĠF",
+ "isher"
+ ],
+ [
+ "Ï",
+ "ĥ"
+ ],
+ [
+ "Ġdefin",
+ "ite"
+ ],
+ [
+ "Im",
+ "port"
+ ],
+ [
+ "Ġstrugg",
+ "led"
+ ],
+ [
+ "ĠL",
+ "ie"
+ ],
+ [
+ "ĠBe",
+ "aut"
+ ],
+ [
+ "Ġaud",
+ "itory"
+ ],
+ [
+ "ĠDist",
+ "ribution"
+ ],
+ [
+ "-d",
+ "es"
+ ],
+ [
+ "ĠKen",
+ "nedy"
+ ],
+ [
+ "K",
+ "E"
+ ],
+ [
+ "Ġco",
+ "herent"
+ ],
+ [
+ "ĠPost",
+ "ed"
+ ],
+ [
+ "osc",
+ "ow"
+ ],
+ [
+ "Ġign",
+ "or"
+ ],
+ [
+ "Ġcur",
+ "s"
+ ],
+ [
+ "Ġt",
+ "ightly"
+ ],
+ [
+ "ĠLiter",
+ "acy"
+ ],
+ [
+ "Ġthe",
+ "ft"
+ ],
+ [
+ "Ġpub",
+ "lisher"
+ ],
+ [
+ "Ġgas",
+ "oline"
+ ],
+ [
+ "Ġref",
+ "lux"
+ ],
+ [
+ "Ġcontin",
+ "ents"
+ ],
+ [
+ "Ġt",
+ "we"
+ ],
+ [
+ "Ġl",
+ "aughter"
+ ],
+ [
+ "om",
+ "nia"
+ ],
+ [
+ "Ġhand",
+ "led"
+ ],
+ [
+ "Ġsummar",
+ "ize"
+ ],
+ [
+ "Y",
+ "ear"
+ ],
+ [
+ "Ġop",
+ "i"
+ ],
+ [
+ "oot",
+ "ing"
+ ],
+ [
+ "-pro",
+ "fit"
+ ],
+ [
+ "ĠEurope",
+ "ans"
+ ],
+ [
+ "Ġin",
+ "ability"
+ ],
+ [
+ "ul",
+ "atory"
+ ],
+ [
+ "Ġsafegu",
+ "arding"
+ ],
+ [
+ "ĠPhot",
+ "o"
+ ],
+ [
+ "Ġpul",
+ "monary"
+ ],
+ [
+ "ĠDec",
+ "ision"
+ ],
+ [
+ "acter",
+ "ial"
+ ],
+ [
+ "Ġtrans",
+ "ist"
+ ],
+ [
+ "Ġlight",
+ "weight"
+ ],
+ [
+ "l",
+ "an"
+ ],
+ [
+ "Ġpot",
+ "s"
+ ],
+ [
+ "Ġded",
+ "u"
+ ],
+ [
+ "in",
+ "is"
+ ],
+ [
+ "Ġdemonstr",
+ "ation"
+ ],
+ [
+ "í",
+ "ķ"
+ ],
+ [
+ "cc",
+ "a"
+ ],
+ [
+ "ĠJ",
+ "oint"
+ ],
+ [
+ "ĠD",
+ "im"
+ ],
+ [
+ "Ġcar",
+ "rots"
+ ],
+ [
+ "ĠN",
+ "uclear"
+ ],
+ [
+ "ĠProb",
+ "ability"
+ ],
+ [
+ "Ġf",
+ "art"
+ ],
+ [
+ "Ġcourse",
+ "work"
+ ],
+ [
+ "Ġhorm",
+ "onal"
+ ],
+ [
+ "L",
+ "a"
+ ],
+ [
+ "m",
+ "ology"
+ ],
+ [
+ "Ġpull",
+ "ing"
+ ],
+ [
+ "D",
+ "irect"
+ ],
+ [
+ "Ġstri",
+ "ps"
+ ],
+ [
+ "Ġdec",
+ "imals"
+ ],
+ [
+ "int",
+ "age"
+ ],
+ [
+ "ĠM",
+ "olecular"
+ ],
+ [
+ "Ġmes",
+ "h"
+ ],
+ [
+ "ĠE",
+ "ver"
+ ],
+ [
+ "Ġauthent",
+ "ication"
+ ],
+ [
+ "Ġhyd",
+ "raulic"
+ ],
+ [
+ "ĠAng",
+ "lo"
+ ],
+ [
+ "ĠP",
+ "and"
+ ],
+ [
+ "Pro",
+ "fess"
+ ],
+ [
+ "Mod",
+ "ern"
+ ],
+ [
+ "ut",
+ "er"
+ ],
+ [
+ "ĠU",
+ "C"
+ ],
+ [
+ "ĠM",
+ "atter"
+ ],
+ [
+ "ĠBack",
+ "ground"
+ ],
+ [
+ "oc",
+ "ide"
+ ],
+ [
+ "neg",
+ "ative"
+ ],
+ [
+ "Ġtr",
+ "an"
+ ],
+ [
+ "Ġseiz",
+ "ures"
+ ],
+ [
+ "-d",
+ "ependent"
+ ],
+ [
+ "aterial",
+ "s"
+ ],
+ [
+ "Ġrest",
+ "ored"
+ ],
+ [
+ "-s",
+ "chool"
+ ],
+ [
+ "is",
+ "en"
+ ],
+ [
+ "Gl",
+ "obal"
+ ],
+ [
+ "N",
+ "O"
+ ],
+ [
+ "an",
+ "cies"
+ ],
+ [
+ "cl",
+ "amation"
+ ],
+ [
+ "rim",
+ "ental"
+ ],
+ [
+ "Ġmag",
+ "azines"
+ ],
+ [
+ "Ġret",
+ "ained"
+ ],
+ [
+ "Ġseg",
+ "regation"
+ ],
+ [
+ "Ġposition",
+ "ed"
+ ],
+ [
+ "un",
+ "es"
+ ],
+ [
+ "aunt",
+ "ing"
+ ],
+ [
+ ".sh",
+ "ape"
+ ],
+ [
+ "âĢĻ",
+ ".Ċ"
+ ],
+ [
+ "E",
+ "nd"
+ ],
+ [
+ "Ġl",
+ "os"
+ ],
+ [
+ "Ġb",
+ "ites"
+ ],
+ [
+ "Ġ",
+ "Ä"
+ ],
+ [
+ "Ġ",
+ "iv"
+ ],
+ [
+ "-l",
+ "ong"
+ ],
+ [
+ "Ph",
+ "one"
+ ],
+ [
+ "ĠS",
+ "ugar"
+ ],
+ [
+ "Ġcomp",
+ "ose"
+ ],
+ [
+ "Ġchar",
+ "ity"
+ ],
+ [
+ "Ġwor",
+ "ms"
+ ],
+ [
+ "h",
+ "ad"
+ ],
+ [
+ "ĠV",
+ "ision"
+ ],
+ [
+ "ĠCurrent",
+ "ly"
+ ],
+ [
+ "Ġdow",
+ "ns"
+ ],
+ [
+ "Ġun",
+ "conscious"
+ ],
+ [
+ "Ġlight",
+ "ning"
+ ],
+ [
+ "Ġfit",
+ "ting"
+ ],
+ [
+ "ĠS",
+ "oc"
+ ],
+ [
+ "ceed",
+ "ings"
+ ],
+ [
+ "W",
+ "ord"
+ ],
+ [
+ "á",
+ "n"
+ ],
+ [
+ "Ġp",
+ "erenn"
+ ],
+ [
+ "em",
+ "an"
+ ],
+ [
+ "pir",
+ "ation"
+ ],
+ [
+ "Ġfast",
+ "ing"
+ ],
+ [
+ "ĠB",
+ "irth"
+ ],
+ [
+ "Ġtyp",
+ "ing"
+ ],
+ [
+ "Ġter",
+ "r"
+ ],
+ [
+ "Ġrece",
+ "iver"
+ ],
+ [
+ "Ġfl",
+ "ags"
+ ],
+ [
+ "Ġelim",
+ "inated"
+ ],
+ [
+ "Ġsec",
+ "uring"
+ ],
+ [
+ "fall",
+ "s"
+ ],
+ [
+ "her",
+ "ing"
+ ],
+ [
+ "Ġcompassion",
+ "ate"
+ ],
+ [
+ "ĠAn",
+ "xiety"
+ ],
+ [
+ "Ġcount",
+ "ies"
+ ],
+ [
+ "Ġdis",
+ "ruption"
+ ],
+ [
+ "Ġind",
+ "ices"
+ ],
+ [
+ "m",
+ "ill"
+ ],
+ [
+ "Ġshould",
+ "ers"
+ ],
+ [
+ "ul",
+ "er"
+ ],
+ [
+ "Ġblock",
+ "ing"
+ ],
+ [
+ "Ġfail",
+ "ing"
+ ],
+ [
+ "Ġgall",
+ "ons"
+ ],
+ [
+ "-",
+ "rays"
+ ],
+ [
+ "Ġb",
+ "ureau"
+ ],
+ [
+ "ing",
+ "le"
+ ],
+ [
+ "cul",
+ "osis"
+ ],
+ [
+ "Ġl",
+ "ips"
+ ],
+ [
+ "Ġmar",
+ "itime"
+ ],
+ [
+ "Ġin",
+ "just"
+ ],
+ [
+ "Ġhepat",
+ "itis"
+ ],
+ [
+ "Ġimp",
+ "ly"
+ ],
+ [
+ "Ġmake",
+ "up"
+ ],
+ [
+ "ĠF",
+ "u"
+ ],
+ [
+ "pl",
+ "aces"
+ ],
+ [
+ "Ġbill",
+ "ions"
+ ],
+ [
+ "Ġintention",
+ "ally"
+ ],
+ [
+ "Ġrabb",
+ "its"
+ ],
+ [
+ "Ġvers",
+ "atility"
+ ],
+ [
+ "ĠTe",
+ "ach"
+ ],
+ [
+ "ĠSt",
+ "op"
+ ],
+ [
+ "Ġst",
+ "ating"
+ ],
+ [
+ "p",
+ "aper"
+ ],
+ [
+ "Ġphys",
+ "iology"
+ ],
+ [
+ "Ġdecl",
+ "are"
+ ],
+ [
+ "Ġp",
+ "ic"
+ ],
+ [
+ "ĠSet",
+ "ting"
+ ],
+ [
+ "á",
+ "º"
+ ],
+ [
+ "ĠAn",
+ "na"
+ ],
+ [
+ "S",
+ "te"
+ ],
+ [
+ "ĠProtest",
+ "ant"
+ ],
+ [
+ "pl",
+ "oys"
+ ],
+ [
+ "Ġsc",
+ "ary"
+ ],
+ [
+ "Ġnan",
+ "op"
+ ],
+ [
+ "esthes",
+ "ia"
+ ],
+ [
+ "Ġrobot",
+ "ics"
+ ],
+ [
+ "ĠFramew",
+ "ork"
+ ],
+ [
+ "ĠDiscuss",
+ "ion"
+ ],
+ [
+ "Ġparad",
+ "igm"
+ ],
+ [
+ "ĠAd",
+ "ams"
+ ],
+ [
+ "ens",
+ "itive"
+ ],
+ [
+ "Ġposition",
+ "ing"
+ ],
+ [
+ "p",
+ "ack"
+ ],
+ [
+ "Ġswe",
+ "at"
+ ],
+ [
+ "Ġsol",
+ "ids"
+ ],
+ [
+ "F",
+ "ile"
+ ],
+ [
+ "Ġoccas",
+ "ional"
+ ],
+ [
+ "-w",
+ "ay"
+ ],
+ [
+ "en",
+ "ame"
+ ],
+ [
+ "Ġg",
+ "em"
+ ],
+ [
+ "ĠPortug",
+ "al"
+ ],
+ [
+ "ĠT",
+ "s"
+ ],
+ [
+ "Ġdis",
+ "charg"
+ ],
+ [
+ "Ġed",
+ "ible"
+ ],
+ [
+ "Ġalb",
+ "um"
+ ],
+ [
+ "W",
+ "orks"
+ ],
+ [
+ "ĠCon",
+ "nection"
+ ],
+ [
+ "D",
+ "C"
+ ],
+ [
+ "Ġd",
+ "op"
+ ],
+ [
+ "ip",
+ "ly"
+ ],
+ [
+ "ĠNob",
+ "el"
+ ],
+ [
+ "ĠB",
+ "ron"
+ ],
+ [
+ "Ġder",
+ "ive"
+ ],
+ [
+ "US",
+ "INESS"
+ ],
+ [
+ "Ġcontrad",
+ "ict"
+ ],
+ [
+ "names",
+ "e"
+ ],
+ [
+ "ĠAb",
+ "stract"
+ ],
+ [
+ "Ġelim",
+ "ination"
+ ],
+ [
+ "psy",
+ "ch"
+ ],
+ [
+ "Ġneed",
+ "ing"
+ ],
+ [
+ "ĠRe",
+ "comm"
+ ],
+ [
+ "Ġsatisf",
+ "ying"
+ ],
+ [
+ "Ġthr",
+ "one"
+ ],
+ [
+ "Ġprot",
+ "ests"
+ ],
+ [
+ "_t",
+ "rain"
+ ],
+ [
+ "Ġcong",
+ "ru"
+ ],
+ [
+ "Ġgrad",
+ "ers"
+ ],
+ [
+ "Ġsolid",
+ "arity"
+ ],
+ [
+ "Ġan",
+ "ts"
+ ],
+ [
+ "âĢľ",
+ "It"
+ ],
+ [
+ "ĠA",
+ "wareness"
+ ],
+ [
+ "Ġinn",
+ "ocent"
+ ],
+ [
+ "Ġlist",
+ "ing"
+ ],
+ [
+ "ĠS",
+ "ure"
+ ],
+ [
+ "Ġes",
+ "p"
+ ],
+ [
+ "Ġlive",
+ "lihood"
+ ],
+ [
+ "Ġstress",
+ "es"
+ ],
+ [
+ "EC",
+ "T"
+ ],
+ [
+ "Ġenerg",
+ "etic"
+ ],
+ [
+ "ĠFirst",
+ "ly"
+ ],
+ [
+ "Ġant",
+ "iv"
+ ],
+ [
+ "Ġbroad",
+ "ly"
+ ],
+ [
+ "ĠR",
+ "oosevelt"
+ ],
+ [
+ "ĠCor",
+ "ps"
+ ],
+ [
+ "e",
+ "er"
+ ],
+ [
+ "ĠC",
+ "elsius"
+ ],
+ [
+ "ĠL",
+ "ate"
+ ],
+ [
+ "_",
+ "k"
+ ],
+ [
+ "m",
+ "outh"
+ ],
+ [
+ "Ġser",
+ "ial"
+ ],
+ [
+ "Ġod",
+ "or"
+ ],
+ [
+ "ĠE",
+ "NG"
+ ],
+ [
+ "ĠUnivers",
+ "al"
+ ],
+ [
+ "ĠDie",
+ "go"
+ ],
+ [
+ "Ġtravel",
+ "ers"
+ ],
+ [
+ "sel",
+ "s"
+ ],
+ [
+ "Ġtem",
+ "ples"
+ ],
+ [
+ "Ġexperiment",
+ "ation"
+ ],
+ [
+ "(",
+ "v"
+ ],
+ [
+ "Ġtrium",
+ "ph"
+ ],
+ [
+ "Des",
+ "ign"
+ ],
+ [
+ "ĠSy",
+ "dney"
+ ],
+ [
+ "ous",
+ "ing"
+ ],
+ [
+ "Ġper",
+ "taining"
+ ],
+ [
+ "str",
+ "ong"
+ ],
+ [
+ "Ġwh",
+ "it"
+ ],
+ [
+ "Ġsh",
+ "ower"
+ ],
+ [
+ "ĠGo",
+ "als"
+ ],
+ [
+ "Ġoz",
+ "one"
+ ],
+ [
+ "Ġt",
+ "in"
+ ],
+ [
+ "h",
+ "ave"
+ ],
+ [
+ "Ġassum",
+ "es"
+ ],
+ [
+ "ĠEC",
+ "ONOM"
+ ],
+ [
+ "ĠT",
+ "rib"
+ ],
+ [
+ "Ġastron",
+ "omy"
+ ],
+ [
+ "ĠSo",
+ "on"
+ ],
+ [
+ "Gen",
+ "er"
+ ],
+ [
+ "ener",
+ "ative"
+ ],
+ [
+ "Ġsc",
+ "anning"
+ ],
+ [
+ "Ġdr",
+ "illing"
+ ],
+ [
+ "Ġtr",
+ "unk"
+ ],
+ [
+ "ĠPr",
+ "iv"
+ ],
+ [
+ "ĠB",
+ "rad"
+ ],
+ [
+ "ed",
+ "ed"
+ ],
+ [
+ "Ġsqu",
+ "ir"
+ ],
+ [
+ "et",
+ "on"
+ ],
+ [
+ "Ġcompr",
+ "ise"
+ ],
+ [
+ "ĠR",
+ "oss"
+ ],
+ [
+ "ĠAl",
+ "abama"
+ ],
+ [
+ "Ġlif",
+ "ting"
+ ],
+ [
+ "ĠOrgan",
+ "ic"
+ ],
+ [
+ "B",
+ "B"
+ ],
+ [
+ "Ġre",
+ "nal"
+ ],
+ [
+ "up",
+ "us"
+ ],
+ [
+ "ore",
+ "an"
+ ],
+ [
+ "Ġdet",
+ "rimental"
+ ],
+ [
+ "ick",
+ "ed"
+ ],
+ [
+ "Ġunp",
+ "redict"
+ ],
+ [
+ "ace",
+ "ous"
+ ],
+ [
+ "ĠF",
+ "REE"
+ ],
+ [
+ "ĠDou",
+ "ble"
+ ],
+ [
+ "Ġbr",
+ "ushing"
+ ],
+ [
+ ".",
+ "V"
+ ],
+ [
+ "Ġg",
+ "ri"
+ ],
+ [
+ "Ġlove",
+ "ly"
+ ],
+ [
+ "A",
+ "f"
+ ],
+ [
+ "Ġenc",
+ "oding"
+ ],
+ [
+ "Ġscre",
+ "w"
+ ],
+ [
+ "Ġinter",
+ "c"
+ ],
+ [
+ "C",
+ "oll"
+ ],
+ [
+ "em",
+ "perature"
+ ],
+ [
+ "Ġse",
+ "ism"
+ ],
+ [
+ "Ġl",
+ "amp"
+ ],
+ [
+ "od",
+ "ge"
+ ],
+ [
+ "Ġleg",
+ "ends"
+ ],
+ [
+ "ĠI",
+ "F"
+ ],
+ [
+ "Ġtrig",
+ "on"
+ ],
+ [
+ "Ġcontamin",
+ "ants"
+ ],
+ [
+ "Ġthe",
+ "or"
+ ],
+ [
+ "Ġat",
+ "e"
+ ],
+ [
+ "Ġim",
+ "plicit"
+ ],
+ [
+ "CS",
+ "E"
+ ],
+ [
+ "ri",
+ "ages"
+ ],
+ [
+ "ĠBudd",
+ "ha"
+ ],
+ [
+ "Ġexplore",
+ "rs"
+ ],
+ [
+ "apan",
+ "ese"
+ ],
+ [
+ "u",
+ "w"
+ ],
+ [
+ "Ġpar",
+ "alle"
+ ],
+ [
+ "Ġt",
+ "asty"
+ ],
+ [
+ "Ġco",
+ "ex"
+ ],
+ [
+ "Ġele",
+ "phant"
+ ],
+ [
+ "Ġsp",
+ "rou"
+ ],
+ [
+ "Ġworth",
+ "y"
+ ],
+ [
+ "Ġrul",
+ "ers"
+ ],
+ [
+ "Ġcand",
+ "y"
+ ],
+ [
+ "Ġab",
+ "st"
+ ],
+ [
+ "ĠH",
+ "ans"
+ ],
+ [
+ "ĠJour",
+ "ney"
+ ],
+ [
+ "Ġeleg",
+ "ant"
+ ],
+ [
+ "ĠRelations",
+ "hips"
+ ],
+ [
+ "Ġde",
+ "forestation"
+ ],
+ [
+ "ĠK",
+ "id"
+ ],
+ [
+ "ĠM",
+ "ine"
+ ],
+ [
+ "Ġrhet",
+ "orical"
+ ],
+ [
+ "ĠPr",
+ "ivate"
+ ],
+ [
+ "ĠPhil",
+ "ip"
+ ],
+ [
+ "ĠÃ",
+ "ĥ"
+ ],
+ [
+ "Ġve",
+ "gg"
+ ],
+ [
+ "Ġnas",
+ "al"
+ ],
+ [
+ "ĠSpe",
+ "ed"
+ ],
+ [
+ "Ġinter",
+ "le"
+ ],
+ [
+ "Ġmem",
+ "oir"
+ ],
+ [
+ "Ġappear",
+ "ing"
+ ],
+ [
+ "C",
+ "reating"
+ ],
+ [
+ "p",
+ "her"
+ ],
+ [
+ "Ġshort",
+ "age"
+ ],
+ [
+ "-m",
+ "ail"
+ ],
+ [
+ "27",
+ "0"
+ ],
+ [
+ "Ġsusp",
+ "ended"
+ ],
+ [
+ "Ġcons",
+ "p"
+ ],
+ [
+ "Ġabd",
+ "omen"
+ ],
+ [
+ "ĠMod",
+ "els"
+ ],
+ [
+ "ac",
+ "cess"
+ ],
+ [
+ "Ġmil",
+ "it"
+ ],
+ [
+ "umb",
+ "ing"
+ ],
+ [
+ "he",
+ "at"
+ ],
+ [
+ "Ġd",
+ "well"
+ ],
+ [
+ "Ġcent",
+ "imeters"
+ ],
+ [
+ "m",
+ "el"
+ ],
+ [
+ "Con",
+ "st"
+ ],
+ [
+ "ĠQuant",
+ "um"
+ ],
+ [
+ "Ġconcept",
+ "ion"
+ ],
+ [
+ "ĠInst",
+ "agram"
+ ],
+ [
+ "_",
+ "input"
+ ],
+ [
+ "A",
+ "Y"
+ ],
+ [
+ "Ġout",
+ "let"
+ ],
+ [
+ "g",
+ "ium"
+ ],
+ [
+ "b",
+ "en"
+ ],
+ [
+ "ĠMc",
+ "G"
+ ],
+ [
+ "Ġexcept",
+ "ions"
+ ],
+ [
+ "Ġpe",
+ "pt"
+ ],
+ [
+ "Ġa",
+ "wards"
+ ],
+ [
+ "cre",
+ "as"
+ ],
+ [
+ "Ġens",
+ "l"
+ ],
+ [
+ "Ġha",
+ "w"
+ ],
+ [
+ "D",
+ "s"
+ ],
+ [
+ "p",
+ "o"
+ ],
+ [
+ "O",
+ "h"
+ ],
+ [
+ "ĠCP",
+ "U"
+ ],
+ [
+ "Ġshed",
+ "ding"
+ ],
+ [
+ "Ġrecogn",
+ "izes"
+ ],
+ [
+ "war",
+ "f"
+ ],
+ [
+ "author",
+ "ized"
+ ],
+ [
+ "Ġaut",
+ "obi"
+ ],
+ [
+ "v",
+ "ic"
+ ],
+ [
+ "Ġe",
+ "cl"
+ ],
+ [
+ "ĠF",
+ "ractions"
+ ],
+ [
+ "Ġsur",
+ "f"
+ ],
+ [
+ "à¥",
+ "ĩ"
+ ],
+ [
+ "ĠRet",
+ "urn"
+ ],
+ [
+ "Ġre",
+ "per"
+ ],
+ [
+ "ĠStep",
+ "s"
+ ],
+ [
+ "Ġreal",
+ "ism"
+ ],
+ [
+ "B",
+ "ased"
+ ],
+ [
+ "ĠCirc",
+ "le"
+ ],
+ [
+ "Ġpredict",
+ "ing"
+ ],
+ [
+ "Ġwh",
+ "oles"
+ ],
+ [
+ "Ġtri",
+ "ple"
+ ],
+ [
+ "ĠT",
+ "ip"
+ ],
+ [
+ "ĠC",
+ "ris"
+ ],
+ [
+ "Ġlo",
+ "ops"
+ ],
+ [
+ "Ġconj",
+ "ug"
+ ],
+ [
+ "y",
+ "g"
+ ],
+ [
+ "urg",
+ "ical"
+ ],
+ [
+ "ĠTe",
+ "le"
+ ],
+ [
+ "Ġden",
+ "ied"
+ ],
+ [
+ "ĠF",
+ "ra"
+ ],
+ [
+ "Ġl",
+ "ion"
+ ],
+ [
+ "Ġfract",
+ "ure"
+ ],
+ [
+ "ĠS",
+ "ources"
+ ],
+ [
+ "ĠAd",
+ "just"
+ ],
+ [
+ "H",
+ "ence"
+ ],
+ [
+ "Ġdel",
+ "ays"
+ ],
+ [
+ "c",
+ "ision"
+ ],
+ [
+ "Ġeth",
+ "n"
+ ],
+ [
+ "in",
+ "itely"
+ ],
+ [
+ "AG",
+ "E"
+ ],
+ [
+ "Ġcontrast",
+ "ing"
+ ],
+ [
+ "oc",
+ "ument"
+ ],
+ [
+ "T",
+ "ext"
+ ],
+ [
+ "ĠUn",
+ "iverse"
+ ],
+ [
+ "Ġblock",
+ "ed"
+ ],
+ [
+ "Pro",
+ "v"
+ ],
+ [
+ "flow",
+ "er"
+ ],
+ [
+ "Ġcal",
+ "orie"
+ ],
+ [
+ "C",
+ "ong"
+ ],
+ [
+ "ĠR",
+ "ace"
+ ],
+ [
+ "Ġportray",
+ "ed"
+ ],
+ [
+ "up",
+ "uncture"
+ ],
+ [
+ "reat",
+ "ening"
+ ],
+ [
+ "ĠEqu",
+ "ation"
+ ],
+ [
+ "Ġcerv",
+ "ical"
+ ],
+ [
+ "Ġmill",
+ "ing"
+ ],
+ [
+ "Ġexhib",
+ "ited"
+ ],
+ [
+ "ĠLic",
+ "ense"
+ ],
+ [
+ "Ġbe",
+ "aches"
+ ],
+ [
+ "ĠF",
+ "if"
+ ],
+ [
+ "Ġbl",
+ "u"
+ ],
+ [
+ "Ġlog",
+ "istics"
+ ],
+ [
+ "ĠPo",
+ "etry"
+ ],
+ [
+ "eterm",
+ "ined"
+ ],
+ [
+ "ĠPer",
+ "fect"
+ ],
+ [
+ "Th",
+ "ose"
+ ],
+ [
+ "Ġk",
+ "ernel"
+ ],
+ [
+ "Ġprob",
+ "abilities"
+ ],
+ [
+ "ĠTr",
+ "ig"
+ ],
+ [
+ "ĠK",
+ "al"
+ ],
+ [
+ "ĠM",
+ "O"
+ ],
+ [
+ "Ġfol",
+ "der"
+ ],
+ [
+ "Ġpe",
+ "an"
+ ],
+ [
+ "Ġopp",
+ "onents"
+ ],
+ [
+ "Ġconver",
+ "ts"
+ ],
+ [
+ "pl",
+ "an"
+ ],
+ [
+ "d",
+ "rop"
+ ],
+ [
+ "Ġrespons",
+ "ive"
+ ],
+ [
+ "ĠTor",
+ "onto"
+ ],
+ [
+ "Diff",
+ "erent"
+ ],
+ [
+ "z",
+ "i"
+ ],
+ [
+ "Ã",
+ "ª"
+ ],
+ [
+ "Ġmitig",
+ "ation"
+ ],
+ [
+ "Ġsh",
+ "ame"
+ ],
+ [
+ "ĠR",
+ "oot"
+ ],
+ [
+ "Ġh",
+ "iring"
+ ],
+ [
+ "he",
+ "ll"
+ ],
+ [
+ "Ġ&",
+ "="
+ ],
+ [
+ "pl",
+ "ants"
+ ],
+ [
+ "icrob",
+ "ial"
+ ],
+ [
+ "Ġjust",
+ "ify"
+ ],
+ [
+ "Ġport",
+ "rait"
+ ],
+ [
+ "-",
+ "text"
+ ],
+ [
+ "ĠK",
+ "ansas"
+ ],
+ [
+ "Ġ",
+ "rome"
+ ],
+ [
+ "ĠReg",
+ "ardless"
+ ],
+ [
+ "Ġhol",
+ "low"
+ ],
+ [
+ "Ġinc",
+ "ub"
+ ],
+ [
+ "ple",
+ "asant"
+ ],
+ [
+ "aps",
+ "ed"
+ ],
+ [
+ "Ġlaw",
+ "yers"
+ ],
+ [
+ "ĠS",
+ "alt"
+ ],
+ [
+ "Ġfrag",
+ "ile"
+ ],
+ [
+ "Ġpsych",
+ "iatric"
+ ],
+ [
+ "am",
+ "on"
+ ],
+ [
+ "Ġche",
+ "er"
+ ],
+ [
+ "Ġpul",
+ "p"
+ ],
+ [
+ "odynam",
+ "ic"
+ ],
+ [
+ "Ġdef",
+ "ensive"
+ ],
+ [
+ "Ġlim",
+ "bs"
+ ],
+ [
+ "Ġconsult",
+ "ing"
+ ],
+ [
+ "Ġc",
+ "raw"
+ ],
+ [
+ "S",
+ "R"
+ ],
+ [
+ "ĠNum",
+ "Py"
+ ],
+ [
+ "Ġdin",
+ "osaurs"
+ ],
+ [
+ "ab",
+ "y"
+ ],
+ [
+ "ĠN",
+ "ich"
+ ],
+ [
+ "op",
+ "or"
+ ],
+ [
+ "sy",
+ "stem"
+ ],
+ [
+ "Ġdecom",
+ "position"
+ ],
+ [
+ "n",
+ "orm"
+ ],
+ [
+ "Ġtr",
+ "ash"
+ ],
+ [
+ "ĠV",
+ "I"
+ ],
+ [
+ "Ġax",
+ "es"
+ ],
+ [
+ "Ġprev",
+ "ailing"
+ ],
+ [
+ "ĠSurg",
+ "ery"
+ ],
+ [
+ "Ġlength",
+ "y"
+ ],
+ [
+ "Ġball",
+ "oon"
+ ],
+ [
+ "uss",
+ "ia"
+ ],
+ [
+ "Ġmon",
+ "op"
+ ],
+ [
+ "rat",
+ "ulations"
+ ],
+ [
+ "Ġt",
+ "ent"
+ ],
+ [
+ "ĠPu",
+ "erto"
+ ],
+ [
+ "ĠSe",
+ "ason"
+ ],
+ [
+ "-s",
+ "p"
+ ],
+ [
+ "z",
+ "ens"
+ ],
+ [
+ "Ġger",
+ "ms"
+ ],
+ [
+ "Ġval",
+ "ves"
+ ],
+ [
+ ".t",
+ "xt"
+ ],
+ [
+ ")",
+ ")čĊ"
+ ],
+ [
+ "ĠW",
+ "aste"
+ ],
+ [
+ "ĠEc",
+ "ology"
+ ],
+ [
+ "ĠT",
+ "ennessee"
+ ],
+ [
+ "-",
+ "man"
+ ],
+ [
+ "Ġexplo",
+ "it"
+ ],
+ [
+ "Ġdep",
+ "ths"
+ ],
+ [
+ "\\",
+ "end"
+ ],
+ [
+ "Ġpost",
+ "erior"
+ ],
+ [
+ "ĠFil",
+ "m"
+ ],
+ [
+ "Ġpr",
+ "ies"
+ ],
+ [
+ "Ġtick",
+ "ets"
+ ],
+ [
+ "Ġsens",
+ "ations"
+ ],
+ [
+ "Ġinn",
+ "ate"
+ ],
+ [
+ "cret",
+ "ion"
+ ],
+ [
+ "ĠGM",
+ "AT"
+ ],
+ [
+ "Ġbicy",
+ "cle"
+ ],
+ [
+ "AL",
+ "L"
+ ],
+ [
+ "ĠH",
+ "ou"
+ ],
+ [
+ "overn",
+ "ment"
+ ],
+ [
+ "Ġreinfor",
+ "cing"
+ ],
+ [
+ "h",
+ "ou"
+ ],
+ [
+ "ĠP",
+ "ediatric"
+ ],
+ [
+ "ĠBab",
+ "y"
+ ],
+ [
+ "Ġp",
+ "ocket"
+ ],
+ [
+ "S",
+ "N"
+ ],
+ [
+ "Ġwhere",
+ "by"
+ ],
+ [
+ "Ġvers",
+ "a"
+ ],
+ [
+ "Ġampl",
+ "itude"
+ ],
+ [
+ "Ġmim",
+ "ic"
+ ],
+ [
+ "Ġactiv",
+ "ism"
+ ],
+ [
+ "ĠPl",
+ "ate"
+ ],
+ [
+ "Ġaim",
+ "ing"
+ ],
+ [
+ "ĠArab",
+ "ia"
+ ],
+ [
+ "best",
+ "os"
+ ],
+ [
+ "Ġex",
+ "h"
+ ],
+ [
+ "ĠS",
+ "ab"
+ ],
+ [
+ "tes",
+ "y"
+ ],
+ [
+ "Ġterm",
+ "ed"
+ ],
+ [
+ "-in",
+ "ter"
+ ],
+ [
+ "ĠBas",
+ "ics"
+ ],
+ [
+ "Ġchick",
+ "ens"
+ ],
+ [
+ "Ġg",
+ "rip"
+ ],
+ [
+ "Ġun",
+ "ch"
+ ],
+ [
+ "Ġembra",
+ "ced"
+ ],
+ [
+ "ĠPower",
+ "Point"
+ ],
+ [
+ "ĠEn",
+ "joy"
+ ],
+ [
+ "Ġfundament",
+ "als"
+ ],
+ [
+ "A",
+ "ng"
+ ],
+ [
+ "ile",
+ "psy"
+ ],
+ [
+ "Ġgl",
+ "oss"
+ ],
+ [
+ "B",
+ "re"
+ ],
+ [
+ "AS",
+ "E"
+ ],
+ [
+ "Ġsec",
+ "ured"
+ ],
+ [
+ "ĠCon",
+ "versely"
+ ],
+ [
+ "çĶ",
+ "¨"
+ ],
+ [
+ "ĠOrig",
+ "ins"
+ ],
+ [
+ "Ġaccess",
+ "ories"
+ ],
+ [
+ "\\",
+ "begin"
+ ],
+ [
+ "Ġwh",
+ "ale"
+ ],
+ [
+ "ĠD",
+ "ays"
+ ],
+ [
+ "rim",
+ "inal"
+ ],
+ [
+ "est",
+ "y"
+ ],
+ [
+ "Ġa",
+ "il"
+ ],
+ [
+ "Ġrot",
+ "ate"
+ ],
+ [
+ "ĠAltern",
+ "atively"
+ ],
+ [
+ "Ġlog",
+ "arith"
+ ],
+ [
+ "Ġn",
+ "ail"
+ ],
+ [
+ "ĠP",
+ "TSD"
+ ],
+ [
+ "ĠFe",
+ "atures"
+ ],
+ [
+ "Ġmicrob",
+ "es"
+ ],
+ [
+ "Ġac",
+ "oustic"
+ ],
+ [
+ "Ġref",
+ "ining"
+ ],
+ [
+ "ĠL",
+ "ecture"
+ ],
+ [
+ "ack",
+ "ed"
+ ],
+ [
+ "ĠNet",
+ "works"
+ ],
+ [
+ "Ġprivile",
+ "ge"
+ ],
+ [
+ "pt",
+ "on"
+ ],
+ [
+ "Ġt",
+ "iles"
+ ],
+ [
+ "Ġadmin",
+ "ister"
+ ],
+ [
+ ")",
+ "\""
+ ],
+ [
+ "Ġbutter",
+ "flies"
+ ],
+ [
+ "ĠA",
+ "G"
+ ],
+ [
+ "Ġï",
+ "ĥ"
+ ],
+ [
+ "Ġbel",
+ "ly"
+ ],
+ [
+ "Q",
+ "s"
+ ],
+ [
+ "p",
+ "g"
+ ],
+ [
+ "Ġs",
+ "aves"
+ ],
+ [
+ "Ġf",
+ "ired"
+ ],
+ [
+ "ĠTrans",
+ "form"
+ ],
+ [
+ "Ġw",
+ "ins"
+ ],
+ [
+ "à",
+ "°"
+ ],
+ [
+ "ĠâĪ",
+ "Ī"
+ ],
+ [
+ "ĠKent",
+ "ucky"
+ ],
+ [
+ "Ġen",
+ "force"
+ ],
+ [
+ "che",
+ "ster"
+ ],
+ [
+ "arg",
+ "est"
+ ],
+ [
+ "ĠT",
+ "an"
+ ],
+ [
+ "ĠPh",
+ "ase"
+ ],
+ [
+ "Ġemerg",
+ "encies"
+ ],
+ [
+ "du",
+ "ino"
+ ],
+ [
+ "ĠB",
+ "orn"
+ ],
+ [
+ "Ġform",
+ "ally"
+ ],
+ [
+ "Ġco",
+ "aching"
+ ],
+ [
+ "ĠR",
+ "ow"
+ ],
+ [
+ "Ġf",
+ "rench"
+ ],
+ [
+ "Ġr",
+ "ip"
+ ],
+ [
+ "ĠCub",
+ "a"
+ ],
+ [
+ "Ġ(",
+ "'"
+ ],
+ [
+ "ht",
+ "aking"
+ ],
+ [
+ "Ġcent",
+ "res"
+ ],
+ [
+ "ĠPres",
+ "chool"
+ ],
+ [
+ "Ġc",
+ "racks"
+ ],
+ [
+ "Ġâī",
+ "¤"
+ ],
+ [
+ "ight",
+ "ing"
+ ],
+ [
+ "ĠH",
+ "ug"
+ ],
+ [
+ "Ġreput",
+ "able"
+ ],
+ [
+ "[:",
+ ","
+ ],
+ [
+ "å",
+ "º"
+ ],
+ [
+ "-re",
+ "f"
+ ],
+ [
+ "ĠIn",
+ "vent"
+ ],
+ [
+ "Ġdehyd",
+ "ration"
+ ],
+ [
+ "/",
+ "P"
+ ],
+ [
+ "-e",
+ "fficient"
+ ],
+ [
+ "ĠP",
+ "E"
+ ],
+ [
+ "ि",
+ "à¤"
+ ],
+ [
+ "m",
+ "ir"
+ ],
+ [
+ "so",
+ "le"
+ ],
+ [
+ "ĠBy",
+ "z"
+ ],
+ [
+ "Ġimpl",
+ "ants"
+ ],
+ [
+ "Ã",
+ "¥"
+ ],
+ [
+ "es",
+ "pecially"
+ ],
+ [
+ "Ġimp",
+ "rison"
+ ],
+ [
+ "ol",
+ "en"
+ ],
+ [
+ "m",
+ "ble"
+ ],
+ [
+ "Ġhyd",
+ "rox"
+ ],
+ [
+ "ĠLaw",
+ "rence"
+ ],
+ [
+ "ĠW",
+ "H"
+ ],
+ [
+ "Ġam",
+ "p"
+ ],
+ [
+ "oid",
+ "al"
+ ],
+ [
+ "ĠComprehens",
+ "ive"
+ ],
+ [
+ "ĠFl",
+ "ash"
+ ],
+ [
+ "_c",
+ "ount"
+ ],
+ [
+ "Ġbuy",
+ "ers"
+ ],
+ [
+ "Ġwe",
+ "eds"
+ ],
+ [
+ "Ġpain",
+ "ter"
+ ],
+ [
+ "ĠGram",
+ "mar"
+ ],
+ [
+ "u",
+ "ated"
+ ],
+ [
+ "Ġn",
+ "ov"
+ ],
+ [
+ "Ġro",
+ "pe"
+ ],
+ [
+ "Ġble",
+ "ed"
+ ],
+ [
+ "az",
+ "a"
+ ],
+ [
+ "Ġse",
+ "w"
+ ],
+ [
+ "Ġremind",
+ "ed"
+ ],
+ [
+ "Ġh",
+ "orn"
+ ],
+ [
+ "ĠCommun",
+ "ications"
+ ],
+ [
+ "i",
+ "ón"
+ ],
+ [
+ "Ġinter",
+ "ven"
+ ],
+ [
+ "Ġp",
+ "ile"
+ ],
+ [
+ "Ġd",
+ "ice"
+ ],
+ [
+ "Ġdisturb",
+ "ances"
+ ],
+ [
+ "Ġdel",
+ "ib"
+ ],
+ [
+ "ĠCirc",
+ "uit"
+ ],
+ [
+ "is",
+ "ol"
+ ],
+ [
+ "ĠD",
+ "omin"
+ ],
+ [
+ "Ġchem",
+ "otherapy"
+ ],
+ [
+ "Ġas",
+ "leep"
+ ],
+ [
+ "olith",
+ "ic"
+ ],
+ [
+ "Ġdisplay",
+ "ing"
+ ],
+ [
+ "Ġblood",
+ "stream"
+ ],
+ [
+ "Ġo",
+ "ak"
+ ],
+ [
+ "ĠH",
+ "D"
+ ],
+ [
+ "act",
+ "ly"
+ ],
+ [
+ "ur",
+ "ban"
+ ],
+ [
+ "â",
+ "Ķ"
+ ],
+ [
+ "Ġfirst",
+ "name"
+ ],
+ [
+ "$$",
+ ","
+ ],
+ [
+ "new",
+ "s"
+ ],
+ [
+ "am",
+ "y"
+ ],
+ [
+ "Ġsim",
+ "ulate"
+ ],
+ [
+ "Ġfin",
+ "ances"
+ ],
+ [
+ "Ġcross",
+ "ed"
+ ],
+ [
+ "Ġc",
+ "ant"
+ ],
+ [
+ "Ġoff",
+ "ensive"
+ ],
+ [
+ "ĠK",
+ "a"
+ ],
+ [
+ "ock",
+ "ed"
+ ],
+ [
+ "0",
+ "10"
+ ],
+ [
+ "p",
+ "ine"
+ ],
+ [
+ "e",
+ "q"
+ ],
+ [
+ "Ġ=",
+ ">"
+ ],
+ [
+ "br",
+ "ates"
+ ],
+ [
+ "Ġpersist",
+ "ence"
+ ],
+ [
+ "ĠC",
+ "amb"
+ ],
+ [
+ "ĠUt",
+ "ah"
+ ],
+ [
+ "{",
+ "d"
+ ],
+ [
+ "}",
+ "=\\"
+ ],
+ [
+ "oll",
+ "o"
+ ],
+ [
+ "ogen",
+ "ous"
+ ],
+ [
+ "-con",
+ "f"
+ ],
+ [
+ "Ġquestionna",
+ "ire"
+ ],
+ [
+ "ĠOr",
+ "d"
+ ],
+ [
+ "ĠAbs",
+ "olute"
+ ],
+ [
+ "Ġph",
+ "yl"
+ ],
+ [
+ "Ġin",
+ "complete"
+ ],
+ [
+ "Ġdol",
+ "ph"
+ ],
+ [
+ "op",
+ "ause"
+ ],
+ [
+ "Ġce",
+ "iling"
+ ],
+ [
+ "Ġrepe",
+ "ating"
+ ],
+ [
+ "Ġde",
+ "le"
+ ],
+ [
+ "ĠO",
+ "ri"
+ ],
+ [
+ "Ġadequ",
+ "ately"
+ ],
+ [
+ "Ġtru",
+ "cks"
+ ],
+ [
+ "r",
+ "ill"
+ ],
+ [
+ "Ġst",
+ "rokes"
+ ],
+ [
+ "Ġmicro",
+ "bi"
+ ],
+ [
+ "L",
+ "ine"
+ ],
+ [
+ "Ġradical",
+ "s"
+ ],
+ [
+ "ĠP",
+ "ow"
+ ],
+ [
+ "Ġ(",
+ "$"
+ ],
+ [
+ "rosc",
+ "opy"
+ ],
+ [
+ "ad",
+ "ium"
+ ],
+ [
+ "ĠExp",
+ "ress"
+ ],
+ [
+ "Ġfac",
+ "ets"
+ ],
+ [
+ "Ġy",
+ "ards"
+ ],
+ [
+ "ĠCh",
+ "ronic"
+ ],
+ [
+ "E",
+ "v"
+ ],
+ [
+ "Ġendeav",
+ "ors"
+ ],
+ [
+ "ĠEx",
+ "erc"
+ ],
+ [
+ "W",
+ "omen"
+ ],
+ [
+ "rop",
+ "ract"
+ ],
+ [
+ "n",
+ "ut"
+ ],
+ [
+ "f",
+ "rame"
+ ],
+ [
+ "ĠSt",
+ "ra"
+ ],
+ [
+ "Ġinv",
+ "iting"
+ ],
+ [
+ "Ġwood",
+ "s"
+ ],
+ [
+ "Ġfin",
+ "ishing"
+ ],
+ [
+ "âĢ¢âĢ¢",
+ "âĢ¢âĢ¢"
+ ],
+ [
+ "ĠPl",
+ "ot"
+ ],
+ [
+ "ke",
+ "ep"
+ ],
+ [
+ "ĠS",
+ "audi"
+ ],
+ [
+ "ĠBi",
+ "ological"
+ ],
+ [
+ "Ġmotiv",
+ "ations"
+ ],
+ [
+ "k",
+ "it"
+ ],
+ [
+ "ter",
+ "ing"
+ ],
+ [
+ "Ġback",
+ "yard"
+ ],
+ [
+ "ĠBen",
+ "jamin"
+ ],
+ [
+ "Ġcond",
+ "em"
+ ],
+ [
+ "add",
+ "le"
+ ],
+ [
+ "Ġmosquit",
+ "o"
+ ],
+ [
+ "oc",
+ "ene"
+ ],
+ [
+ "ac",
+ "ci"
+ ],
+ [
+ "(",
+ "C"
+ ],
+ [
+ "_",
+ "{\\"
+ ],
+ [
+ "Ġsw",
+ "ord"
+ ],
+ [
+ "Ġpo",
+ "ore"
+ ],
+ [
+ "Ġpyram",
+ "id"
+ ],
+ [
+ "Ġ$",
+ "("
+ ],
+ [
+ "ĠE",
+ "instein"
+ ],
+ [
+ "ĠP",
+ "O"
+ ],
+ [
+ "Ġtra",
+ "ils"
+ ],
+ [
+ "Ġe",
+ "ternal"
+ ],
+ [
+ "Ġknowledge",
+ "able"
+ ],
+ [
+ "Ġtor",
+ "que"
+ ],
+ [
+ "rodu",
+ "cing"
+ ],
+ [
+ "Ġdel",
+ "ving"
+ ],
+ [
+ "Ġfertil",
+ "izers"
+ ],
+ [
+ "ĠO",
+ "ptions"
+ ],
+ [
+ "Ġgovern",
+ "ed"
+ ],
+ [
+ "ĠH",
+ "az"
+ ],
+ [
+ "Ġsecure",
+ "ly"
+ ],
+ [
+ "Ġbutter",
+ "fly"
+ ],
+ [
+ "Ġf",
+ "ool"
+ ],
+ [
+ "Ġup",
+ "g"
+ ],
+ [
+ "Ġsc",
+ "oring"
+ ],
+ [
+ "Ġaccount",
+ "able"
+ ],
+ [
+ "Ġsk",
+ "ip"
+ ],
+ [
+ "ĠOrth",
+ "odox"
+ ],
+ [
+ "Ġpip",
+ "eline"
+ ],
+ [
+ "ĠC",
+ "ooking"
+ ],
+ [
+ "ri",
+ "ver"
+ ],
+ [
+ "Con",
+ "f"
+ ],
+ [
+ "St",
+ "and"
+ ],
+ [
+ "ĠCalcul",
+ "ator"
+ ],
+ [
+ "Ġz",
+ "o"
+ ],
+ [
+ "Ġre",
+ "plic"
+ ],
+ [
+ "Ġhead",
+ "ed"
+ ],
+ [
+ "Ġmem",
+ "orial"
+ ],
+ [
+ "ĠClass",
+ "ical"
+ ],
+ [
+ "-",
+ "j"
+ ],
+ [
+ ".",
+ "v"
+ ],
+ [
+ "e",
+ "ared"
+ ],
+ [
+ "ĠÐ",
+ "´"
+ ],
+ [
+ "Ġref",
+ "ract"
+ ],
+ [
+ "ty",
+ "pes"
+ ],
+ [
+ "Un",
+ "ited"
+ ],
+ [
+ "Ġbreat",
+ "htaking"
+ ],
+ [
+ "N",
+ "T"
+ ],
+ [
+ "ĠM",
+ "ort"
+ ],
+ [
+ "oc",
+ "ard"
+ ],
+ [
+ "Ġroll",
+ "ed"
+ ],
+ [
+ "Ġrep",
+ "airs"
+ ],
+ [
+ "Int",
+ "eg"
+ ],
+ [
+ "Ġgra",
+ "ve"
+ ],
+ [
+ "ĠAr",
+ "k"
+ ],
+ [
+ "ĠCol",
+ "omb"
+ ],
+ [
+ "P",
+ "ress"
+ ],
+ [
+ "osp",
+ "ace"
+ ],
+ [
+ "um",
+ "en"
+ ],
+ [
+ "Ġar",
+ "ist"
+ ],
+ [
+ "Ġr",
+ "he"
+ ],
+ [
+ "Ġpass",
+ "enger"
+ ],
+ [
+ "Ġclim",
+ "b"
+ ],
+ [
+ "Ġlim",
+ "b"
+ ],
+ [
+ "Ġc",
+ "ath"
+ ],
+ [
+ "(",
+ "N"
+ ],
+ [
+ "ĠSer",
+ "ver"
+ ],
+ [
+ "Ġheav",
+ "ier"
+ ],
+ [
+ "Ġemb",
+ "ody"
+ ],
+ [
+ "-aware",
+ "ness"
+ ],
+ [
+ "Ġ\"",
+ ".ĊĊ"
+ ],
+ [
+ "on",
+ "i"
+ ],
+ [
+ "ĠDis",
+ "play"
+ ],
+ [
+ "ĠMag",
+ "azine"
+ ],
+ [
+ "Ġd",
+ "ining"
+ ],
+ [
+ "ĠKeep",
+ "ing"
+ ],
+ [
+ "Ġdecentral",
+ "ized"
+ ],
+ [
+ "Ġav",
+ "iation"
+ ],
+ [
+ "ĠSw",
+ "iss"
+ ],
+ [
+ "28",
+ "0"
+ ],
+ [
+ "Ġdel",
+ "ta"
+ ],
+ [
+ "Ġwas",
+ "hed"
+ ],
+ [
+ "ĠSil",
+ "ver"
+ ],
+ [
+ "ak",
+ "ota"
+ ],
+ [
+ "Ġdiff",
+ "usion"
+ ],
+ [
+ "ĠP",
+ "in"
+ ],
+ [
+ "ĠE",
+ "ric"
+ ],
+ [
+ "Ġfle",
+ "et"
+ ],
+ [
+ "ov",
+ "ol"
+ ],
+ [
+ "Ġco",
+ "zy"
+ ],
+ [
+ "ĠSupp",
+ "ly"
+ ],
+ [
+ "ĠD",
+ "al"
+ ],
+ [
+ "ch",
+ "ildren"
+ ],
+ [
+ "Ġrespect",
+ "ing"
+ ],
+ [
+ "Ġoverse",
+ "as"
+ ],
+ [
+ "Ù",
+ "İ"
+ ],
+ [
+ "ĠBl",
+ "og"
+ ],
+ [
+ "ef",
+ "ined"
+ ],
+ [
+ "M",
+ "c"
+ ],
+ [
+ "-d",
+ "igit"
+ ],
+ [
+ "Ġutil",
+ "izes"
+ ],
+ [
+ "Ġm",
+ "oles"
+ ],
+ [
+ "Ġdep",
+ "osition"
+ ],
+ [
+ "h",
+ "n"
+ ],
+ [
+ "Te",
+ "X"
+ ],
+ [
+ "''",
+ "'"
+ ],
+ [
+ ".p",
+ "y"
+ ],
+ [
+ "Ġpropag",
+ "anda"
+ ],
+ [
+ "atur",
+ "ated"
+ ],
+ [
+ "Ġsuppl",
+ "ier"
+ ],
+ [
+ "Ġdos",
+ "age"
+ ],
+ [
+ "ä",
+ "¹"
+ ],
+ [
+ "ĠE",
+ "t"
+ ],
+ [
+ "Ġtr",
+ "illion"
+ ],
+ [
+ "ĠTr",
+ "uth"
+ ],
+ [
+ "at",
+ "ics"
+ ],
+ [
+ "ij",
+ "ing"
+ ],
+ [
+ "`",
+ "."
+ ],
+ [
+ "ĠCe",
+ "lebr"
+ ],
+ [
+ "Ġem",
+ "ploys"
+ ],
+ [
+ "Ġass",
+ "ass"
+ ],
+ [
+ "Ġadolesc",
+ "ence"
+ ],
+ [
+ "Ġcle",
+ "ans"
+ ],
+ [
+ "Ġhar",
+ "assment"
+ ],
+ [
+ "rim",
+ "p"
+ ],
+ [
+ "em",
+ "ption"
+ ],
+ [
+ "ĠF",
+ "ahrenheit"
+ ],
+ [
+ "ĠCapt",
+ "ain"
+ ],
+ [
+ "ĠC",
+ "atal"
+ ],
+ [
+ "ĠCh",
+ "ris"
+ ],
+ [
+ "Ġtext",
+ "ures"
+ ],
+ [
+ "mit",
+ "t"
+ ],
+ [
+ "Ġunder",
+ "neath"
+ ],
+ [
+ "sc",
+ "ribe"
+ ],
+ [
+ "-spe",
+ "ed"
+ ],
+ [
+ "Ġcal",
+ "c"
+ ],
+ [
+ "ar",
+ "in"
+ ],
+ [
+ "ĠMot",
+ "ion"
+ ],
+ [
+ "Ġwe",
+ "ed"
+ ],
+ [
+ "ac",
+ "hers"
+ ],
+ [
+ "ĠUS",
+ "B"
+ ],
+ [
+ "ĠM",
+ "oscow"
+ ],
+ [
+ "Ġcorpor",
+ "ation"
+ ],
+ [
+ "Ġteen",
+ "age"
+ ],
+ [
+ "Ġham",
+ "let"
+ ],
+ [
+ "Ġstre",
+ "aming"
+ ],
+ [
+ "à",
+ "®"
+ ],
+ [
+ "ĠCit",
+ "iz"
+ ],
+ [
+ "Ġres",
+ "in"
+ ],
+ [
+ "ĠK",
+ "ings"
+ ],
+ [
+ "Ġtrans",
+ "it"
+ ],
+ [
+ "ĠIsrael",
+ "i"
+ ],
+ [
+ "Ġsum",
+ "s"
+ ],
+ [
+ "Ġmotif",
+ "s"
+ ],
+ [
+ "OR",
+ "T"
+ ],
+ [
+ "ĠF",
+ "le"
+ ],
+ [
+ "uth",
+ "ors"
+ ],
+ [
+ "Ġpr",
+ "uning"
+ ],
+ [
+ "ĠNep",
+ "al"
+ ],
+ [
+ "a",
+ "ire"
+ ],
+ [
+ "Ġdiff",
+ "ering"
+ ],
+ [
+ "?",
+ "âĢĿĊ"
+ ],
+ [
+ "t",
+ "wo"
+ ],
+ [
+ "en",
+ "stein"
+ ],
+ [
+ "_f",
+ "ile"
+ ],
+ [
+ "ĠE",
+ "R"
+ ],
+ [
+ "Ġtra",
+ "ders"
+ ],
+ [
+ "or",
+ "ia"
+ ],
+ [
+ "ĠTo",
+ "o"
+ ],
+ [
+ "ĠFa",
+ "ith"
+ ],
+ [
+ "Ġcong",
+ "ress"
+ ],
+ [
+ "ĠTem",
+ "perature"
+ ],
+ [
+ "Ġte",
+ "asp"
+ ],
+ [
+ "Ġg",
+ "amma"
+ ],
+ [
+ "Ġrebell",
+ "ion"
+ ],
+ [
+ "Ġprov",
+ "es"
+ ],
+ [
+ "ĠC",
+ "M"
+ ],
+ [
+ "ĠElect",
+ "ronic"
+ ],
+ [
+ "Ġtraject",
+ "ory"
+ ],
+ [
+ "oglob",
+ "in"
+ ],
+ [
+ "ĠChrist",
+ "opher"
+ ],
+ [
+ "oth",
+ "y"
+ ],
+ [
+ "Ġquick",
+ "er"
+ ],
+ [
+ "ĠArgent",
+ "ina"
+ ],
+ [
+ "%",
+ ".Ċ"
+ ],
+ [
+ "Ġcoron",
+ "ary"
+ ],
+ [
+ "Ġw",
+ "itch"
+ ],
+ [
+ "p",
+ "ill"
+ ],
+ [
+ "Ġpro",
+ "se"
+ ],
+ [
+ "eg",
+ "rad"
+ ],
+ [
+ "Ġinf",
+ "rared"
+ ],
+ [
+ "Ġspin",
+ "ning"
+ ],
+ [
+ "od",
+ "er"
+ ],
+ [
+ "pat",
+ "ient"
+ ],
+ [
+ "b",
+ "irds"
+ ],
+ [
+ "ĠJ",
+ "upiter"
+ ],
+ [
+ "Ġcor",
+ "rupt"
+ ],
+ [
+ "Ġreject",
+ "ion"
+ ],
+ [
+ "l",
+ "ab"
+ ],
+ [
+ "Ġto",
+ "ken"
+ ],
+ [
+ "ot",
+ "ics"
+ ],
+ [
+ "Ġdest",
+ "inations"
+ ],
+ [
+ "Ġsad",
+ "ness"
+ ],
+ [
+ "ocr",
+ "ine"
+ ],
+ [
+ "at",
+ "ivity"
+ ],
+ [
+ "33",
+ "3"
+ ],
+ [
+ "Ġ[",
+ "'"
+ ],
+ [
+ "Ġcons",
+ "erve"
+ ],
+ [
+ "St",
+ "r"
+ ],
+ [
+ "ĠHand",
+ "book"
+ ],
+ [
+ "Ġexam",
+ "inations"
+ ],
+ [
+ "Ġimpact",
+ "ing"
+ ],
+ [
+ "Ġconduct",
+ "or"
+ ],
+ [
+ "un",
+ "n"
+ ],
+ [
+ "ĠConf",
+ "lict"
+ ],
+ [
+ "Ġfr",
+ "ank"
+ ],
+ [
+ "Ġintern",
+ "ationally"
+ ],
+ [
+ "Ġb",
+ "ass"
+ ],
+ [
+ "ĠPro",
+ "s"
+ ],
+ [
+ "Ġmult",
+ "icultural"
+ ],
+ [
+ "and",
+ "o"
+ ],
+ [
+ "ĠF",
+ "inn"
+ ],
+ [
+ "Ġpract",
+ "ically"
+ ],
+ [
+ "Ġschool",
+ "ing"
+ ],
+ [
+ "Ġdesk",
+ "top"
+ ],
+ [
+ "ct",
+ "ica"
+ ],
+ [
+ "ĠIntern",
+ "al"
+ ],
+ [
+ "ĠE",
+ "li"
+ ],
+ [
+ "_d",
+ "ict"
+ ],
+ [
+ "Ġthe",
+ "ology"
+ ],
+ [
+ "il",
+ "age"
+ ],
+ [
+ "Ġac",
+ "ne"
+ ],
+ [
+ "ren",
+ "ces"
+ ],
+ [
+ "Ġperman",
+ "ently"
+ ],
+ [
+ "\\",
+ "_"
+ ],
+ [
+ "Ġhas",
+ "n"
+ ],
+ [
+ "Ġbu",
+ "zz"
+ ],
+ [
+ "Ġw",
+ "and"
+ ],
+ [
+ "Ġconfident",
+ "ly"
+ ],
+ [
+ "ĠLook",
+ "ing"
+ ],
+ [
+ "qu",
+ "arters"
+ ],
+ [
+ "ap",
+ "le"
+ ],
+ [
+ "f",
+ "ires"
+ ],
+ [
+ "ĠAstron",
+ "omy"
+ ],
+ [
+ "-",
+ "co"
+ ],
+ [
+ "Ġd",
+ "essert"
+ ],
+ [
+ "Ġstim",
+ "ulating"
+ ],
+ [
+ "Ġenjoy",
+ "ment"
+ ],
+ [
+ "ose",
+ "xual"
+ ],
+ [
+ "ĠRe",
+ "covery"
+ ],
+ [
+ "Ġgener",
+ "ators"
+ ],
+ [
+ "ke",
+ "ley"
+ ],
+ [
+ "M",
+ "et"
+ ],
+ [
+ "Ġly",
+ "rics"
+ ],
+ [
+ "s",
+ "igma"
+ ],
+ [
+ "-part",
+ "y"
+ ],
+ [
+ "Ġtruth",
+ "s"
+ ],
+ [
+ "ĠB",
+ "ull"
+ ],
+ [
+ "Ġz",
+ "e"
+ ],
+ [
+ "''",
+ "'Ċ"
+ ],
+ [
+ "ĠCl",
+ "ark"
+ ],
+ [
+ "Ġlay",
+ "ing"
+ ],
+ [
+ "âĪ",
+ "ļ"
+ ],
+ [
+ "Ġcro",
+ "c"
+ ],
+ [
+ "ili",
+ "ary"
+ ],
+ [
+ "Ġaccident",
+ "ally"
+ ],
+ [
+ "Ġdes",
+ "per"
+ ],
+ [
+ "Ġde",
+ "lete"
+ ],
+ [
+ "ĠHindu",
+ "ism"
+ ],
+ [
+ "ĠEvery",
+ "thing"
+ ],
+ [
+ "Ġra",
+ "y"
+ ],
+ [
+ "Ġstay",
+ "ed"
+ ],
+ [
+ "ens",
+ "is"
+ ],
+ [
+ "_",
+ "in"
+ ],
+ [
+ "CI",
+ "AL"
+ ],
+ [
+ "Ġev",
+ "oke"
+ ],
+ [
+ "Ġceremon",
+ "ies"
+ ],
+ [
+ "st",
+ "ones"
+ ],
+ [
+ "ĠCon",
+ "duct"
+ ],
+ [
+ "l",
+ "ast"
+ ],
+ [
+ "ac",
+ "ial"
+ ],
+ [
+ "ĠAr",
+ "men"
+ ],
+ [
+ "Ġturb",
+ "ines"
+ ],
+ [
+ "ĠC",
+ "F"
+ ],
+ [
+ "le",
+ "ys"
+ ],
+ [
+ "Ġpast",
+ "a"
+ ],
+ [
+ "ĠEr",
+ "ror"
+ ],
+ [
+ "Expl",
+ "ore"
+ ],
+ [
+ "Ġsc",
+ "aling"
+ ],
+ [
+ "Ġminor",
+ "ities"
+ ],
+ [
+ "il",
+ "is"
+ ],
+ [
+ "um",
+ "ble"
+ ],
+ [
+ "P",
+ "I"
+ ],
+ [
+ "Ġprov",
+ "ing"
+ ],
+ [
+ "-th",
+ "reatening"
+ ],
+ [
+ "Ġd",
+ "aunting"
+ ],
+ [
+ "Ġinter",
+ "cept"
+ ],
+ [
+ "H",
+ "C"
+ ],
+ [
+ "st",
+ "ock"
+ ],
+ [
+ "Ġu",
+ "b"
+ ],
+ [
+ "ĠIn",
+ "put"
+ ],
+ [
+ "Ġmal",
+ "ware"
+ ],
+ [
+ "Ġsuccess",
+ "es"
+ ],
+ [
+ "B",
+ "eing"
+ ],
+ [
+ "N",
+ "As"
+ ],
+ [
+ "Ġ",
+ "ا"
+ ],
+ [
+ "36",
+ "5"
+ ],
+ [
+ "Ġl",
+ "ord"
+ ],
+ [
+ "Ġunder",
+ "going"
+ ],
+ [
+ "ĠFe",
+ "el"
+ ],
+ [
+ "ops",
+ "is"
+ ],
+ [
+ "Ġcataly",
+ "st"
+ ],
+ [
+ "be",
+ "it"
+ ],
+ [
+ "Ġbi",
+ "op"
+ ],
+ [
+ "ĠMic",
+ "hel"
+ ],
+ [
+ "ĠW",
+ "ays"
+ ],
+ [
+ "Ġbelie",
+ "ving"
+ ],
+ [
+ "it",
+ "ated"
+ ],
+ [
+ "Ġl",
+ "b"
+ ],
+ [
+ "ĠR",
+ "ound"
+ ],
+ [
+ "Ġinher",
+ "itance"
+ ],
+ [
+ "Ġun",
+ "pleasant"
+ ],
+ [
+ "com",
+ "b"
+ ],
+ [
+ "ĠPer",
+ "u"
+ ],
+ [
+ "Ġnotice",
+ "able"
+ ],
+ [
+ "Ġcel",
+ "estial"
+ ],
+ [
+ "m",
+ "ade"
+ ],
+ [
+ "ĠE",
+ "le"
+ ],
+ [
+ "id",
+ "o"
+ ],
+ [
+ "Ġsufficient",
+ "ly"
+ ],
+ [
+ "ĠDat",
+ "abase"
+ ],
+ [
+ "Ġterror",
+ "ism"
+ ],
+ [
+ "d",
+ "on"
+ ],
+ [
+ "b",
+ "oth"
+ ],
+ [
+ "Ġarrest",
+ "ed"
+ ],
+ [
+ "Ġnation",
+ "wide"
+ ],
+ [
+ "g",
+ "ments"
+ ],
+ [
+ "ĠLeg",
+ "is"
+ ],
+ [
+ "le",
+ "ading"
+ ],
+ [
+ "ĠN",
+ "ag"
+ ],
+ [
+ "Ġmenstru",
+ "al"
+ ],
+ [
+ "Ġev",
+ "apor"
+ ],
+ [
+ "ĠÎ",
+ "»"
+ ],
+ [
+ "Ġman",
+ "kind"
+ ],
+ [
+ "ĠD",
+ "onald"
+ ],
+ [
+ "Ġcommun",
+ "al"
+ ],
+ [
+ "ĠAl",
+ "i"
+ ],
+ [
+ "parent",
+ "s"
+ ],
+ [
+ "ĠVoc",
+ "abulary"
+ ],
+ [
+ "EE",
+ "E"
+ ],
+ [
+ ".",
+ "a"
+ ],
+ [
+ "act",
+ "or"
+ ],
+ [
+ "form",
+ "ance"
+ ],
+ [
+ "Ġinf",
+ "er"
+ ],
+ [
+ "Ġyog",
+ "urt"
+ ],
+ [
+ "Ġgrate",
+ "ful"
+ ],
+ [
+ "Ġfl",
+ "ora"
+ ],
+ [
+ "ĠCo",
+ "ord"
+ ],
+ [
+ "U",
+ "B"
+ ],
+ [
+ "}",
+ "-"
+ ],
+ [
+ "Ġl",
+ "ively"
+ ],
+ [
+ "Ġmunicip",
+ "al"
+ ],
+ [
+ "ĠW",
+ "ire"
+ ],
+ [
+ "Ġwilling",
+ "ness"
+ ],
+ [
+ "Ġuns",
+ "ure"
+ ],
+ [
+ "Ġaccomplish",
+ "ments"
+ ],
+ [
+ "ĠIndian",
+ "a"
+ ],
+ [
+ "Ġhum",
+ "id"
+ ],
+ [
+ "ĠSecond",
+ "ary"
+ ],
+ [
+ "ĠE",
+ "sc"
+ ],
+ [
+ "sell",
+ "ing"
+ ],
+ [
+ "Ġc",
+ "ivic"
+ ],
+ [
+ "g",
+ "ame"
+ ],
+ [
+ "Ġtables",
+ "p"
+ ],
+ [
+ "requ",
+ "ently"
+ ],
+ [
+ "ĠMulti",
+ "plication"
+ ],
+ [
+ "d",
+ "iff"
+ ],
+ [
+ "ĠÎ",
+ "Ķ"
+ ],
+ [
+ "Ġth",
+ "rowing"
+ ],
+ [
+ "Ġspe",
+ "eches"
+ ],
+ [
+ "Ġintent",
+ "ional"
+ ],
+ [
+ "Ġstat",
+ "ue"
+ ],
+ [
+ "Ġres",
+ "h"
+ ],
+ [
+ "Ġc",
+ "argo"
+ ],
+ [
+ "ĠPat",
+ "rick"
+ ],
+ [
+ "Ġad",
+ "s"
+ ],
+ [
+ "Ġpass",
+ "words"
+ ],
+ [
+ "ĠF",
+ "ou"
+ ],
+ [
+ "other",
+ "mal"
+ ],
+ [
+ "Ġnational",
+ "ism"
+ ],
+ [
+ "ĠAsk",
+ "ed"
+ ],
+ [
+ "oll",
+ "en"
+ ],
+ [
+ "Ġm",
+ "asters"
+ ],
+ [
+ "Ġopp",
+ "onent"
+ ],
+ [
+ "Ġelect",
+ "r"
+ ],
+ [
+ "к",
+ "а"
+ ],
+ [
+ "ĠB",
+ "os"
+ ],
+ [
+ "Ġindirect",
+ "ly"
+ ],
+ [
+ "M",
+ "arch"
+ ],
+ [
+ "Ġph",
+ "onics"
+ ],
+ [
+ "Ġmass",
+ "age"
+ ],
+ [
+ "ang",
+ "a"
+ ],
+ [
+ "ĠMon",
+ "itor"
+ ],
+ [
+ "Ġde",
+ "af"
+ ],
+ [
+ "em",
+ "por"
+ ],
+ [
+ "ĠDis",
+ "ney"
+ ],
+ [
+ "Ġpan",
+ "creas"
+ ],
+ [
+ "Ġa",
+ "ux"
+ ],
+ [
+ "Ġgu",
+ "y"
+ ],
+ [
+ "la",
+ "very"
+ ],
+ [
+ "Ġnever",
+ "theless"
+ ],
+ [
+ "Ġinvent",
+ "ions"
+ ],
+ [
+ "ĠNot",
+ "ice"
+ ],
+ [
+ "Ġt",
+ "ones"
+ ],
+ [
+ "be",
+ "at"
+ ],
+ [
+ "ĠCharacter",
+ "istics"
+ ],
+ [
+ "ĩ",
+ "Ĵ"
+ ],
+ [
+ "Ġst",
+ "urd"
+ ],
+ [
+ "Ġsort",
+ "ing"
+ ],
+ [
+ "t",
+ "ail"
+ ],
+ [
+ "Ġcharacter",
+ "ization"
+ ],
+ [
+ "ĠPl",
+ "ato"
+ ],
+ [
+ "Ġgra",
+ "vel"
+ ],
+ [
+ "Ġden",
+ "otes"
+ ],
+ [
+ "opor",
+ "osis"
+ ],
+ [
+ "Ġancest",
+ "ral"
+ ],
+ [
+ "ĠT",
+ "ob"
+ ],
+ [
+ "Ġrecip",
+ "ient"
+ ],
+ [
+ "Ġspread",
+ "she"
+ ],
+ [
+ "ĠB",
+ "enny"
+ ],
+ [
+ "ĠG",
+ "ib"
+ ],
+ [
+ "imp",
+ "se"
+ ],
+ [
+ "Ġd",
+ "ated"
+ ],
+ [
+ "Ġall",
+ "oy"
+ ],
+ [
+ "const",
+ "ruction"
+ ],
+ [
+ "cript",
+ "ions"
+ ],
+ [
+ "and",
+ "ra"
+ ],
+ [
+ "Ġref",
+ "res"
+ ],
+ [
+ "na",
+ "issance"
+ ],
+ [
+ "Ġmin",
+ "istry"
+ ],
+ [
+ "Ġcircum",
+ "ference"
+ ],
+ [
+ "Ġopt",
+ "ional"
+ ],
+ [
+ "Ġc",
+ "ens"
+ ],
+ [
+ "Ġinter",
+ "tw"
+ ],
+ [
+ "Ġrecur",
+ "ring"
+ ],
+ [
+ "2",
+ "25"
+ ],
+ [
+ "ĠECONOM",
+ "ICS"
+ ],
+ [
+ "ĠSe",
+ "ven"
+ ],
+ [
+ "Re",
+ "al"
+ ],
+ [
+ "ĠAdd",
+ "ressing"
+ ],
+ [
+ "ok",
+ "u"
+ ],
+ [
+ "ĠAthe",
+ "ns"
+ ],
+ [
+ "Ġweaken",
+ "ed"
+ ],
+ [
+ "2",
+ "60"
+ ],
+ [
+ "````",
+ "``"
+ ],
+ [
+ "Ġattor",
+ "ney"
+ ],
+ [
+ "ch",
+ "lor"
+ ],
+ [
+ "Ġconv",
+ "ince"
+ ],
+ [
+ "ĠF",
+ "resh"
+ ],
+ [
+ "Ġdeploy",
+ "ed"
+ ],
+ [
+ "iqu",
+ "id"
+ ],
+ [
+ "Ġrese",
+ "mble"
+ ],
+ [
+ "ĠRep",
+ "orts"
+ ],
+ [
+ "Ġsequ",
+ "ential"
+ ],
+ [
+ "Ġbub",
+ "bles"
+ ],
+ [
+ "Ġconvin",
+ "ced"
+ ],
+ [
+ "Ġtw",
+ "in"
+ ],
+ [
+ "ĠPro",
+ "ceedings"
+ ],
+ [
+ "oci",
+ "ated"
+ ],
+ [
+ "Ġneg",
+ "lig"
+ ],
+ [
+ ".",
+ "re"
+ ],
+ [
+ "ĠSchol",
+ "ars"
+ ],
+ [
+ "Ġsch",
+ "izophrenia"
+ ],
+ [
+ "Ġreef",
+ "s"
+ ],
+ [
+ "Ġcontin",
+ "ental"
+ ],
+ [
+ "Ġvers",
+ "es"
+ ],
+ [
+ "ĠStan",
+ "ford"
+ ],
+ [
+ "ĠEthiop",
+ "ia"
+ ],
+ [
+ "ĠZ",
+ "one"
+ ],
+ [
+ "Ġpreced",
+ "ing"
+ ],
+ [
+ "Ġdark",
+ "er"
+ ],
+ [
+ "Ġunst",
+ "able"
+ ],
+ [
+ "Ġprot",
+ "otype"
+ ],
+ [
+ "Ġpol",
+ "es"
+ ],
+ [
+ "ut",
+ "t"
+ ],
+ [
+ "ĠG",
+ "ab"
+ ],
+ [
+ "Ġstud",
+ "io"
+ ],
+ [
+ "ĠY",
+ "oga"
+ ],
+ [
+ "Ġpropag",
+ "ation"
+ ],
+ [
+ "ĠF",
+ "ortunately"
+ ],
+ [
+ "Ġprim",
+ "itive"
+ ],
+ [
+ "Ġrepl",
+ "ication"
+ ],
+ [
+ "Ġhit",
+ "ting"
+ ],
+ [
+ "Ġaccum",
+ "ulate"
+ ],
+ [
+ "Ġt",
+ "ires"
+ ],
+ [
+ "ĠDel",
+ "ta"
+ ],
+ [
+ "ĠP",
+ "oor"
+ ],
+ [
+ "od",
+ "a"
+ ],
+ [
+ "ĠRes",
+ "istance"
+ ],
+ [
+ "Ġf",
+ "ron"
+ ],
+ [
+ "ome",
+ "ga"
+ ],
+ [
+ "Ġpass",
+ "ions"
+ ],
+ [
+ "Ġl",
+ "ime"
+ ],
+ [
+ "Ġfract",
+ "ures"
+ ],
+ [
+ "Ġind",
+ "ul"
+ ],
+ [
+ "Ġmed",
+ "i"
+ ],
+ [
+ "âĢľ",
+ "What"
+ ],
+ [
+ "Ġproceed",
+ "ings"
+ ],
+ [
+ "Ġd",
+ "irty"
+ ],
+ [
+ "G",
+ "od"
+ ],
+ [
+ "S",
+ "chool"
+ ],
+ [
+ "Ġmotiv",
+ "ate"
+ ],
+ [
+ "Ġb",
+ "or"
+ ],
+ [
+ "Ġm",
+ "u"
+ ],
+ [
+ "Ġexp",
+ "orts"
+ ],
+ [
+ ".",
+ "read"
+ ],
+ [
+ "Ġhapp",
+ "ier"
+ ],
+ [
+ "ĠClin",
+ "ic"
+ ],
+ [
+ "Ġviol",
+ "ation"
+ ],
+ [
+ "ĠB",
+ "lu"
+ ],
+ [
+ "ah",
+ "oma"
+ ],
+ [
+ "Ġpsych",
+ "ologist"
+ ],
+ [
+ "Ġreinfor",
+ "ced"
+ ],
+ [
+ "ur",
+ "rection"
+ ],
+ [
+ "u",
+ "ci"
+ ],
+ [
+ "res",
+ "ented"
+ ],
+ [
+ "Ġsupre",
+ "me"
+ ],
+ [
+ "Ġ.",
+ ".Ċ"
+ ],
+ [
+ "pl",
+ "ies"
+ ],
+ [
+ "ĠZh",
+ "ang"
+ ],
+ [
+ "Ġs",
+ "ap"
+ ],
+ [
+ "Ġgra",
+ "pes"
+ ],
+ [
+ "20",
+ "6"
+ ],
+ [
+ "Ġpunct",
+ "uation"
+ ],
+ [
+ "ĠPen",
+ "insula"
+ ],
+ [
+ "Ġsuscept",
+ "ibility"
+ ],
+ [
+ "ĠB",
+ "E"
+ ],
+ [
+ "Ġbenef",
+ "ic"
+ ],
+ [
+ "ver",
+ "bs"
+ ],
+ [
+ "Ġfol",
+ "klore"
+ ],
+ [
+ "(",
+ "Ċ"
+ ],
+ [
+ "B",
+ "i"
+ ],
+ [
+ "he",
+ "et"
+ ],
+ [
+ "Ġcub",
+ "es"
+ ],
+ [
+ "ĠBal",
+ "ance"
+ ],
+ [
+ "Ġpurs",
+ "uits"
+ ],
+ [
+ "Expl",
+ "oring"
+ ],
+ [
+ "Ġvol",
+ "t"
+ ],
+ [
+ "Ġspir",
+ "al"
+ ],
+ [
+ "op",
+ "ia"
+ ],
+ [
+ "-spe",
+ "aking"
+ ],
+ [
+ "ĠMo",
+ "ore"
+ ],
+ [
+ "Sh",
+ "are"
+ ],
+ [
+ "Ġcraft",
+ "ed"
+ ],
+ [
+ "ĠC",
+ "ass"
+ ],
+ [
+ "Ġsh",
+ "ades"
+ ],
+ [
+ "ĠY",
+ "ang"
+ ],
+ [
+ "iqu",
+ "ity"
+ ],
+ [
+ "Ġgl",
+ "ory"
+ ],
+ [
+ "Ġsw",
+ "ing"
+ ],
+ [
+ "ĠRe",
+ "ality"
+ ],
+ [
+ "å",
+ "Ľ"
+ ],
+ [
+ "Ġter",
+ "restrial"
+ ],
+ [
+ "Ġguarant",
+ "ees"
+ ],
+ [
+ "Ù",
+ "Ĭ"
+ ],
+ [
+ "Ġpe",
+ "ppers"
+ ],
+ [
+ "ĠO",
+ "ak"
+ ],
+ [
+ "Im",
+ "pro"
+ ],
+ [
+ "Ġh",
+ "ay"
+ ],
+ [
+ "l",
+ "aw"
+ ],
+ [
+ "ĠAnd",
+ "erson"
+ ],
+ [
+ "Ġfl",
+ "ame"
+ ],
+ [
+ "ĠWh",
+ "it"
+ ],
+ [
+ "ĠÂ",
+ "µ"
+ ],
+ [
+ "ĠGen",
+ "etic"
+ ],
+ [
+ "ce",
+ "ived"
+ ],
+ [
+ "in",
+ "ctions"
+ ],
+ [
+ "ĠAc",
+ "id"
+ ],
+ [
+ "ens",
+ "ation"
+ ],
+ [
+ "Ġcomprom",
+ "ising"
+ ],
+ [
+ "arr",
+ "ing"
+ ],
+ [
+ "0",
+ "11"
+ ],
+ [
+ "ĠTrans",
+ "fer"
+ ],
+ [
+ "Ġprolif",
+ "eration"
+ ],
+ [
+ "Ġpark",
+ "ing"
+ ],
+ [
+ ":",
+ "-"
+ ],
+ [
+ "ĠIn",
+ "side"
+ ],
+ [
+ "ES",
+ "CO"
+ ],
+ [
+ "ĠR",
+ "oom"
+ ],
+ [
+ "ĠK",
+ "il"
+ ],
+ [
+ "Ġblo",
+ "oms"
+ ],
+ [
+ "d",
+ "ict"
+ ],
+ [
+ "On",
+ "ly"
+ ],
+ [
+ "ĠPoint",
+ "s"
+ ],
+ [
+ "Ġdown",
+ "ward"
+ ],
+ [
+ "Ġpropos",
+ "als"
+ ],
+ [
+ "ĠA",
+ "ffect"
+ ],
+ [
+ "Ġsevent",
+ "h"
+ ],
+ [
+ "(",
+ "z"
+ ],
+ [
+ "Ġan",
+ "terior"
+ ],
+ [
+ "isco",
+ "very"
+ ],
+ [
+ "ĠGraph",
+ "ic"
+ ],
+ [
+ "od",
+ "ium"
+ ],
+ [
+ "Ġv",
+ "ic"
+ ],
+ [
+ "Ġco",
+ "operative"
+ ],
+ [
+ "o",
+ "ic"
+ ],
+ [
+ "Ġnon",
+ "profit"
+ ],
+ [
+ "Ġreflect",
+ "ions"
+ ],
+ [
+ "Ġrou",
+ "ter"
+ ],
+ [
+ "Ġb",
+ "ent"
+ ],
+ [
+ "Ġcaut",
+ "ious"
+ ],
+ [
+ "ĠInd",
+ "ependent"
+ ],
+ [
+ "Ġvacc",
+ "inated"
+ ],
+ [
+ "Ġnot",
+ "ions"
+ ],
+ [
+ "ĠA",
+ "part"
+ ],
+ [
+ "Ġsc",
+ "ans"
+ ],
+ [
+ "ĠProject",
+ "s"
+ ],
+ [
+ "ram",
+ "a"
+ ],
+ [
+ "Ad",
+ "v"
+ ],
+ [
+ "ĠM",
+ "ust"
+ ],
+ [
+ "Ġpref",
+ "ix"
+ ],
+ [
+ "D",
+ "elta"
+ ],
+ [
+ "ĠH",
+ "ell"
+ ],
+ [
+ "о",
+ "ÑĢ"
+ ],
+ [
+ "ĠProg",
+ "ress"
+ ],
+ [
+ "è",
+ "®"
+ ],
+ [
+ "BS",
+ "E"
+ ],
+ [
+ "em",
+ "en"
+ ],
+ [
+ "ĠN",
+ "ames"
+ ],
+ [
+ "Ġad",
+ "jective"
+ ],
+ [
+ "ent",
+ "ry"
+ ],
+ [
+ "Ġanticip",
+ "ate"
+ ],
+ [
+ "Ġmicrosc",
+ "opic"
+ ],
+ [
+ "Ġdetect",
+ "or"
+ ],
+ [
+ "ĠStart",
+ "ing"
+ ],
+ [
+ "Ġun",
+ "ions"
+ ],
+ [
+ "Ġremov",
+ "es"
+ ],
+ [
+ "ĠDI",
+ "Y"
+ ],
+ [
+ "id",
+ "ering"
+ ],
+ [
+ "Ġstrengthe",
+ "ns"
+ ],
+ [
+ "Ġcom",
+ "edy"
+ ],
+ [
+ "Ġsupp",
+ "orters"
+ ],
+ [
+ "J",
+ "oin"
+ ],
+ [
+ "Ġs",
+ "its"
+ ],
+ [
+ "Ġdemand",
+ "ed"
+ ],
+ [
+ "Ġdo",
+ "zen"
+ ],
+ [
+ "Ġlo",
+ "vers"
+ ],
+ [
+ "Ġhost",
+ "ed"
+ ],
+ [
+ "Re",
+ "view"
+ ],
+ [
+ "Ġdel",
+ "iber"
+ ],
+ [
+ "Ġstat",
+ "istic"
+ ],
+ [
+ "Ġhum",
+ "ble"
+ ],
+ [
+ "ump",
+ "ing"
+ ],
+ [
+ "augh",
+ "ters"
+ ],
+ [
+ "ĠT",
+ "es"
+ ],
+ [
+ "Ġback",
+ "ward"
+ ],
+ [
+ "Ġdeal",
+ "t"
+ ],
+ [
+ "ä¸",
+ "Ń"
+ ],
+ [
+ "Ġsculpt",
+ "ures"
+ ],
+ [
+ "Ġan",
+ "omal"
+ ],
+ [
+ "Ġgra",
+ "pe"
+ ],
+ [
+ "Ġsan",
+ "ct"
+ ],
+ [
+ "D",
+ "ue"
+ ],
+ [
+ "ĠTransport",
+ "ation"
+ ],
+ [
+ "ĠAb",
+ "use"
+ ],
+ [
+ "Ġaven",
+ "ues"
+ ],
+ [
+ "te",
+ "enth"
+ ],
+ [
+ "Ġrhyth",
+ "ms"
+ ],
+ [
+ "Ġexpend",
+ "iture"
+ ],
+ [
+ "op",
+ "ot"
+ ],
+ [
+ "Ġluck",
+ "y"
+ ],
+ [
+ "In",
+ "c"
+ ],
+ [
+ "ier",
+ "re"
+ ],
+ [
+ "Ġsome",
+ "body"
+ ],
+ [
+ "-min",
+ "ute"
+ ],
+ [
+ "ĠAd",
+ "dition"
+ ],
+ [
+ "(n",
+ "p"
+ ],
+ [
+ "Ġfer",
+ "mentation"
+ ],
+ [
+ "ĠAgain",
+ "st"
+ ],
+ [
+ "ĠCount",
+ "ries"
+ ],
+ [
+ "ĠE",
+ "ve"
+ ],
+ [
+ "ĠKnow",
+ "ing"
+ ],
+ [
+ "ul",
+ "ence"
+ ],
+ [
+ "-l",
+ "asting"
+ ],
+ [
+ "Ġimp",
+ "art"
+ ],
+ [
+ "Ġfore",
+ "nsic"
+ ],
+ [
+ "ĠW",
+ "ritten"
+ ],
+ [
+ "Ġsubst",
+ "itution"
+ ],
+ [
+ "Ġar",
+ "che"
+ ],
+ [
+ "Ġ",
+ "á"
+ ],
+ [
+ "ĠR",
+ "oc"
+ ],
+ [
+ "Ġstra",
+ "nd"
+ ],
+ [
+ "ĠC",
+ "row"
+ ],
+ [
+ "Ġattract",
+ "ions"
+ ],
+ [
+ "Ġb",
+ "end"
+ ],
+ [
+ "ott",
+ "om"
+ ],
+ [
+ "Ġl",
+ "ag"
+ ],
+ [
+ "Ġbo",
+ "ot"
+ ],
+ [
+ "D",
+ "ist"
+ ],
+ [
+ "\"\"",
+ "\""
+ ],
+ [
+ "omet",
+ "ers"
+ ],
+ [
+ "IN",
+ "D"
+ ],
+ [
+ "Ġw",
+ "it"
+ ],
+ [
+ "em",
+ "et"
+ ],
+ [
+ "hist",
+ "oric"
+ ],
+ [
+ "o",
+ "ise"
+ ],
+ [
+ "ĠT",
+ "ro"
+ ],
+ [
+ "ĠRequ",
+ "ire"
+ ],
+ [
+ "u",
+ "f"
+ ],
+ [
+ "Ġmeth",
+ "yl"
+ ],
+ [
+ "Ġtutorial",
+ "s"
+ ],
+ [
+ "é",
+ "t"
+ ],
+ [
+ "Ġnob",
+ "ody"
+ ],
+ [
+ "ĠHall",
+ "ow"
+ ],
+ [
+ "ub",
+ "a"
+ ],
+ [
+ "Ġconsequ",
+ "ently"
+ ],
+ [
+ "ĠDynam",
+ "ics"
+ ],
+ [
+ "ĠIS",
+ "O"
+ ],
+ [
+ "um",
+ "ption"
+ ],
+ [
+ "|",
+ "C"
+ ],
+ [
+ "bl",
+ "ack"
+ ],
+ [
+ "ĠT",
+ "ests"
+ ],
+ [
+ "Ġsurge",
+ "on"
+ ],
+ [
+ "w",
+ "ear"
+ ],
+ [
+ "ch",
+ "ild"
+ ],
+ [
+ "ĠCommun",
+ "ities"
+ ],
+ [
+ "st",
+ "atic"
+ ],
+ [
+ "Ġst",
+ "ance"
+ ],
+ [
+ "ĠVal",
+ "ues"
+ ],
+ [
+ "-mon",
+ "th"
+ ],
+ [
+ "ĠOrig",
+ "in"
+ ],
+ [
+ "Ġrecre",
+ "ation"
+ ],
+ [
+ "Ġveter",
+ "ans"
+ ],
+ [
+ "ay",
+ "an"
+ ],
+ [
+ "Ġcount",
+ "ed"
+ ],
+ [
+ "est",
+ "yles"
+ ],
+ [
+ "ĠCy",
+ "cle"
+ ],
+ [
+ "Ġ",
+ "```"
+ ],
+ [
+ "Ġm",
+ "ph"
+ ],
+ [
+ "2",
+ "12"
+ ],
+ [
+ "à¤",
+ "°"
+ ],
+ [
+ "O",
+ "pt"
+ ],
+ [
+ "Ġun",
+ "for"
+ ],
+ [
+ "Ġbu",
+ "il"
+ ],
+ [
+ "Ġw",
+ "olf"
+ ],
+ [
+ "ĠTh",
+ "or"
+ ],
+ [
+ "^",
+ "n"
+ ],
+ [
+ "Ġmar",
+ "ble"
+ ],
+ [
+ "Ġharmon",
+ "ious"
+ ],
+ [
+ "Ġsc",
+ "ared"
+ ],
+ [
+ "Ġman",
+ "eu"
+ ],
+ [
+ "ĠMag",
+ "ic"
+ ],
+ [
+ "ĠN",
+ "AT"
+ ],
+ [
+ "pr",
+ "ime"
+ ],
+ [
+ "Ġatt",
+ "ent"
+ ],
+ [
+ "J",
+ "une"
+ ],
+ [
+ "Ġst",
+ "y"
+ ],
+ [
+ "ĠM",
+ "RI"
+ ],
+ [
+ "li",
+ "ance"
+ ],
+ [
+ "Ġhe",
+ "n"
+ ],
+ [
+ "Ġfair",
+ "y"
+ ],
+ [
+ "Ġaccompany",
+ "ing"
+ ],
+ [
+ "Ġautom",
+ "obile"
+ ],
+ [
+ "Ġveter",
+ "inary"
+ ],
+ [
+ "Ġve",
+ "in"
+ ],
+ [
+ "ĠB",
+ "BC"
+ ],
+ [
+ "ĠEng",
+ "age"
+ ],
+ [
+ "ĠF",
+ "L"
+ ],
+ [
+ "Ġpix",
+ "el"
+ ],
+ [
+ "Ġsl",
+ "ot"
+ ],
+ [
+ "Ġtransl",
+ "ates"
+ ],
+ [
+ "Ġbare",
+ "ly"
+ ],
+ [
+ "ĠD",
+ "iam"
+ ],
+ [
+ "kl",
+ "ahoma"
+ ],
+ [
+ "ĠStat",
+ "istical"
+ ],
+ [
+ "................",
+ "................"
+ ],
+ [
+ "Ġsystem",
+ "atically"
+ ],
+ [
+ "os",
+ "ke"
+ ],
+ [
+ "Ġobs",
+ "ess"
+ ],
+ [
+ "Ġrecogn",
+ "ised"
+ ],
+ [
+ "Ġl",
+ "ush"
+ ],
+ [
+ "S",
+ "w"
+ ],
+ [
+ "Ġen",
+ "roll"
+ ],
+ [
+ "Ġst",
+ "yl"
+ ],
+ [
+ "pect",
+ "ion"
+ ],
+ [
+ "ĠN",
+ "av"
+ ],
+ [
+ "ĠC",
+ "CSS"
+ ],
+ [
+ "Ġdescend",
+ "ants"
+ ],
+ [
+ "ĠFin",
+ "land"
+ ],
+ [
+ "Ġsent",
+ "iment"
+ ],
+ [
+ "Ġathlet",
+ "ic"
+ ],
+ [
+ "re",
+ "ach"
+ ],
+ [
+ "p",
+ "ired"
+ ],
+ [
+ "it",
+ "at"
+ ],
+ [
+ "Ġsubtract",
+ "ing"
+ ],
+ [
+ "ĠSen",
+ "ior"
+ ],
+ [
+ "ĠCompar",
+ "ison"
+ ],
+ [
+ "Ġreconst",
+ "ruct"
+ ],
+ [
+ "{",
+ "("
+ ],
+ [
+ "Ġrob",
+ "otic"
+ ],
+ [
+ "IT",
+ "H"
+ ],
+ [
+ "Ġtou",
+ "ches"
+ ],
+ [
+ "Ġhomes",
+ "chool"
+ ],
+ [
+ "Ġw",
+ "oven"
+ ],
+ [
+ "Ġret",
+ "reat"
+ ],
+ [
+ "edi",
+ "ate"
+ ],
+ [
+ "X",
+ "X"
+ ],
+ [
+ "Ġd",
+ "orm"
+ ],
+ [
+ "Ġnew",
+ "er"
+ ],
+ [
+ "ĠW",
+ "u"
+ ],
+ [
+ "Ġvolcan",
+ "o"
+ ],
+ [
+ "ĠP",
+ "atterns"
+ ],
+ [
+ "ĠEnc",
+ "ouraging"
+ ],
+ [
+ "Ġacceler",
+ "ated"
+ ],
+ [
+ "ĠFed",
+ "eration"
+ ],
+ [
+ "i",
+ "pt"
+ ],
+ [
+ "az",
+ "ed"
+ ],
+ [
+ "Ġn",
+ "ails"
+ ],
+ [
+ "Ġant",
+ "igen"
+ ],
+ [
+ "Ġfather",
+ "s"
+ ],
+ [
+ "ĠHum",
+ "ans"
+ ],
+ [
+ "Ġadv",
+ "ise"
+ ],
+ [
+ "ary",
+ "n"
+ ],
+ [
+ "ĠT",
+ "ower"
+ ],
+ [
+ "worth",
+ "y"
+ ],
+ [
+ "Ġun",
+ "authorized"
+ ],
+ [
+ "ole",
+ "an"
+ ],
+ [
+ "Ġf",
+ "ierce"
+ ],
+ [
+ "Ġsin",
+ "us"
+ ],
+ [
+ "ĠC",
+ "NC"
+ ],
+ [
+ "am",
+ "orph"
+ ],
+ [
+ "ĠP",
+ "erm"
+ ],
+ [
+ "ĠSur",
+ "v"
+ ],
+ [
+ "Ġam",
+ "end"
+ ],
+ [
+ "Ġid",
+ "i"
+ ],
+ [
+ "³³³³³³³³",
+ "³³³³³³³³"
+ ],
+ [
+ "he",
+ "ld"
+ ],
+ [
+ "=",
+ "True"
+ ],
+ [
+ "ĠN",
+ "iche"
+ ],
+ [
+ "Ġbeautiful",
+ "ly"
+ ],
+ [
+ "Ġres",
+ "ort"
+ ],
+ [
+ "Ġtrans",
+ "m"
+ ],
+ [
+ ".",
+ "is"
+ ],
+ [
+ "Ġdepict",
+ "ing"
+ ],
+ [
+ "ere",
+ "rs"
+ ],
+ [
+ "Ġeduc",
+ "ating"
+ ],
+ [
+ "ãĢ",
+ "ģ"
+ ],
+ [
+ "ĠL",
+ "ang"
+ ],
+ [
+ "ĠLa",
+ "TeX"
+ ],
+ [
+ "Ġpray",
+ "ers"
+ ],
+ [
+ "Ġath",
+ "lete"
+ ],
+ [
+ "Ġfilter",
+ "ing"
+ ],
+ [
+ "ĠEconom",
+ "y"
+ ],
+ [
+ "Ġrom",
+ "an"
+ ],
+ [
+ "EN",
+ "TS"
+ ],
+ [
+ "ĠManufact",
+ "uring"
+ ],
+ [
+ "le",
+ "q"
+ ],
+ [
+ "wh",
+ "ite"
+ ],
+ [
+ "ĠD",
+ "R"
+ ],
+ [
+ "Ġa",
+ "ver"
+ ],
+ [
+ "urn",
+ "al"
+ ],
+ [
+ "Un",
+ "fortunately"
+ ],
+ [
+ "Ġconf",
+ "erences"
+ ],
+ [
+ "Ġencourage",
+ "ment"
+ ],
+ [
+ "Ġgram",
+ "mat"
+ ],
+ [
+ "Ġaccum",
+ "ulated"
+ ],
+ [
+ "Ġdispro",
+ "portion"
+ ],
+ [
+ "ĠInst",
+ "ruction"
+ ],
+ [
+ "Ġcr",
+ "ude"
+ ],
+ [
+ "Ġhe",
+ "red"
+ ],
+ [
+ "Ġconf",
+ "igure"
+ ],
+ [
+ "Ġseason",
+ "ed"
+ ],
+ [
+ "ĠP",
+ "osition"
+ ],
+ [
+ "Ġd",
+ "rones"
+ ],
+ [
+ "ĠVen",
+ "us"
+ ],
+ [
+ "Ġver",
+ "ification"
+ ],
+ [
+ ".âĢĻ",
+ "Ċ"
+ ],
+ [
+ "ĠT",
+ "rees"
+ ],
+ [
+ "----",
+ "-ĊĊ"
+ ],
+ [
+ "Î",
+ "¼"
+ ],
+ [
+ "ĠClass",
+ "ification"
+ ],
+ [
+ "Ġd",
+ "ad"
+ ],
+ [
+ "Ġfit",
+ "ted"
+ ],
+ [
+ "Ġsusp",
+ "icious"
+ ],
+ [
+ "Ġpr",
+ "ince"
+ ],
+ [
+ "Ġany",
+ "way"
+ ],
+ [
+ "Ġa",
+ "pt"
+ ],
+ [
+ "Ġut",
+ "ter"
+ ],
+ [
+ "Ġcategor",
+ "ized"
+ ],
+ [
+ "iv",
+ "ari"
+ ],
+ [
+ "ig",
+ "hed"
+ ],
+ [
+ "ĠSignific",
+ "ance"
+ ],
+ [
+ "Ġtick",
+ "et"
+ ],
+ [
+ "ĠMet",
+ "al"
+ ],
+ [
+ "Ġbl",
+ "ast"
+ ],
+ [
+ "ĠConsider",
+ "ations"
+ ],
+ [
+ "Ġwor",
+ "ries"
+ ],
+ [
+ "d",
+ "t"
+ ],
+ [
+ "Â",
+ "Ģ"
+ ],
+ [
+ "ĠMain",
+ "e"
+ ],
+ [
+ "Ġafric",
+ "an"
+ ],
+ [
+ "-",
+ "Z"
+ ],
+ [
+ "30",
+ "4"
+ ],
+ [
+ "cont",
+ "roll"
+ ],
+ [
+ "_",
+ "value"
+ ],
+ [
+ "Ġcar",
+ "riers"
+ ],
+ [
+ "Ġgen",
+ "ital"
+ ],
+ [
+ "Ġbl",
+ "ades"
+ ],
+ [
+ "Ġr",
+ "ush"
+ ],
+ [
+ "Pro",
+ "ject"
+ ],
+ [
+ "arc",
+ "ity"
+ ],
+ [
+ "n",
+ "as"
+ ],
+ [
+ "|",
+ "P"
+ ],
+ [
+ "Ġâ",
+ "ĸ"
+ ],
+ [
+ "ve",
+ "ctor"
+ ],
+ [
+ "ĠC",
+ "up"
+ ],
+ [
+ "Ġfree",
+ "ze"
+ ],
+ [
+ "Ġwild",
+ "erness"
+ ],
+ [
+ "Ġar",
+ "sen"
+ ],
+ [
+ "Ġb",
+ "apt"
+ ],
+ [
+ "/",
+ "M"
+ ],
+ [
+ "Ġp",
+ "d"
+ ],
+ [
+ "Ġre",
+ "use"
+ ],
+ [
+ "ED",
+ "ICAL"
+ ],
+ [
+ "Ġad",
+ "ren"
+ ],
+ [
+ "ĠL",
+ "ith"
+ ],
+ [
+ "ĠEth",
+ "ical"
+ ],
+ [
+ "g",
+ "one"
+ ],
+ [
+ "ĠThe",
+ "sis"
+ ],
+ [
+ "Ġg",
+ "room"
+ ],
+ [
+ "Ġspread",
+ "s"
+ ],
+ [
+ "ats",
+ "by"
+ ],
+ [
+ "Ï",
+ "Ĥ"
+ ],
+ [
+ "ud",
+ "a"
+ ],
+ [
+ "Ġmitig",
+ "ating"
+ ],
+ [
+ "ĠGen",
+ "eration"
+ ],
+ [
+ "ĠM",
+ "yth"
+ ],
+ [
+ "Ġv",
+ "ibration"
+ ],
+ [
+ "ĠColumb",
+ "us"
+ ],
+ [
+ "D",
+ "NA"
+ ],
+ [
+ "ĠD",
+ "ynasty"
+ ],
+ [
+ "Ġout",
+ "lets"
+ ],
+ [
+ "ĠV",
+ "eh"
+ ],
+ [
+ "worm",
+ "s"
+ ],
+ [
+ "bol",
+ "a"
+ ],
+ [
+ "ĠB",
+ "apt"
+ ],
+ [
+ "ĠAccount",
+ "ing"
+ ],
+ [
+ "ruct",
+ "ured"
+ ],
+ [
+ "Ġrespons",
+ "ibly"
+ ],
+ [
+ "Ġclaim",
+ "ing"
+ ],
+ [
+ "In",
+ "cre"
+ ],
+ [
+ "Ġap",
+ "nea"
+ ],
+ [
+ "Ġexpect",
+ "ancy"
+ ],
+ [
+ "ĠA",
+ "verage"
+ ],
+ [
+ "Ġcomput",
+ "ation"
+ ],
+ [
+ "ic",
+ "ut"
+ ],
+ [
+ "Ġy",
+ "esterday"
+ ],
+ [
+ "ĠK",
+ "y"
+ ],
+ [
+ "ĠâĪ",
+ "ł"
+ ],
+ [
+ "C",
+ "ase"
+ ],
+ [
+ "im",
+ "g"
+ ],
+ [
+ "ĠP",
+ "D"
+ ],
+ [
+ "Ġmarg",
+ "ins"
+ ],
+ [
+ "ĠLib",
+ "ert"
+ ],
+ [
+ "Ġcryptocur",
+ "rencies"
+ ],
+ [
+ "Ġrevolution",
+ "ized"
+ ],
+ [
+ "er",
+ "ion"
+ ],
+ [
+ "Ben",
+ "efits"
+ ],
+ [
+ "ĠQ",
+ "ual"
+ ],
+ [
+ "Ġpat",
+ "ron"
+ ],
+ [
+ "Ġharvest",
+ "ed"
+ ],
+ [
+ "iz",
+ "ard"
+ ],
+ [
+ "ĠWal",
+ "ter"
+ ],
+ [
+ "ap",
+ "el"
+ ],
+ [
+ "Ġwet",
+ "lands"
+ ],
+ [
+ "{",
+ "Ċ"
+ ],
+ [
+ "ar",
+ "re"
+ ],
+ [
+ "ĠI",
+ "l"
+ ],
+ [
+ "ĠF",
+ "ill"
+ ],
+ [
+ "Ġcont",
+ "ag"
+ ],
+ [
+ "Ġtransf",
+ "ers"
+ ],
+ [
+ "v",
+ "ings"
+ ],
+ [
+ "ĠH",
+ "art"
+ ],
+ [
+ "Ġtext",
+ "ile"
+ ],
+ [
+ "B",
+ "ig"
+ ],
+ [
+ "ĠAll",
+ "iance"
+ ],
+ [
+ "Stud",
+ "y"
+ ],
+ [
+ "ĠSe",
+ "lection"
+ ],
+ [
+ "Ġdet",
+ "ox"
+ ],
+ [
+ "Ġmir",
+ "rors"
+ ],
+ [
+ "Ġsign",
+ "ing"
+ ],
+ [
+ "le",
+ "ans"
+ ],
+ [
+ "ri",
+ "ors"
+ ],
+ [
+ "-ch",
+ "anging"
+ ],
+ [
+ "Ġav",
+ "oc"
+ ],
+ [
+ "ĠDiv",
+ "ide"
+ ],
+ [
+ "ph",
+ "y"
+ ],
+ [
+ "Ġl",
+ "ubric"
+ ],
+ [
+ "Ġt",
+ "ours"
+ ],
+ [
+ "ĠRome",
+ "o"
+ ],
+ [
+ "In",
+ "put"
+ ],
+ [
+ "utri",
+ "ents"
+ ],
+ [
+ "ĠB",
+ "L"
+ ],
+ [
+ "Ġseed",
+ "lings"
+ ],
+ [
+ "Ġunders",
+ "cores"
+ ],
+ [
+ "Ġl",
+ "one"
+ ],
+ [
+ "ĠA",
+ "th"
+ ],
+ [
+ "ĠW",
+ "right"
+ ],
+ [
+ "Ġs",
+ "ake"
+ ],
+ [
+ "ĠB",
+ "erg"
+ ],
+ [
+ "ĠN",
+ "ick"
+ ],
+ [
+ "Ġarg",
+ "uing"
+ ],
+ [
+ "ĠDes",
+ "ert"
+ ],
+ [
+ "Ġhypot",
+ "heses"
+ ],
+ [
+ "as",
+ "por"
+ ],
+ [
+ "ĠNapole",
+ "on"
+ ],
+ [
+ "ĠGh",
+ "ana"
+ ],
+ [
+ "Ġsub",
+ "mission"
+ ],
+ [
+ "OK",
+ "ING"
+ ],
+ [
+ "ĠCl",
+ "ose"
+ ],
+ [
+ "ro",
+ "e"
+ ],
+ [
+ "Ġst",
+ "itch"
+ ],
+ [
+ "Ġacad",
+ "emics"
+ ],
+ [
+ "Ġpros",
+ "pect"
+ ],
+ [
+ "ĠViet",
+ "namese"
+ ],
+ [
+ "F",
+ "our"
+ ],
+ [
+ "Ġreal",
+ "ities"
+ ],
+ [
+ "Ġaw",
+ "a"
+ ],
+ [
+ "Ġmult",
+ "imedia"
+ ],
+ [
+ "AR",
+ "D"
+ ],
+ [
+ "ĠM",
+ "R"
+ ],
+ [
+ "Ġmanifest",
+ "ations"
+ ],
+ [
+ "Ġto",
+ "ss"
+ ],
+ [
+ "L",
+ "ooking"
+ ],
+ [
+ "ĠAl",
+ "b"
+ ],
+ [
+ "Pro",
+ "per"
+ ],
+ [
+ "anc",
+ "ers"
+ ],
+ [
+ "r",
+ "ase"
+ ],
+ [
+ "Ġclin",
+ "ics"
+ ],
+ [
+ "Ġactiv",
+ "ist"
+ ],
+ [
+ "is",
+ "y"
+ ],
+ [
+ "ĠReg",
+ "ister"
+ ],
+ [
+ "Ġcompet",
+ "itions"
+ ],
+ [
+ "-",
+ "order"
+ ],
+ [
+ "ĠEx",
+ "c"
+ ],
+ [
+ "el",
+ "if"
+ ],
+ [
+ "ĠFamil",
+ "ies"
+ ],
+ [
+ "G",
+ "s"
+ ],
+ [
+ "ĠA",
+ "F"
+ ],
+ [
+ "ĠJul",
+ "iet"
+ ],
+ [
+ "Ġsemiconduct",
+ "or"
+ ],
+ [
+ "--",
+ "-"
+ ],
+ [
+ "ĠCell",
+ "s"
+ ],
+ [
+ "op",
+ "olitical"
+ ],
+ [
+ "Ġcapac",
+ "ities"
+ ],
+ [
+ "ra",
+ "h"
+ ],
+ [
+ "ĠChat",
+ "GPT"
+ ],
+ [
+ "Ġplay",
+ "ground"
+ ],
+ [
+ "Ġsick",
+ "ness"
+ ],
+ [
+ "Ġsh",
+ "rubs"
+ ],
+ [
+ "ograp",
+ "her"
+ ],
+ [
+ "w",
+ "ick"
+ ],
+ [
+ "Ġgl",
+ "impse"
+ ],
+ [
+ "Ġanten",
+ "na"
+ ],
+ [
+ "Ġcollect",
+ "ors"
+ ],
+ [
+ "Ġsuper",
+ "vis"
+ ],
+ [
+ "Ġcapac",
+ "itor"
+ ],
+ [
+ "ĠN",
+ "ode"
+ ],
+ [
+ "Ġsp",
+ "ite"
+ ],
+ [
+ "Ġbuil",
+ "dup"
+ ],
+ [
+ "oc",
+ "occ"
+ ],
+ [
+ "c",
+ "ology"
+ ],
+ [
+ "Ġh",
+ "urd"
+ ],
+ [
+ "Ġf",
+ "right"
+ ],
+ [
+ "F",
+ "in"
+ ],
+ [
+ "ĠOther",
+ "wise"
+ ],
+ [
+ "Ġconst",
+ "ipation"
+ ],
+ [
+ "-b",
+ "it"
+ ],
+ [
+ "Ġwar",
+ "ned"
+ ],
+ [
+ "Ġrestrict",
+ "ion"
+ ],
+ [
+ "ĠP",
+ "ale"
+ ],
+ [
+ "cc",
+ "oli"
+ ],
+ [
+ "Ġexperiment",
+ "ing"
+ ],
+ [
+ "Ġg",
+ "ates"
+ ],
+ [
+ "Ġplanet",
+ "ary"
+ ],
+ [
+ "Ġide",
+ "ologies"
+ ],
+ [
+ "Ġâ",
+ "Ĥ"
+ ],
+ [
+ "ĠD",
+ "ent"
+ ],
+ [
+ "Ġdist",
+ "ractions"
+ ],
+ [
+ "k",
+ "t"
+ ],
+ [
+ "Ġmanage",
+ "able"
+ ],
+ [
+ "ĠOut",
+ "put"
+ ],
+ [
+ "ĠRepe",
+ "at"
+ ],
+ [
+ "Ġ[",
+ "?"
+ ],
+ [
+ "Ġele",
+ "phants"
+ ],
+ [
+ "ĠExpl",
+ "anation"
+ ],
+ [
+ "ĠT",
+ "a"
+ ],
+ [
+ "Ġalter",
+ "ing"
+ ],
+ [
+ "Ġstat",
+ "istically"
+ ],
+ [
+ "Ġme",
+ "g"
+ ],
+ [
+ "Ġb",
+ "ored"
+ ],
+ [
+ "Ġexpl",
+ "or"
+ ],
+ [
+ "co",
+ "al"
+ ],
+ [
+ "ĠSh",
+ "op"
+ ],
+ [
+ "n",
+ "utrition"
+ ],
+ [
+ "ĠM",
+ "ir"
+ ],
+ [
+ "ĠB",
+ "art"
+ ],
+ [
+ "Ġch",
+ "arm"
+ ],
+ [
+ "Ġalter",
+ "ations"
+ ],
+ [
+ "Ġimbal",
+ "ance"
+ ],
+ [
+ "Ġdes",
+ "erves"
+ ],
+ [
+ "red",
+ "ients"
+ ],
+ [
+ "ĠAm",
+ "b"
+ ],
+ [
+ "com",
+ "a"
+ ],
+ [
+ "Ġp",
+ "ir"
+ ],
+ [
+ "Ġpain",
+ "ts"
+ ],
+ [
+ "Ġres",
+ "et"
+ ],
+ [
+ "Ġgad",
+ "gets"
+ ],
+ [
+ "ĠCon",
+ "c"
+ ],
+ [
+ "Ġneed",
+ "les"
+ ],
+ [
+ "AC",
+ "K"
+ ],
+ [
+ "Ġbe",
+ "ads"
+ ],
+ [
+ "Ġv",
+ "i"
+ ],
+ [
+ "Ġprohib",
+ "ited"
+ ],
+ [
+ "ud",
+ "ge"
+ ],
+ [
+ "а",
+ "ÑĤ"
+ ],
+ [
+ "Ġentertain",
+ "ing"
+ ],
+ [
+ "ĠL",
+ "uke"
+ ],
+ [
+ "Ġord",
+ "ering"
+ ],
+ [
+ "ou",
+ "p"
+ ],
+ [
+ "m",
+ "n"
+ ],
+ [
+ "Ġcons",
+ "on"
+ ],
+ [
+ "Un",
+ "like"
+ ],
+ [
+ "\"",
+ "I"
+ ],
+ [
+ "Ġel",
+ "ucid"
+ ],
+ [
+ "ĠMicro",
+ "b"
+ ],
+ [
+ "Ġfilt",
+ "ration"
+ ],
+ [
+ "Ġpal",
+ "ace"
+ ],
+ [
+ "ci",
+ "ously"
+ ],
+ [
+ "ĠFred",
+ "erick"
+ ],
+ [
+ "Ġhes",
+ "itate"
+ ],
+ [
+ "Ġc",
+ "uc"
+ ],
+ [
+ "ĠM",
+ "E"
+ ],
+ [
+ "-c",
+ "he"
+ ],
+ [
+ "ĠEngine",
+ "ers"
+ ],
+ [
+ "Ġpost",
+ "ers"
+ ],
+ [
+ "he",
+ "ets"
+ ],
+ [
+ "Ġpossess",
+ "es"
+ ],
+ [
+ "ĠS",
+ "ah"
+ ],
+ [
+ "ĠS",
+ "N"
+ ],
+ [
+ "ou",
+ "ble"
+ ],
+ [
+ "rim",
+ "ination"
+ ],
+ [
+ "(",
+ "str"
+ ],
+ [
+ "ĠCh",
+ "annel"
+ ],
+ [
+ "Ġcapt",
+ "ures"
+ ],
+ [
+ "Ġback",
+ "up"
+ ],
+ [
+ "ĠIncorpor",
+ "ate"
+ ],
+ [
+ "Ġb",
+ "oring"
+ ],
+ [
+ "Ġe",
+ "lic"
+ ],
+ [
+ "Ġprof",
+ "itable"
+ ],
+ [
+ "\"",
+ "]"
+ ],
+ [
+ "au",
+ "ra"
+ ],
+ [
+ "Ġ»",
+ "Ċ"
+ ],
+ [
+ "Ġo",
+ "h"
+ ],
+ [
+ "Ġcomp",
+ "ressed"
+ ],
+ [
+ "-f",
+ "ive"
+ ],
+ [
+ "ot",
+ "or"
+ ],
+ [
+ "Ġdisadvant",
+ "age"
+ ],
+ [
+ "Ġparalle",
+ "ls"
+ ],
+ [
+ "ĠMain",
+ "tain"
+ ],
+ [
+ "B",
+ "rit"
+ ],
+ [
+ "Ġb",
+ "aked"
+ ],
+ [
+ "E",
+ "s"
+ ],
+ [
+ "Ġmil",
+ "estones"
+ ],
+ [
+ "Ġbehavi",
+ "ours"
+ ],
+ [
+ "are",
+ "a"
+ ],
+ [
+ "Ind",
+ "ia"
+ ],
+ [
+ "Ġnecessit",
+ "ates"
+ ],
+ [
+ "Ġl",
+ "acks"
+ ],
+ [
+ "ĠT",
+ "ow"
+ ],
+ [
+ "ĠCa",
+ "esar"
+ ],
+ [
+ "x",
+ "ia"
+ ],
+ [
+ "Ġactiv",
+ "ate"
+ ],
+ [
+ "Ġstation",
+ "ary"
+ ],
+ [
+ "ĠMat",
+ "rix"
+ ],
+ [
+ "Ġban",
+ "ana"
+ ],
+ [
+ "Ġtra",
+ "fficking"
+ ],
+ [
+ "-f",
+ "at"
+ ],
+ [
+ "Ind",
+ "ex"
+ ],
+ [
+ "Ġfet",
+ "al"
+ ],
+ [
+ "ies",
+ "el"
+ ],
+ [
+ "ĠHallow",
+ "een"
+ ],
+ [
+ "Ġrespir",
+ "ation"
+ ],
+ [
+ "Ġclean",
+ "ed"
+ ],
+ [
+ "Ġcarbohyd",
+ "rate"
+ ],
+ [
+ "Ġanim",
+ "ated"
+ ],
+ [
+ "Ġb",
+ "amboo"
+ ],
+ [
+ "Ġenhance",
+ "ment"
+ ],
+ [
+ "Bel",
+ "ow"
+ ],
+ [
+ "-w",
+ "h"
+ ],
+ [
+ "D",
+ "raw"
+ ],
+ [
+ "Ġclin",
+ "icians"
+ ],
+ [
+ "ow",
+ "ulf"
+ ],
+ [
+ "Ġamb",
+ "ient"
+ ],
+ [
+ "-",
+ "gener"
+ ],
+ [
+ "Ġbron",
+ "ch"
+ ],
+ [
+ "ĠT",
+ "ang"
+ ],
+ [
+ "Ġcorrespond",
+ "ence"
+ ],
+ [
+ "ĠIce",
+ "land"
+ ],
+ [
+ "ĠFamil",
+ "iar"
+ ],
+ [
+ "Ġnumer",
+ "ator"
+ ],
+ [
+ "Ġdraw",
+ "backs"
+ ],
+ [
+ "ĠN",
+ "A"
+ ],
+ [
+ "Will",
+ "iam"
+ ],
+ [
+ "Ġimmig",
+ "rant"
+ ],
+ [
+ "Ġenerg",
+ "ies"
+ ],
+ [
+ "Val",
+ "ue"
+ ],
+ [
+ "ĠPrepar",
+ "ation"
+ ],
+ [
+ "Pro",
+ "blem"
+ ],
+ [
+ "ĠGl",
+ "ass"
+ ],
+ [
+ "ĠEstab",
+ "lish"
+ ],
+ [
+ "opot",
+ "am"
+ ],
+ [
+ "Ġviol",
+ "ations"
+ ],
+ [
+ "ĠM",
+ "ike"
+ ],
+ [
+ "ich",
+ "ael"
+ ],
+ [
+ "ĠBeng",
+ "al"
+ ],
+ [
+ "ĠSte",
+ "ve"
+ ],
+ [
+ "Ġmin",
+ "ers"
+ ],
+ [
+ "Ġl",
+ "oses"
+ ],
+ [
+ "Ġ",
+ "iod"
+ ],
+ [
+ "ĠL",
+ "eft"
+ ],
+ [
+ "Ġconfig",
+ "urations"
+ ],
+ [
+ "ĠBrazil",
+ "ian"
+ ],
+ [
+ "Ġrel",
+ "uct"
+ ],
+ [
+ "Ġpet",
+ "roleum"
+ ],
+ [
+ "cur",
+ "sor"
+ ],
+ [
+ "Ġl",
+ "ing"
+ ],
+ [
+ "Ġbub",
+ "ble"
+ ],
+ [
+ "o",
+ "j"
+ ],
+ [
+ "ĠDem",
+ "ocr"
+ ],
+ [
+ "odynam",
+ "ics"
+ ],
+ [
+ "Ġco",
+ "aches"
+ ],
+ [
+ "Ġdecl",
+ "ining"
+ ],
+ [
+ "ĠAll",
+ "en"
+ ],
+ [
+ "ĠCare",
+ "er"
+ ],
+ [
+ "pos",
+ "ing"
+ ],
+ [
+ "oph",
+ "ys"
+ ],
+ [
+ "################",
+ "################"
+ ],
+ [
+ "W",
+ "atch"
+ ],
+ [
+ "Ġwell",
+ "s"
+ ],
+ [
+ "ĠU",
+ "ntil"
+ ],
+ [
+ ".",
+ "Read"
+ ],
+ [
+ "é",
+ "ĩ"
+ ],
+ [
+ "ĠVers",
+ "ion"
+ ],
+ [
+ "Ġapprox",
+ "imation"
+ ],
+ [
+ "rom",
+ "b"
+ ],
+ [
+ "Ġrisk",
+ "y"
+ ],
+ [
+ "id",
+ "ency"
+ ],
+ [
+ "ĠCom",
+ "ment"
+ ],
+ [
+ "Ġcul",
+ "min"
+ ],
+ [
+ "Ġth",
+ "ir"
+ ],
+ [
+ "ĠG",
+ "andhi"
+ ],
+ [
+ "ax",
+ "on"
+ ],
+ [
+ "ĠList",
+ "en"
+ ],
+ [
+ "Ġlegend",
+ "ary"
+ ],
+ [
+ "he",
+ "ight"
+ ],
+ [
+ "ir",
+ "ation"
+ ],
+ [
+ "ĠR",
+ "ES"
+ ],
+ [
+ "Ġcou",
+ "p"
+ ],
+ [
+ "Ġdo",
+ "zens"
+ ],
+ [
+ ")/",
+ "("
+ ],
+ [
+ "O",
+ "ff"
+ ],
+ [
+ "Ġen",
+ "vision"
+ ],
+ [
+ "Ar",
+ "ch"
+ ],
+ [
+ "Ġfl",
+ "ights"
+ ],
+ [
+ "Ġconver",
+ "gence"
+ ],
+ [
+ "Ġconduct",
+ "ivity"
+ ],
+ [
+ "Ġfil",
+ "ed"
+ ],
+ [
+ "Ġprompt",
+ "ed"
+ ],
+ [
+ "m",
+ "ith"
+ ],
+ [
+ "Ġcont",
+ "raction"
+ ],
+ [
+ "Ġparad",
+ "ox"
+ ],
+ [
+ "in",
+ "us"
+ ],
+ [
+ "ĠProv",
+ "ince"
+ ],
+ [
+ "ĠNC",
+ "ERT"
+ ],
+ [
+ "Ġsp",
+ "acing"
+ ],
+ [
+ "ĠBas",
+ "in"
+ ],
+ [
+ "Ġpun",
+ "ish"
+ ],
+ [
+ "Ġne",
+ "on"
+ ],
+ [
+ "ur",
+ "i"
+ ],
+ [
+ "22",
+ "2"
+ ],
+ [
+ "Ġassist",
+ "ed"
+ ],
+ [
+ "Ġbegin",
+ "ner"
+ ],
+ [
+ "Dig",
+ "ital"
+ ],
+ [
+ "ĠHind",
+ "i"
+ ],
+ [
+ "B",
+ "O"
+ ],
+ [
+ "Ġun",
+ "a"
+ ],
+ [
+ "ĠC",
+ "ir"
+ ],
+ [
+ "Ġir",
+ "rational"
+ ],
+ [
+ "Ġmist",
+ "aken"
+ ],
+ [
+ "ĠLike",
+ "wise"
+ ],
+ [
+ "ĠSing",
+ "h"
+ ],
+ [
+ "Ġpur",
+ "ity"
+ ],
+ [
+ "Ġsan",
+ "itation"
+ ],
+ [
+ "ĠP",
+ "ythag"
+ ],
+ [
+ "ĠSh",
+ "aring"
+ ],
+ [
+ "Ġmarket",
+ "place"
+ ],
+ [
+ "Ġsepar",
+ "ating"
+ ],
+ [
+ "Ġfurn",
+ "ace"
+ ],
+ [
+ "ĠInit",
+ "ial"
+ ],
+ [
+ "Ġto",
+ "es"
+ ],
+ [
+ "Ġfavour",
+ "ite"
+ ],
+ [
+ "cycl",
+ "ing"
+ ],
+ [
+ "B",
+ "uilding"
+ ],
+ [
+ "Ġfore",
+ "most"
+ ],
+ [
+ "Ġmer",
+ "ge"
+ ],
+ [
+ "ĠBe",
+ "at"
+ ],
+ [
+ "Ġcum",
+ "ulative"
+ ],
+ [
+ "ad",
+ "ers"
+ ],
+ [
+ "Ġhom",
+ "emade"
+ ],
+ [
+ "Ġvalid",
+ "ate"
+ ],
+ [
+ "Ġat",
+ "he"
+ ],
+ [
+ "Ġhas",
+ "h"
+ ],
+ [
+ "ĠRec",
+ "ords"
+ ],
+ [
+ "Å",
+ "«"
+ ],
+ [
+ "it",
+ "ems"
+ ],
+ [
+ "ĠEm",
+ "ail"
+ ],
+ [
+ "Ġcl",
+ "osure"
+ ],
+ [
+ "Ġste",
+ "pping"
+ ],
+ [
+ "Ġspot",
+ "ted"
+ ],
+ [
+ "Ġh",
+ "iking"
+ ],
+ [
+ "ĠB",
+ "MI"
+ ],
+ [
+ "ĠNavig",
+ "ating"
+ ],
+ [
+ "cess",
+ "or"
+ ],
+ [
+ "Ġrank",
+ "ed"
+ ],
+ [
+ "ab",
+ "a"
+ ],
+ [
+ "udden",
+ "ly"
+ ],
+ [
+ "F",
+ "OR"
+ ],
+ [
+ "b",
+ "ons"
+ ],
+ [
+ "e",
+ "lect"
+ ],
+ [
+ "Ġsle",
+ "e"
+ ],
+ [
+ "Ġhuman",
+ "itarian"
+ ],
+ [
+ "Ġspec",
+ "imen"
+ ],
+ [
+ "atter",
+ "y"
+ ],
+ [
+ "Ġsem",
+ "ester"
+ ],
+ [
+ "Ġformer",
+ "ly"
+ ],
+ [
+ "Ġmosquit",
+ "oes"
+ ],
+ [
+ "ĠAl",
+ "ber"
+ ],
+ [
+ "Ġact",
+ "ed"
+ ],
+ [
+ "Ġemit",
+ "ted"
+ ],
+ [
+ ".",
+ "plot"
+ ],
+ [
+ "Ġi",
+ "P"
+ ],
+ [
+ "ĠV",
+ "PN"
+ ],
+ [
+ "ĠT",
+ "B"
+ ],
+ [
+ "Ġland",
+ "mark"
+ ],
+ [
+ "f",
+ "old"
+ ],
+ [
+ "Ã",
+ "¦"
+ ],
+ [
+ "Ġï",
+ "¬ģ"
+ ],
+ [
+ "ĠProgram",
+ "me"
+ ],
+ [
+ "Ġimagin",
+ "ative"
+ ],
+ [
+ "Ġbud",
+ "s"
+ ],
+ [
+ "ut",
+ "o"
+ ],
+ [
+ "Ġune",
+ "ven"
+ ],
+ [
+ "Ġ\"",
+ ")Ċ"
+ ],
+ [
+ "Ġped",
+ "est"
+ ],
+ [
+ "trans",
+ "mit"
+ ],
+ [
+ "Ġdefic",
+ "iencies"
+ ],
+ [
+ "ĠTok",
+ "yo"
+ ],
+ [
+ "ld",
+ "er"
+ ],
+ [
+ "emet",
+ "ery"
+ ],
+ [
+ "T",
+ "ips"
+ ],
+ [
+ "Ġsy",
+ "s"
+ ],
+ [
+ "Ġcommand",
+ "er"
+ ],
+ [
+ "Ġcolonial",
+ "ism"
+ ],
+ [
+ "Ġlock",
+ "ed"
+ ],
+ [
+ "Ġsl",
+ "opes"
+ ],
+ [
+ "Ġment",
+ "ions"
+ ],
+ [
+ "ĠCh",
+ "ick"
+ ],
+ [
+ "Pr",
+ "int"
+ ],
+ [
+ "Ġintim",
+ "id"
+ ],
+ [
+ "ĠQ",
+ "U"
+ ],
+ [
+ "Ġmar",
+ "ry"
+ ],
+ [
+ "ĠWebs",
+ "ite"
+ ],
+ [
+ "Ġreact",
+ "ive"
+ ],
+ [
+ "ĠWrit",
+ "ers"
+ ],
+ [
+ "ĠD",
+ "ra"
+ ],
+ [
+ "iss",
+ "ors"
+ ],
+ [
+ "Ġfort",
+ "une"
+ ],
+ [
+ "å",
+ "Ĩ"
+ ],
+ [
+ "ĠInit",
+ "iative"
+ ],
+ [
+ "Ġsh",
+ "ine"
+ ],
+ [
+ "-",
+ "learning"
+ ],
+ [
+ ".",
+ "h"
+ ],
+ [
+ "Ġe",
+ "book"
+ ],
+ [
+ "Ġcol",
+ "i"
+ ],
+ [
+ "D",
+ "et"
+ ],
+ [
+ "Ġcere",
+ "bral"
+ ],
+ [
+ "ĠFour",
+ "th"
+ ],
+ [
+ "-p",
+ "aced"
+ ],
+ [
+ "Ġremember",
+ "ing"
+ ],
+ [
+ "Ġphosph",
+ "ate"
+ ],
+ [
+ "_",
+ "j"
+ ],
+ [
+ "ĠSt",
+ "orage"
+ ],
+ [
+ "ĠH",
+ "erm"
+ ],
+ [
+ "ĠMathemat",
+ "ical"
+ ],
+ [
+ "Ġlist",
+ "ened"
+ ],
+ [
+ "Ġhyd",
+ "rop"
+ ],
+ [
+ "[",
+ "n"
+ ],
+ [
+ "Ġ[?",
+ "]:"
+ ],
+ [
+ "s",
+ "i"
+ ],
+ [
+ "Ġfig",
+ "ur"
+ ],
+ [
+ "al",
+ "ph"
+ ],
+ [
+ "y",
+ "cle"
+ ],
+ [
+ "ĠJu",
+ "venile"
+ ],
+ [
+ "ĠNorth",
+ "west"
+ ],
+ [
+ "------",
+ "ĊĊ"
+ ],
+ [
+ "Ġfl",
+ "oss"
+ ],
+ [
+ "Ġï",
+ "ģ"
+ ],
+ [
+ "\\",
+ "pi"
+ ],
+ [
+ "_n",
+ "um"
+ ],
+ [
+ "(",
+ "),"
+ ],
+ [
+ "ĠGra",
+ "du"
+ ],
+ [
+ "Ġtrans",
+ "gender"
+ ],
+ [
+ "U",
+ "lt"
+ ],
+ [
+ "ĠPark",
+ "inson"
+ ],
+ [
+ "ĠPro",
+ "of"
+ ],
+ [
+ "ĠI",
+ "owa"
+ ],
+ [
+ "Ġcompet",
+ "ent"
+ ],
+ [
+ "Ġch",
+ "ina"
+ ],
+ [
+ "-v",
+ "ol"
+ ],
+ [
+ "Ġoccup",
+ "y"
+ ],
+ [
+ "Ġsuggest",
+ "ion"
+ ],
+ [
+ "Ġb",
+ "rowse"
+ ],
+ [
+ "Ġcondition",
+ "al"
+ ],
+ [
+ "Ġunra",
+ "vel"
+ ],
+ [
+ "er",
+ "ror"
+ ],
+ [
+ "Ġsuccess",
+ "ion"
+ ],
+ [
+ "Ġpe",
+ "aks"
+ ],
+ [
+ "ĠUn",
+ "its"
+ ],
+ [
+ "Ġdep",
+ "ressive"
+ ],
+ [
+ "d",
+ "eg"
+ ],
+ [
+ "Ġcur",
+ "ric"
+ ],
+ [
+ "ĠB",
+ "ear"
+ ],
+ [
+ "Ġremind",
+ "s"
+ ],
+ [
+ "Ġen",
+ "amel"
+ ],
+ [
+ "Ġcons",
+ "olid"
+ ],
+ [
+ "ĠCh",
+ "amp"
+ ],
+ [
+ "Ġsurprising",
+ "ly"
+ ],
+ [
+ "ot",
+ "ions"
+ ],
+ [
+ "...",
+ ".Ċ"
+ ],
+ [
+ "Mean",
+ "while"
+ ],
+ [
+ "-",
+ "art"
+ ],
+ [
+ "H",
+ "ar"
+ ],
+ [
+ "Ġadd",
+ "itive"
+ ],
+ [
+ "ĠGen",
+ "esis"
+ ],
+ [
+ "ĠNe",
+ "v"
+ ],
+ [
+ "ĠAss",
+ "istant"
+ ],
+ [
+ "Ġcred",
+ "ential"
+ ],
+ [
+ "Ġp",
+ "aired"
+ ],
+ [
+ "AN",
+ "T"
+ ],
+ [
+ "ĠKnow",
+ "n"
+ ],
+ [
+ "L",
+ "ocation"
+ ],
+ [
+ "Ġreven",
+ "ues"
+ ],
+ [
+ "H",
+ "ISTORY"
+ ],
+ [
+ "M",
+ "O"
+ ],
+ [
+ "N",
+ "um"
+ ],
+ [
+ "Ġun",
+ "ified"
+ ],
+ [
+ "Ġb",
+ "unch"
+ ],
+ [
+ "Ġrest",
+ "oring"
+ ],
+ [
+ "Ġpo",
+ "etic"
+ ],
+ [
+ "Ġret",
+ "ired"
+ ],
+ [
+ "Ġpil",
+ "grim"
+ ],
+ [
+ "Ġadvis",
+ "able"
+ ],
+ [
+ "Ġhand",
+ "ful"
+ ],
+ [
+ "ĠSus",
+ "an"
+ ],
+ [
+ "ĠSecond",
+ "ly"
+ ],
+ [
+ "Ñ",
+ "İ"
+ ],
+ [
+ "(\"",
+ "\\"
+ ],
+ [
+ "ĠOpt",
+ "im"
+ ],
+ [
+ "ad",
+ "ic"
+ ],
+ [
+ "Ġassemb",
+ "led"
+ ],
+ [
+ "Ġair",
+ "port"
+ ],
+ [
+ "ĠCon",
+ "cer"
+ ],
+ [
+ "Ġdispar",
+ "ate"
+ ],
+ [
+ "Ġb",
+ "ilingual"
+ ],
+ [
+ "Ġon",
+ "ions"
+ ],
+ [
+ "ĊĊ",
+ "ĊĊ"
+ ],
+ [
+ "ĠInst",
+ "ru"
+ ],
+ [
+ "mod",
+ "ern"
+ ],
+ [
+ "Ġpix",
+ "els"
+ ],
+ [
+ "Ġstew",
+ "ardship"
+ ],
+ [
+ "ĠBut",
+ "ter"
+ ],
+ [
+ "Ġcher",
+ "ished"
+ ],
+ [
+ "-com",
+ "merce"
+ ],
+ [
+ "Ġbo",
+ "asts"
+ ],
+ [
+ "Ġcommit",
+ "ments"
+ ],
+ [
+ "ĠDirect",
+ "ions"
+ ],
+ [
+ "pe",
+ "z"
+ ],
+ [
+ "Ġelectro",
+ "de"
+ ],
+ [
+ "sh",
+ "ow"
+ ],
+ [
+ "ien",
+ "na"
+ ],
+ [
+ "aur",
+ "us"
+ ],
+ [
+ "Ġdown",
+ "stream"
+ ],
+ [
+ "Ġsyn",
+ "onyms"
+ ],
+ [
+ "ĠBro",
+ "ther"
+ ],
+ [
+ ".",
+ "ph"
+ ],
+ [
+ "Ġfacilit",
+ "ated"
+ ],
+ [
+ "Ġcav",
+ "ities"
+ ],
+ [
+ "or",
+ "o"
+ ],
+ [
+ "ovol",
+ "ta"
+ ],
+ [
+ "ĠOpportun",
+ "ities"
+ ],
+ [
+ "ĠG",
+ "rowing"
+ ],
+ [
+ "ĠAng",
+ "el"
+ ],
+ [
+ "Ġclass",
+ "ify"
+ ],
+ [
+ "Ġaer",
+ "ial"
+ ],
+ [
+ "D",
+ "iv"
+ ],
+ [
+ "b",
+ "ase"
+ ],
+ [
+ "Wh",
+ "ite"
+ ],
+ [
+ "Ġin",
+ "coming"
+ ],
+ [
+ "Ġanch",
+ "or"
+ ],
+ [
+ "ĠDet",
+ "ails"
+ ],
+ [
+ "ĠMark",
+ "down"
+ ],
+ [
+ "Ġemerg",
+ "es"
+ ],
+ [
+ "Sh",
+ "ould"
+ ],
+ [
+ "ĠR",
+ "ice"
+ ],
+ [
+ "ĉ",
+ "self"
+ ],
+ [
+ "ĠUk",
+ "rain"
+ ],
+ [
+ "Ġfl",
+ "ed"
+ ],
+ [
+ "an",
+ "ical"
+ ],
+ [
+ "ĠL",
+ "am"
+ ],
+ [
+ "Ġbit",
+ "coin"
+ ],
+ [
+ "Ġflo",
+ "ors"
+ ],
+ [
+ "Ġrecruit",
+ "ment"
+ ],
+ [
+ "otyp",
+ "ing"
+ ],
+ [
+ "M",
+ "ethod"
+ ],
+ [
+ "ace",
+ "ae"
+ ],
+ [
+ "Apr",
+ "il"
+ ],
+ [
+ "b",
+ "irth"
+ ],
+ [
+ "ĠH",
+ "PV"
+ ],
+ [
+ "ail",
+ "ure"
+ ],
+ [
+ "Ġsoon",
+ "er"
+ ],
+ [
+ "ĠConst",
+ "ant"
+ ],
+ [
+ "duc",
+ "ive"
+ ],
+ [
+ "Ġnick",
+ "el"
+ ],
+ [
+ "Ġc",
+ "iting"
+ ],
+ [
+ "Ġtest",
+ "osterone"
+ ],
+ [
+ "Ġinstall",
+ "ations"
+ ],
+ [
+ "D",
+ "M"
+ ],
+ [
+ "Ġlisten",
+ "ers"
+ ],
+ [
+ "Ġdi",
+ "ary"
+ ],
+ [
+ "v",
+ "ari"
+ ],
+ [
+ "Ġd",
+ "ressing"
+ ],
+ [
+ "Ġkne",
+ "es"
+ ],
+ [
+ "Ġev",
+ "ap"
+ ],
+ [
+ "Ġspect",
+ "ral"
+ ],
+ [
+ "Ġsearc",
+ "hes"
+ ],
+ [
+ "iot",
+ "he"
+ ],
+ [
+ ".",
+ "de"
+ ],
+ [
+ "Ġall",
+ "iance"
+ ],
+ [
+ "Ġth",
+ "under"
+ ],
+ [
+ "-F",
+ "i"
+ ],
+ [
+ "Ġharness",
+ "ing"
+ ],
+ [
+ "lot",
+ "te"
+ ],
+ [
+ "ĠL",
+ "ocation"
+ ],
+ [
+ "ĠW",
+ "oman"
+ ],
+ [
+ "Ġdisturb",
+ "ance"
+ ],
+ [
+ "Ġupt",
+ "ake"
+ ],
+ [
+ "Ġcar",
+ "bs"
+ ],
+ [
+ "Ġreact",
+ "or"
+ ],
+ [
+ "-cent",
+ "ered"
+ ],
+ [
+ "Ġquot",
+ "ation"
+ ],
+ [
+ "V",
+ "er"
+ ],
+ [
+ "ĠMin",
+ "or"
+ ],
+ [
+ "ĠForm",
+ "ation"
+ ],
+ [
+ "Ġton",
+ "nes"
+ ],
+ [
+ "Ġun",
+ "rest"
+ ],
+ [
+ "Ġcur",
+ "rencies"
+ ],
+ [
+ "Ġsol",
+ "uble"
+ ],
+ [
+ "Ġbron",
+ "ze"
+ ],
+ [
+ "ĠSt",
+ "ew"
+ ],
+ [
+ "ĠH",
+ "app"
+ ],
+ [
+ "Educ",
+ "ation"
+ ],
+ [
+ "d",
+ "in"
+ ],
+ [
+ "Ġh",
+ "ockey"
+ ],
+ [
+ "Ġse",
+ "curities"
+ ],
+ [
+ "ĠMan",
+ "aging"
+ ],
+ [
+ "ĠPC",
+ "R"
+ ],
+ [
+ "ĠB",
+ "I"
+ ],
+ [
+ "00",
+ "3"
+ ],
+ [
+ "Be",
+ "yond"
+ ],
+ [
+ "Ġcivil",
+ "ian"
+ ],
+ [
+ "ĠH",
+ "i"
+ ],
+ [
+ "ĠMed",
+ "ieval"
+ ],
+ [
+ "ro",
+ "f"
+ ],
+ [
+ "Ġbur",
+ "ial"
+ ],
+ [
+ "Ġrandom",
+ "ized"
+ ],
+ [
+ "ĠL",
+ "em"
+ ],
+ [
+ "â",
+ "ī"
+ ],
+ [
+ "ĠPract",
+ "ical"
+ ],
+ [
+ "Oct",
+ "ober"
+ ],
+ [
+ "Ġsign",
+ "ifies"
+ ],
+ [
+ "Ġpred",
+ "is"
+ ],
+ [
+ "Ġk",
+ "ills"
+ ],
+ [
+ "Ġb",
+ "ending"
+ ],
+ [
+ "Ġsturd",
+ "y"
+ ],
+ [
+ "оÐ",
+ "´"
+ ],
+ [
+ "Ġb",
+ "acks"
+ ],
+ [
+ "ĠS",
+ "ad"
+ ],
+ [
+ "ĠN",
+ "H"
+ ],
+ [
+ "Ġjournal",
+ "ism"
+ ],
+ [
+ "Ġor",
+ "che"
+ ],
+ [
+ "exp",
+ "ensive"
+ ],
+ [
+ "å",
+ "¼"
+ ],
+ [
+ "Ġund",
+ "erest"
+ ],
+ [
+ "ĠCO",
+ "MP"
+ ],
+ [
+ "Ġanaly",
+ "sts"
+ ],
+ [
+ "ĠL",
+ "ack"
+ ],
+ [
+ "w",
+ "alk"
+ ],
+ [
+ "Ch",
+ "ina"
+ ],
+ [
+ "Ġgather",
+ "ings"
+ ],
+ [
+ "Ġto",
+ "mb"
+ ],
+ [
+ "Ġoutl",
+ "ook"
+ ],
+ [
+ "Ġdispl",
+ "aced"
+ ],
+ [
+ "Ġform",
+ "ulated"
+ ],
+ [
+ "Ġcomp",
+ "ares"
+ ],
+ [
+ "Ġbi",
+ "os"
+ ],
+ [
+ "ĠAntar",
+ "ctica"
+ ],
+ [
+ "Ġto",
+ "k"
+ ],
+ [
+ "ophy",
+ "ll"
+ ],
+ [
+ "AC",
+ "E"
+ ],
+ [
+ "Ġing",
+ "en"
+ ],
+ [
+ "ĠCrus",
+ "her"
+ ],
+ [
+ "Ġjournal",
+ "ist"
+ ],
+ [
+ "ĠW",
+ "y"
+ ],
+ [
+ "Ġuter",
+ "us"
+ ],
+ [
+ "Ġvegg",
+ "ies"
+ ],
+ [
+ "Ġattract",
+ "ing"
+ ],
+ [
+ "w",
+ "al"
+ ],
+ [
+ "Ġle",
+ "m"
+ ],
+ [
+ "ĠAre",
+ "as"
+ ],
+ [
+ "Ġdetect",
+ "ive"
+ ],
+ [
+ "ĠA",
+ "chie"
+ ],
+ [
+ "Ġvert",
+ "ically"
+ ],
+ [
+ "Ġanthrop",
+ "ology"
+ ],
+ [
+ "Ġd",
+ "ub"
+ ],
+ [
+ "ĠCommun",
+ "ist"
+ ],
+ [
+ "AS",
+ "S"
+ ],
+ [
+ "Ġad",
+ "orn"
+ ],
+ [
+ "Ġpath",
+ "ogen"
+ ],
+ [
+ "Ġen",
+ "rolled"
+ ],
+ [
+ "Ġlib",
+ "eration"
+ ],
+ [
+ "ĠQue",
+ "ens"
+ ],
+ [
+ "Ġu",
+ "m"
+ ],
+ [
+ "ĠCh",
+ "oosing"
+ ],
+ [
+ "Ġbl",
+ "oss"
+ ],
+ [
+ "Ġforg",
+ "iveness"
+ ],
+ [
+ "Im",
+ "p"
+ ],
+ [
+ "ĠPresent",
+ "ation"
+ ],
+ [
+ "re",
+ "nder"
+ ],
+ [
+ "ĠColl",
+ "ins"
+ ],
+ [
+ "ate",
+ "ur"
+ ],
+ [
+ "us",
+ "hed"
+ ],
+ [
+ "Ġhigh",
+ "way"
+ ],
+ [
+ "Ġep",
+ "ist"
+ ],
+ [
+ "ch",
+ "t"
+ ],
+ [
+ "c",
+ "op"
+ ],
+ [
+ "Ġth",
+ "irst"
+ ],
+ [
+ "Ġg",
+ "i"
+ ],
+ [
+ "Ġt",
+ "une"
+ ],
+ [
+ "Ġm",
+ "osa"
+ ],
+ [
+ "ĠCris",
+ "is"
+ ],
+ [
+ "\"",
+ "),"
+ ],
+ [
+ "Ġlif",
+ "estyles"
+ ],
+ [
+ "Ġappreci",
+ "ating"
+ ],
+ [
+ "Ġcy",
+ "an"
+ ],
+ [
+ "Ġrecord",
+ "ings"
+ ],
+ [
+ "pr",
+ "ising"
+ ],
+ [
+ "Ġeduc",
+ "ator"
+ ],
+ [
+ "em",
+ "br"
+ ],
+ [
+ "Ġmart",
+ "ial"
+ ],
+ [
+ "Ġfasc",
+ "inated"
+ ],
+ [
+ "ĠS",
+ "ales"
+ ],
+ [
+ "out",
+ "ube"
+ ],
+ [
+ "ĠG",
+ "ate"
+ ],
+ [
+ "ĠB",
+ "R"
+ ],
+ [
+ "ĠD",
+ "iss"
+ ],
+ [
+ "Ġe",
+ "g"
+ ],
+ [
+ "ĠBr",
+ "un"
+ ],
+ [
+ "-",
+ "act"
+ ],
+ [
+ "/",
+ "en"
+ ],
+ [
+ "Ġoxid",
+ "ative"
+ ],
+ [
+ "ress",
+ "es"
+ ],
+ [
+ "Ġeth",
+ "anol"
+ ],
+ [
+ "ĠL",
+ "E"
+ ],
+ [
+ "ĠLa",
+ "ure"
+ ],
+ [
+ "Ġcomprom",
+ "ised"
+ ],
+ [
+ "ĠAn",
+ "throp"
+ ],
+ [
+ "Ġemb",
+ "arr"
+ ],
+ [
+ "ĠHe",
+ "y"
+ ],
+ [
+ "U",
+ "ST"
+ ],
+ [
+ "Ġshe",
+ "ar"
+ ],
+ [
+ "The",
+ "ir"
+ ],
+ [
+ "Ġcrus",
+ "hers"
+ ],
+ [
+ "Ġbrows",
+ "ing"
+ ],
+ [
+ "Ġra",
+ "mp"
+ ],
+ [
+ "Ġsol",
+ "vent"
+ ],
+ [
+ "Ġhypot",
+ "hetical"
+ ],
+ [
+ "M",
+ "icro"
+ ],
+ [
+ "IN",
+ "T"
+ ],
+ [
+ "on",
+ "ed"
+ ],
+ [
+ "Ġform",
+ "ulation"
+ ],
+ [
+ "ĠCl",
+ "aud"
+ ],
+ [
+ "ĠBe",
+ "ijing"
+ ],
+ [
+ "Ex",
+ "ercise"
+ ],
+ [
+ "ĠHist",
+ "oric"
+ ],
+ [
+ "æ",
+ "ī"
+ ],
+ [
+ "L",
+ "og"
+ ],
+ [
+ "ĠAb",
+ "d"
+ ],
+ [
+ "Ġperf",
+ "ection"
+ ],
+ [
+ "ĠPro",
+ "tein"
+ ],
+ [
+ "Ġhyd",
+ "rated"
+ ],
+ [
+ "ĠInter",
+ "pret"
+ ],
+ [
+ "bre",
+ "ak"
+ ],
+ [
+ "Ġrub",
+ "ric"
+ ],
+ [
+ "Ġth",
+ "rust"
+ ],
+ [
+ "ĠInter",
+ "view"
+ ],
+ [
+ "J",
+ "ul"
+ ],
+ [
+ "oven",
+ "ant"
+ ],
+ [
+ "Ġbath",
+ "room"
+ ],
+ [
+ "ĠPre",
+ "vious"
+ ],
+ [
+ "Ġgroup",
+ "ed"
+ ],
+ [
+ "Ġlog",
+ "ging"
+ ],
+ [
+ "ĠBehavior",
+ "al"
+ ],
+ [
+ ",",
+ "n"
+ ],
+ [
+ "we",
+ "gian"
+ ],
+ [
+ "Ġap",
+ "artment"
+ ],
+ [
+ "Ġund",
+ "es"
+ ],
+ [
+ "ĠE",
+ "co"
+ ],
+ [
+ "Ġunf",
+ "ortunately"
+ ],
+ [
+ "iqu",
+ "it"
+ ],
+ [
+ "ĠGu",
+ "inea"
+ ],
+ [
+ "ĠParticip",
+ "ants"
+ ],
+ [
+ "Reg",
+ "ular"
+ ],
+ [
+ "us",
+ "c"
+ ],
+ [
+ "``",
+ "//"
+ ],
+ [
+ "rick",
+ "et"
+ ],
+ [
+ "Ġm",
+ "ate"
+ ],
+ [
+ "-in",
+ "f"
+ ],
+ [
+ "Ġinterle",
+ "aved"
+ ],
+ [
+ "ĠCons",
+ "umer"
+ ],
+ [
+ "é",
+ "e"
+ ],
+ [
+ "ĠL",
+ "anc"
+ ],
+ [
+ "-f",
+ "ace"
+ ],
+ [
+ "ococc",
+ "us"
+ ],
+ [
+ "(",
+ "arr"
+ ],
+ [
+ "ere",
+ "r"
+ ],
+ [
+ "Ġnegot",
+ "iation"
+ ],
+ [
+ "ï",
+ "¸"
+ ],
+ [
+ "ert",
+ "ility"
+ ],
+ [
+ "Ġn",
+ "ost"
+ ],
+ [
+ "pect",
+ "ives"
+ ],
+ [
+ "S",
+ "ch"
+ ],
+ [
+ "Ġgl",
+ "ad"
+ ],
+ [
+ "Ġb",
+ "id"
+ ],
+ [
+ "Ġmorph",
+ "ology"
+ ],
+ [
+ "Ġamph",
+ "ib"
+ ],
+ [
+ "Ġunique",
+ "ly"
+ ],
+ [
+ "Ġresist",
+ "or"
+ ],
+ [
+ "Ġyoung",
+ "sters"
+ ],
+ [
+ "l",
+ "ad"
+ ],
+ [
+ "Ġgall",
+ "ery"
+ ],
+ [
+ "ĠC",
+ "u"
+ ],
+ [
+ "f",
+ "ten"
+ ],
+ [
+ "ar",
+ "ound"
+ ],
+ [
+ "ĠÂ",
+ "§"
+ ],
+ [
+ "Ġlear",
+ "nt"
+ ],
+ [
+ "ĠCont",
+ "rib"
+ ],
+ [
+ "Ġdialog",
+ "ues"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠ",
+ "ĠĠ"
+ ],
+ [
+ "E",
+ "ffective"
+ ],
+ [
+ "ĠL",
+ "anguages"
+ ],
+ [
+ "ĠD",
+ "ance"
+ ],
+ [
+ "ĠBel",
+ "gium"
+ ],
+ [
+ "it",
+ "ably"
+ ],
+ [
+ "Ġastron",
+ "omers"
+ ],
+ [
+ "ĠPan",
+ "el"
+ ],
+ [
+ "ĠReg",
+ "ulation"
+ ],
+ [
+ "Ġfif",
+ "teen"
+ ],
+ [
+ "ĠWh",
+ "ole"
+ ],
+ [
+ "Ġcarbon",
+ "ate"
+ ],
+ [
+ "Ġhand",
+ "ed"
+ ],
+ [
+ "Ġbuck",
+ "et"
+ ],
+ [
+ "Ġdis",
+ "contin"
+ ],
+ [
+ "-",
+ "op"
+ ],
+ [
+ "Ġs",
+ "isters"
+ ],
+ [
+ "ed",
+ "ip"
+ ],
+ [
+ "resent",
+ "ation"
+ ],
+ [
+ "ĠC",
+ "ats"
+ ],
+ [
+ "Int",
+ "erest"
+ ],
+ [
+ "Ġnow",
+ "adays"
+ ],
+ [
+ "Ġafter",
+ "wards"
+ ],
+ [
+ "ĠFl",
+ "ore"
+ ],
+ [
+ "ĠR",
+ "S"
+ ],
+ [
+ "Ġmis",
+ "understand"
+ ],
+ [
+ "eng",
+ "ine"
+ ],
+ [
+ "Ġun",
+ "limited"
+ ],
+ [
+ "ĠDougl",
+ "as"
+ ],
+ [
+ "port",
+ "ed"
+ ],
+ [
+ "im",
+ "ag"
+ ],
+ [
+ "Ġband",
+ "width"
+ ],
+ [
+ "Ġow",
+ "ing"
+ ],
+ [
+ "_",
+ "a"
+ ],
+ [
+ "ĠArch",
+ "ives"
+ ],
+ [
+ "rav",
+ "iolet"
+ ],
+ [
+ "ĠA",
+ "ra"
+ ],
+ [
+ "Ġg",
+ "reek"
+ ],
+ [
+ "B",
+ "usiness"
+ ],
+ [
+ "Ġhonest",
+ "y"
+ ],
+ [
+ "Ġcab",
+ "in"
+ ],
+ [
+ "Ġdirect",
+ "ors"
+ ],
+ [
+ "l",
+ "ook"
+ ],
+ [
+ "igraph",
+ "y"
+ ],
+ [
+ "ĠChild",
+ "hood"
+ ],
+ [
+ "Ġsal",
+ "iva"
+ ],
+ [
+ "Ġlong",
+ "itudinal"
+ ],
+ [
+ "els",
+ "h"
+ ],
+ [
+ "ĠB",
+ "iblical"
+ ],
+ [
+ "Ġvol",
+ "atile"
+ ],
+ [
+ "Ġap",
+ "ost"
+ ],
+ [
+ "al",
+ "id"
+ ],
+ [
+ "ugg",
+ "ing"
+ ],
+ [
+ "ĠInter",
+ "action"
+ ],
+ [
+ "Ġl",
+ "id"
+ ],
+ [
+ "-",
+ ","
+ ],
+ [
+ "we",
+ "b"
+ ],
+ [
+ "Ġdiam",
+ "onds"
+ ],
+ [
+ "Ġsovere",
+ "ign"
+ ],
+ [
+ "av",
+ "ailable"
+ ],
+ [
+ "bl",
+ "ue"
+ ],
+ [
+ "ie",
+ "ce"
+ ],
+ [
+ "ĠBe",
+ "hind"
+ ],
+ [
+ "Ġopt",
+ "imum"
+ ],
+ [
+ "ĠP",
+ "el"
+ ],
+ [
+ "Ġpractition",
+ "er"
+ ],
+ [
+ "Ġhur",
+ "ricane"
+ ],
+ [
+ "Ġsal",
+ "ad"
+ ],
+ [
+ "get",
+ "table"
+ ],
+ [
+ "ĠP",
+ "ent"
+ ],
+ [
+ "ĠDr",
+ "ive"
+ ],
+ [
+ "è",
+ "¾"
+ ],
+ [
+ "ĠB",
+ "irds"
+ ],
+ [
+ "C",
+ "F"
+ ],
+ [
+ "Ġd",
+ "ye"
+ ],
+ [
+ "Ġup",
+ "right"
+ ],
+ [
+ "Ġiniti",
+ "ate"
+ ],
+ [
+ "Te",
+ "chn"
+ ],
+ [
+ "Ġp",
+ "ent"
+ ],
+ [
+ "Ġcon",
+ "ducive"
+ ],
+ [
+ "ĠAltern",
+ "ative"
+ ],
+ [
+ "as",
+ "uring"
+ ],
+ [
+ "Ġurban",
+ "ization"
+ ],
+ [
+ "Ġst",
+ "aple"
+ ],
+ [
+ "Ġle",
+ "ap"
+ ],
+ [
+ "Ġb",
+ "ru"
+ ],
+ [
+ "Ġt",
+ "sun"
+ ],
+ [
+ "Ġc",
+ "ad"
+ ],
+ [
+ "Ġcoll",
+ "agen"
+ ],
+ [
+ "Ġfinancial",
+ "ly"
+ ],
+ [
+ "Ġacc",
+ "ent"
+ ],
+ [
+ "Ġgradu",
+ "ates"
+ ],
+ [
+ "Ġsusp",
+ "ension"
+ ],
+ [
+ "ĠZ",
+ "ero"
+ ],
+ [
+ "Ġdepos",
+ "ited"
+ ],
+ [
+ "Ġin",
+ "appropriate"
+ ],
+ [
+ "Ġins",
+ "omnia"
+ ],
+ [
+ "Ġharm",
+ "less"
+ ],
+ [
+ "ĠD",
+ "istance"
+ ],
+ [
+ "ĠSe",
+ "pt"
+ ],
+ [
+ "Ġhoriz",
+ "ons"
+ ],
+ [
+ "ĠPre",
+ "m"
+ ],
+ [
+ "Ġembod",
+ "iment"
+ ],
+ [
+ "Ġdon",
+ "or"
+ ],
+ [
+ "Ġpl",
+ "um"
+ ],
+ [
+ "Ġconst",
+ "ell"
+ ],
+ [
+ "Ġc",
+ "ute"
+ ],
+ [
+ "ĠM",
+ "IT"
+ ],
+ [
+ "Ġprotect",
+ "ions"
+ ],
+ [
+ "Ġaccount",
+ "ed"
+ ],
+ [
+ "l",
+ "ined"
+ ],
+ [
+ "int",
+ "o"
+ ],
+ [
+ "ĠDownload",
+ "s"
+ ],
+ [
+ "ĠC",
+ "ourses"
+ ],
+ [
+ "en",
+ "z"
+ ],
+ [
+ "ĠB",
+ "ag"
+ ],
+ [
+ "е",
+ "ÑĤ"
+ ],
+ [
+ "em",
+ "bers"
+ ],
+ [
+ "ĠCh",
+ "ron"
+ ],
+ [
+ "Ġinter",
+ "change"
+ ],
+ [
+ "ĠSign",
+ "s"
+ ],
+ [
+ "ĠMe",
+ "eting"
+ ],
+ [
+ "ĠT",
+ "el"
+ ],
+ [
+ "Ġint",
+ "end"
+ ],
+ [
+ "Ġbe",
+ "ats"
+ ],
+ [
+ "Hel",
+ "p"
+ ],
+ [
+ "ĠEx",
+ "cell"
+ ],
+ [
+ "Ġsp",
+ "rink"
+ ],
+ [
+ "First",
+ "ly"
+ ],
+ [
+ "In",
+ "vest"
+ ],
+ [
+ "Ġn",
+ "ons"
+ ],
+ [
+ "Ġroll",
+ "s"
+ ],
+ [
+ "W",
+ "H"
+ ],
+ [
+ "izz",
+ "iness"
+ ],
+ [
+ "ĠâĢº",
+ "Ċ"
+ ],
+ [
+ "3",
+ "30"
+ ],
+ [
+ "ĠPal",
+ "ace"
+ ],
+ [
+ "A",
+ "E"
+ ],
+ [
+ "Ġdec",
+ "is"
+ ],
+ [
+ "æľ",
+ "ī"
+ ],
+ [
+ "ĠIn",
+ "j"
+ ],
+ [
+ "ir",
+ "l"
+ ],
+ [
+ "Ġscript",
+ "s"
+ ],
+ [
+ "Ġexp",
+ "ans"
+ ],
+ [
+ "ĠImple",
+ "menting"
+ ],
+ [
+ "Q",
+ "ue"
+ ],
+ [
+ "ash",
+ "i"
+ ],
+ [
+ "Ġcar",
+ "ved"
+ ],
+ [
+ "Ġcur",
+ "v"
+ ],
+ [
+ "ĠC",
+ "ities"
+ ],
+ [
+ "*",
+ "x"
+ ],
+ [
+ "/",
+ "T"
+ ],
+ [
+ "Ab",
+ "stract"
+ ],
+ [
+ "Ġmat",
+ "ched"
+ ],
+ [
+ "U",
+ "K"
+ ],
+ [
+ "Ġsp",
+ "herical"
+ ],
+ [
+ "Ġtra",
+ "ction"
+ ],
+ [
+ "ann",
+ "ah"
+ ],
+ [
+ "ĠPar",
+ "ks"
+ ],
+ [
+ "Ġende",
+ "avor"
+ ],
+ [
+ "Ġinvest",
+ "or"
+ ],
+ [
+ "Read",
+ "ing"
+ ],
+ [
+ "ĠL",
+ "anka"
+ ],
+ [
+ "Ġer",
+ "r"
+ ],
+ [
+ "roduct",
+ "s"
+ ],
+ [
+ "im",
+ "ore"
+ ],
+ [
+ "ĠG",
+ "othic"
+ ],
+ [
+ "Ġn",
+ "ests"
+ ],
+ [
+ "ĠL",
+ "as"
+ ],
+ [
+ "ĠL",
+ "ength"
+ ],
+ [
+ "Ġmaster",
+ "piece"
+ ],
+ [
+ ">",
+ "."
+ ],
+ [
+ "Ġmut",
+ "ually"
+ ],
+ [
+ "De",
+ "cember"
+ ],
+ [
+ "Ġwork",
+ "flow"
+ ],
+ [
+ "Ġsl",
+ "ice"
+ ],
+ [
+ "Ġfulfill",
+ "ment"
+ ],
+ [
+ "ol",
+ "uble"
+ ],
+ [
+ "so",
+ "ver"
+ ],
+ [
+ "Ġtou",
+ "ched"
+ ],
+ [
+ "Ã",
+ "´"
+ ],
+ [
+ "ĠPC",
+ "B"
+ ],
+ [
+ "G",
+ "old"
+ ],
+ [
+ "ĠExerc",
+ "ises"
+ ],
+ [
+ "Ġunc",
+ "overed"
+ ],
+ [
+ "Ġpool",
+ "s"
+ ],
+ [
+ "Ġrhet",
+ "oric"
+ ],
+ [
+ "Ġvit",
+ "ro"
+ ],
+ [
+ "Similar",
+ "ly"
+ ],
+ [
+ "Ġpig",
+ "ment"
+ ],
+ [
+ ".",
+ "rand"
+ ],
+ [
+ "ĠD",
+ "est"
+ ],
+ [
+ "ĠH",
+ "ob"
+ ],
+ [
+ "m",
+ "ult"
+ ],
+ [
+ "Ph",
+ "oto"
+ ],
+ [
+ "Ġshort",
+ "est"
+ ],
+ [
+ "ĠNe",
+ "eds"
+ ],
+ [
+ "Ġinhib",
+ "itors"
+ ],
+ [
+ "ĠSp",
+ "ot"
+ ],
+ [
+ "b",
+ "ound"
+ ],
+ [
+ "h",
+ "is"
+ ],
+ [
+ "Ġtut",
+ "or"
+ ],
+ [
+ "K",
+ "udos"
+ ],
+ [
+ "Ġan",
+ "at"
+ ],
+ [
+ "ĠNeg",
+ "ative"
+ ],
+ [
+ "t",
+ "otal"
+ ],
+ [
+ ".",
+ "This"
+ ],
+ [
+ "ra",
+ "its"
+ ],
+ [
+ "ign",
+ "ific"
+ ],
+ [
+ "n",
+ "ational"
+ ],
+ [
+ "Ġsub",
+ "mar"
+ ],
+ [
+ "ic",
+ "idal"
+ ],
+ [
+ "d",
+ "r"
+ ],
+ [
+ "er",
+ "ic"
+ ],
+ [
+ "ĠD",
+ "h"
+ ],
+ [
+ "ĠCalcul",
+ "us"
+ ],
+ [
+ "Ġs",
+ "ie"
+ ],
+ [
+ "Ġcon",
+ "cludes"
+ ],
+ [
+ "Ġb",
+ "oss"
+ ],
+ [
+ "arg",
+ "ed"
+ ],
+ [
+ "ĠAut",
+ "ism"
+ ],
+ [
+ "Ġsp",
+ "iders"
+ ],
+ [
+ "ĠMarg",
+ "aret"
+ ],
+ [
+ "ĠS",
+ "oph"
+ ],
+ [
+ "ĠSpir",
+ "itual"
+ ],
+ [
+ "ĠGall",
+ "ery"
+ ],
+ [
+ "ess",
+ "ment"
+ ],
+ [
+ "ĠL",
+ "ibr"
+ ],
+ [
+ "Ġdep",
+ "ressed"
+ ],
+ [
+ "Ġlim",
+ "itation"
+ ],
+ [
+ "ac",
+ "ious"
+ ],
+ [
+ "Ġcommod",
+ "ity"
+ ],
+ [
+ "Ġcart",
+ "ilage"
+ ],
+ [
+ "ĠPM",
+ "ID"
+ ],
+ [
+ "Ġk",
+ "its"
+ ],
+ [
+ "Ġcoh",
+ "ort"
+ ],
+ [
+ ".",
+ "O"
+ ],
+ [
+ "ĠP",
+ "le"
+ ],
+ [
+ "ECH",
+ "N"
+ ],
+ [
+ "Ġnew",
+ "born"
+ ],
+ [
+ "Ġad",
+ "hering"
+ ],
+ [
+ "Ġpost",
+ "ing"
+ ],
+ [
+ "(",
+ "root"
+ ],
+ [
+ "Ġlat",
+ "itude"
+ ],
+ [
+ "Ġdev",
+ "otion"
+ ],
+ [
+ "P",
+ "ower"
+ ],
+ [
+ "ĠM",
+ "ov"
+ ],
+ [
+ "Ġse",
+ "aled"
+ ],
+ [
+ "Ġhem",
+ "orrh"
+ ],
+ [
+ ".",
+ "random"
+ ],
+ [
+ "ĠAdv",
+ "is"
+ ],
+ [
+ "L",
+ "ow"
+ ],
+ [
+ "ĠOl",
+ "iver"
+ ],
+ [
+ "r",
+ "ide"
+ ],
+ [
+ "on",
+ "ts"
+ ],
+ [
+ "Ġreal",
+ "ization"
+ ],
+ [
+ "Ġdepict",
+ "s"
+ ],
+ [
+ "or",
+ "ian"
+ ],
+ [
+ "Ġlip",
+ "id"
+ ],
+ [
+ "_",
+ "h"
+ ],
+ [
+ "iv",
+ "ial"
+ ],
+ [
+ "over",
+ "ty"
+ ],
+ [
+ "Ġe",
+ "ch"
+ ],
+ [
+ ".",
+ "It"
+ ],
+ [
+ "Ġpup",
+ "il"
+ ],
+ [
+ "ĠE",
+ "ur"
+ ],
+ [
+ "âĢĶ",
+ "that"
+ ],
+ [
+ "ment",
+ "ioned"
+ ],
+ [
+ "be",
+ "ck"
+ ],
+ [
+ "l",
+ "ass"
+ ],
+ [
+ "ty",
+ "p"
+ ],
+ [
+ "Ġalgorithm",
+ "ical"
+ ],
+ [
+ "Ġstick",
+ "y"
+ ],
+ [
+ "Ġgar",
+ "bage"
+ ],
+ [
+ "y",
+ "ear"
+ ],
+ [
+ "Ġdel",
+ "ivers"
+ ],
+ [
+ "Ġenc",
+ "aps"
+ ],
+ [
+ "omm",
+ "y"
+ ],
+ [
+ "Ġmod",
+ "eration"
+ ],
+ [
+ "Ġev",
+ "id"
+ ],
+ [
+ "Ġque",
+ "er"
+ ],
+ [
+ "ĠAr",
+ "c"
+ ],
+ [
+ "ĠDiff",
+ "erences"
+ ],
+ [
+ "the",
+ "llo"
+ ],
+ [
+ "Ġredu",
+ "ctions"
+ ],
+ [
+ "ocr",
+ "ates"
+ ],
+ [
+ ".",
+ "ex"
+ ],
+ [
+ "Ġinv",
+ "ites"
+ ],
+ [
+ "Ġorient",
+ "ed"
+ ],
+ [
+ "ĠS",
+ "Y"
+ ],
+ [
+ "Ġj",
+ "ar"
+ ],
+ [
+ "ĠÃ",
+ "ł"
+ ],
+ [
+ "ĠViol",
+ "ence"
+ ],
+ [
+ "ĠDef",
+ "ining"
+ ],
+ [
+ "Ġshad",
+ "ows"
+ ],
+ [
+ "S",
+ "ep"
+ ],
+ [
+ "ĠExper",
+ "ts"
+ ],
+ [
+ "ĠG",
+ "ospel"
+ ],
+ [
+ "S",
+ "l"
+ ],
+ [
+ "ĠOffic",
+ "er"
+ ],
+ [
+ "Ġp",
+ "ork"
+ ],
+ [
+ "ĠAL",
+ "L"
+ ],
+ [
+ "ĠPrinc",
+ "iple"
+ ],
+ [
+ "ĠL",
+ "ay"
+ ],
+ [
+ "om",
+ "p"
+ ],
+ [
+ "eg",
+ "al"
+ ],
+ [
+ "S",
+ "elf"
+ ],
+ [
+ "Ġdef",
+ "ence"
+ ],
+ [
+ "R",
+ "ad"
+ ],
+ [
+ "Ġph",
+ "yt"
+ ],
+ [
+ "Ġver",
+ "ified"
+ ],
+ [
+ "Ġevalu",
+ "ations"
+ ],
+ [
+ "ĠW",
+ "at"
+ ],
+ [
+ "head",
+ "ed"
+ ],
+ [
+ "Ġinherent",
+ "ly"
+ ],
+ [
+ "En",
+ "vironmental"
+ ],
+ [
+ "Ġjul",
+ "iet"
+ ],
+ [
+ "Ġdis",
+ "l"
+ ],
+ [
+ "Ġtechn",
+ "ically"
+ ],
+ [
+ "Ġfib",
+ "re"
+ ],
+ [
+ "Ġfirst",
+ "hand"
+ ],
+ [
+ "Ġmort",
+ "gage"
+ ],
+ [
+ "ĠOr",
+ "leans"
+ ],
+ [
+ "w",
+ "he"
+ ],
+ [
+ "Ø",
+ "ª"
+ ],
+ [
+ "re",
+ "lla"
+ ],
+ [
+ "Ġdrople",
+ "ts"
+ ],
+ [
+ "\"",
+ ")."
+ ],
+ [
+ "Ġske",
+ "letal"
+ ],
+ [
+ "Ġt",
+ "iger"
+ ],
+ [
+ "ĠCont",
+ "ract"
+ ],
+ [
+ "Ġmess",
+ "aging"
+ ],
+ [
+ "Ġvow",
+ "el"
+ ],
+ [
+ "hyth",
+ "m"
+ ],
+ [
+ "-h",
+ "ah"
+ ],
+ [
+ "н",
+ "а"
+ ],
+ [
+ "ĠP",
+ "ic"
+ ],
+ [
+ "Ġhe",
+ "ct"
+ ],
+ [
+ "edip",
+ "us"
+ ],
+ [
+ "ok",
+ "er"
+ ],
+ [
+ "Ġ$",
+ "{"
+ ],
+ [
+ "ĠCons",
+ "erv"
+ ],
+ [
+ "Ġanaly",
+ "se"
+ ],
+ [
+ "there",
+ "um"
+ ],
+ [
+ "ĠO",
+ "klahoma"
+ ],
+ [
+ "ill",
+ "in"
+ ],
+ [
+ "Ġrem",
+ "n"
+ ],
+ [
+ "Ġb",
+ "achelor"
+ ],
+ [
+ "Pl",
+ "ace"
+ ],
+ [
+ "ĠHou",
+ "ston"
+ ],
+ [
+ "ĠSc",
+ "and"
+ ],
+ [
+ "Ġfront",
+ "ier"
+ ],
+ [
+ "Ġm",
+ "ating"
+ ],
+ [
+ "ĠG",
+ "ather"
+ ],
+ [
+ "ĠAS",
+ "D"
+ ],
+ [
+ "]",
+ ")ĊĊ"
+ ],
+ [
+ "Ġcompl",
+ "aints"
+ ],
+ [
+ "ject",
+ "ion"
+ ],
+ [
+ "F",
+ "ore"
+ ],
+ [
+ "ĠJ",
+ "ay"
+ ],
+ [
+ "ĠAl",
+ "most"
+ ],
+ [
+ "Ġcoord",
+ "inated"
+ ],
+ [
+ "ast",
+ "ical"
+ ],
+ [
+ "ox",
+ "y"
+ ],
+ [
+ "ort",
+ "ic"
+ ],
+ [
+ "Ġcred",
+ "ited"
+ ],
+ [
+ "Ġclim",
+ "atic"
+ ],
+ [
+ "Ġbegin",
+ "nings"
+ ],
+ [
+ "'",
+ ")čĊ"
+ ],
+ [
+ "ĠJ",
+ "ama"
+ ],
+ [
+ "-e",
+ "conomic"
+ ],
+ [
+ "Ġden",
+ "ote"
+ ],
+ [
+ "C",
+ "V"
+ ],
+ [
+ "Ġconver",
+ "ter"
+ ],
+ [
+ "Ġfut",
+ "ures"
+ ],
+ [
+ "ĠUs",
+ "ers"
+ ],
+ [
+ "ĠE",
+ "ff"
+ ],
+ [
+ "ĠN",
+ "elson"
+ ],
+ [
+ "ĠInter",
+ "active"
+ ],
+ [
+ "ĠExp",
+ "ression"
+ ],
+ [
+ "Ġconvin",
+ "cing"
+ ],
+ [
+ "_n",
+ "umber"
+ ],
+ [
+ "Ġb",
+ "is"
+ ],
+ [
+ "Ġque",
+ "ue"
+ ],
+ [
+ "Ġcont",
+ "ing"
+ ],
+ [
+ "AN",
+ "G"
+ ],
+ [
+ "Ġcong",
+ "estion"
+ ],
+ [
+ "Ġsc",
+ "arcity"
+ ],
+ [
+ "ene",
+ "z"
+ ],
+ [
+ "Ġschedul",
+ "ing"
+ ],
+ [
+ "Ġdipl",
+ "omatic"
+ ],
+ [
+ "th",
+ "y"
+ ],
+ [
+ "ĠR",
+ "is"
+ ],
+ [
+ "ĠOrig",
+ "inally"
+ ],
+ [
+ "/",
+ "B"
+ ],
+ [
+ "ol",
+ "on"
+ ],
+ [
+ "ab",
+ "olic"
+ ],
+ [
+ "Ġproject",
+ "ions"
+ ],
+ [
+ "Ġrevers",
+ "ed"
+ ],
+ [
+ "P",
+ "sych"
+ ],
+ [
+ "*",
+ "Ċ"
+ ],
+ [
+ "ĠAr",
+ "med"
+ ],
+ [
+ "N",
+ "atural"
+ ],
+ [
+ "ra",
+ "is"
+ ],
+ [
+ "Ġcontrib",
+ "utors"
+ ],
+ [
+ "Ġgot",
+ "ten"
+ ],
+ [
+ "ĠD",
+ "M"
+ ],
+ [
+ "Ġequ",
+ "ator"
+ ],
+ [
+ "ĠAfric",
+ "ans"
+ ],
+ [
+ "Ġsou",
+ "ls"
+ ],
+ [
+ "Ġqual",
+ "ifications"
+ ],
+ [
+ "Ġpot",
+ "tery"
+ ],
+ [
+ "Ġammon",
+ "ia"
+ ],
+ [
+ "Ġattend",
+ "ance"
+ ],
+ [
+ "Ġregen",
+ "eration"
+ ],
+ [
+ "at",
+ "ar"
+ ],
+ [
+ "ier",
+ "ra"
+ ],
+ [
+ "Ġbra",
+ "ke"
+ ],
+ [
+ "ĠSol",
+ "id"
+ ],
+ [
+ "Ġeru",
+ "ption"
+ ],
+ [
+ "\",",
+ "Ċ"
+ ],
+ [
+ "ĠSex",
+ "ual"
+ ],
+ [
+ "Ġt",
+ "ide"
+ ],
+ [
+ "ĠM",
+ "ig"
+ ],
+ [
+ "Ġcomfort",
+ "ably"
+ ],
+ [
+ "pie",
+ "ces"
+ ],
+ [
+ "-f",
+ "oot"
+ ],
+ [
+ "b",
+ "ecause"
+ ],
+ [
+ "Ġover",
+ "load"
+ ],
+ [
+ "Ġrun",
+ "off"
+ ],
+ [
+ "W",
+ "ind"
+ ],
+ [
+ "Ġh",
+ "ipp"
+ ],
+ [
+ "Ġhand",
+ "les"
+ ],
+ [
+ "ĠSal",
+ "mon"
+ ],
+ [
+ "ed",
+ "a"
+ ],
+ [
+ "y",
+ "our"
+ ],
+ [
+ "Ġv",
+ "oted"
+ ],
+ [
+ "Ġaltern",
+ "ating"
+ ],
+ [
+ "ĠPar",
+ "am"
+ ],
+ [
+ "Ġp",
+ "sy"
+ ],
+ [
+ "R",
+ "AP"
+ ],
+ [
+ "âĢĻ",
+ "Ċ"
+ ],
+ [
+ "Ġpoly",
+ "gon"
+ ],
+ [
+ "Des",
+ "cription"
+ ],
+ [
+ "Ġdisapp",
+ "eared"
+ ],
+ [
+ "Ġmon",
+ "uments"
+ ],
+ [
+ "S",
+ "ec"
+ ],
+ [
+ "l",
+ "ia"
+ ],
+ [
+ "ens",
+ "ional"
+ ],
+ [
+ "ri",
+ "ans"
+ ],
+ [
+ "Ġprest",
+ "igious"
+ ],
+ [
+ "Ġseism",
+ "ic"
+ ],
+ [
+ "Ġp",
+ "ins"
+ ],
+ [
+ "Ġalign",
+ "s"
+ ],
+ [
+ "Ġw",
+ "olves"
+ ],
+ [
+ "20",
+ "9"
+ ],
+ [
+ "Ġwra",
+ "pped"
+ ],
+ [
+ "Ġmount",
+ "ing"
+ ],
+ [
+ "ĠJ",
+ "enn"
+ ],
+ [
+ "ĠS",
+ "AT"
+ ],
+ [
+ "ĠAd",
+ "oles"
+ ],
+ [
+ "s",
+ "ky"
+ ],
+ [
+ "Ġexp",
+ "osing"
+ ],
+ [
+ "l",
+ "as"
+ ],
+ [
+ "Ġnews",
+ "letter"
+ ],
+ [
+ "an",
+ "throp"
+ ],
+ [
+ "ĠDO",
+ "I"
+ ],
+ [
+ "Ġban",
+ "anas"
+ ],
+ [
+ "Ġb",
+ "ricks"
+ ],
+ [
+ "Ġpress",
+ "ed"
+ ],
+ [
+ "-an",
+ "alysis"
+ ],
+ [
+ "Ġsubsc",
+ "rib"
+ ],
+ [
+ "Ġquestion",
+ "ed"
+ ],
+ [
+ "ac",
+ "a"
+ ],
+ [
+ "Ġmig",
+ "rants"
+ ],
+ [
+ "ĠS",
+ "low"
+ ],
+ [
+ "Ġstead",
+ "ily"
+ ],
+ [
+ "ĠN",
+ "ile"
+ ],
+ [
+ "Ġover",
+ "coming"
+ ],
+ [
+ "ĠBe",
+ "hav"
+ ],
+ [
+ "Ġu",
+ "k"
+ ],
+ [
+ "com",
+ "ed"
+ ],
+ [
+ "cal",
+ "cul"
+ ],
+ [
+ "ĠÐ",
+ "¼"
+ ],
+ [
+ "Ġcatch",
+ "ing"
+ ],
+ [
+ "us",
+ "ch"
+ ],
+ [
+ "Ġsc",
+ "ent"
+ ],
+ [
+ "ĠTra",
+ "il"
+ ],
+ [
+ "Ġbreast",
+ "feeding"
+ ],
+ [
+ "Ġcart",
+ "oon"
+ ],
+ [
+ "Ġlon",
+ "eliness"
+ ],
+ [
+ "-w",
+ "inning"
+ ],
+ [
+ "Ġsuccess",
+ "ive"
+ ],
+ [
+ "ord",
+ "on"
+ ],
+ [
+ "Ġvir",
+ "gin"
+ ],
+ [
+ "Ġcylind",
+ "rical"
+ ],
+ [
+ ".",
+ "]"
+ ],
+ [
+ "Ġdr",
+ "astically"
+ ],
+ [
+ "Sub",
+ "ject"
+ ],
+ [
+ "ĠV",
+ "oice"
+ ],
+ [
+ "ĠUS",
+ "D"
+ ],
+ [
+ "ĠOcc",
+ "up"
+ ],
+ [
+ "ra",
+ "cle"
+ ],
+ [
+ "ĠR",
+ "AM"
+ ],
+ [
+ "л",
+ "и"
+ ],
+ [
+ "ĠJoh",
+ "ann"
+ ],
+ [
+ "Ġel",
+ "ong"
+ ],
+ [
+ "Ġunpredict",
+ "able"
+ ],
+ [
+ "Ġkey",
+ "word"
+ ],
+ [
+ "pl",
+ "ess"
+ ],
+ [
+ "Ġamb",
+ "ition"
+ ],
+ [
+ "Ġdom",
+ "inate"
+ ],
+ [
+ "\"",
+ "We"
+ ],
+ [
+ "Ġrecur",
+ "rent"
+ ],
+ [
+ "Ġm",
+ "s"
+ ],
+ [
+ "ure",
+ "rs"
+ ],
+ [
+ "Ġlog",
+ "o"
+ ],
+ [
+ "m",
+ "aker"
+ ],
+ [
+ "ĠCommon",
+ "wealth"
+ ],
+ [
+ "ock",
+ "ets"
+ ],
+ [
+ "ĠAct",
+ "s"
+ ],
+ [
+ "Ġiron",
+ "y"
+ ],
+ [
+ "-def",
+ "ined"
+ ],
+ [
+ "Ġqu",
+ "arters"
+ ],
+ [
+ "eal",
+ "ous"
+ ],
+ [
+ "ill",
+ "ery"
+ ],
+ [
+ "ĠCh",
+ "ain"
+ ],
+ [
+ "Ġback",
+ "drop"
+ ],
+ [
+ "Cl",
+ "imate"
+ ],
+ [
+ "th",
+ "ink"
+ ],
+ [
+ "Ġrev",
+ "is"
+ ],
+ [
+ "Ġl",
+ "upus"
+ ],
+ [
+ "ol",
+ "ph"
+ ],
+ [
+ "ĠL",
+ "akes"
+ ],
+ [
+ "Jan",
+ "uary"
+ ],
+ [
+ "Ġ(",
+ ")"
+ ],
+ [
+ "ĠAll",
+ "ied"
+ ],
+ [
+ "}",
+ "."
+ ],
+ [
+ "Ġworry",
+ "ing"
+ ],
+ [
+ "est",
+ "hetic"
+ ],
+ [
+ "met",
+ "rical"
+ ],
+ [
+ "Ġany",
+ "time"
+ ],
+ [
+ "ĠConst",
+ "ruct"
+ ],
+ [
+ "Ġdr",
+ "one"
+ ],
+ [
+ "ĠT",
+ "amil"
+ ],
+ [
+ "Ġexpress",
+ "es"
+ ],
+ [
+ "Ġb",
+ "arg"
+ ],
+ [
+ "oy",
+ "d"
+ ],
+ [
+ "Ġsubsc",
+ "ription"
+ ],
+ [
+ "Out",
+ "put"
+ ],
+ [
+ "ĠIm",
+ "plications"
+ ],
+ [
+ ".sh",
+ "ow"
+ ],
+ [
+ "er",
+ "r"
+ ],
+ [
+ "Ġback",
+ "ed"
+ ],
+ [
+ "ĠRob",
+ "inson"
+ ],
+ [
+ "Ġprofess",
+ "ors"
+ ],
+ [
+ "Book",
+ "s"
+ ],
+ [
+ "Ġspecific",
+ "ation"
+ ],
+ [
+ "il",
+ "k"
+ ],
+ [
+ "Ġex",
+ "ceeds"
+ ],
+ [
+ "ats",
+ "on"
+ ],
+ [
+ "ĠOper",
+ "ation"
+ ],
+ [
+ "ĠG",
+ "roups"
+ ],
+ [
+ "Ġsm",
+ "iled"
+ ],
+ [
+ "Ġg",
+ "rie"
+ ],
+ [
+ "Ġneglect",
+ "ed"
+ ],
+ [
+ "Ġtoler",
+ "ate"
+ ],
+ [
+ "ĠCom",
+ "mercial"
+ ],
+ [
+ "Ġspect",
+ "acular"
+ ],
+ [
+ "Ġappoint",
+ "ments"
+ ],
+ [
+ "Ñ",
+ "Ĩ"
+ ],
+ [
+ "Ġcle",
+ "arer"
+ ],
+ [
+ "Ġshowc",
+ "ases"
+ ],
+ [
+ "Ġaster",
+ "oid"
+ ],
+ [
+ "ĠAc",
+ "cept"
+ ],
+ [
+ "ĠObject",
+ "ives"
+ ],
+ [
+ "ĠL",
+ "iver"
+ ],
+ [
+ "Ġpenal",
+ "ties"
+ ],
+ [
+ ".",
+ "name"
+ ],
+ [
+ "ĠL",
+ "oad"
+ ],
+ [
+ "ed",
+ "ical"
+ ],
+ [
+ "Ġm",
+ "int"
+ ],
+ [
+ "Ġpul",
+ "ses"
+ ],
+ [
+ "ĠFac",
+ "ulty"
+ ],
+ [
+ "ĠL",
+ "ines"
+ ],
+ [
+ "Ġillust",
+ "rating"
+ ],
+ [
+ "Ġgrand",
+ "mother"
+ ],
+ [
+ "Ġmot",
+ "ions"
+ ],
+ [
+ "ĠDist",
+ "rib"
+ ],
+ [
+ "Ġmer",
+ "it"
+ ],
+ [
+ "ĠCre",
+ "ation"
+ ],
+ [
+ "Ġcit",
+ "rus"
+ ],
+ [
+ "Ġin",
+ "expensive"
+ ],
+ [
+ "ĠGreat",
+ "er"
+ ],
+ [
+ "Disc",
+ "over"
+ ],
+ [
+ "ĠO",
+ "P"
+ ],
+ [
+ "irect",
+ "ed"
+ ],
+ [
+ "Ġ",
+ "é"
+ ],
+ [
+ "ĠSud",
+ "an"
+ ],
+ [
+ "o",
+ "que"
+ ],
+ [
+ "ĠP",
+ "red"
+ ],
+ [
+ "ĠC",
+ "ause"
+ ],
+ [
+ "in",
+ "itions"
+ ],
+ [
+ "Ġsim",
+ "ulated"
+ ],
+ [
+ "Ġs",
+ "ine"
+ ],
+ [
+ "est",
+ "ing"
+ ],
+ [
+ "Ġm",
+ "aker"
+ ],
+ [
+ "ĠTh",
+ "an"
+ ],
+ [
+ "Ġmini",
+ "ature"
+ ],
+ [
+ "ĠV",
+ "ert"
+ ],
+ [
+ "Per",
+ "iod"
+ ],
+ [
+ "Ġimper",
+ "fect"
+ ],
+ [
+ "3",
+ "10"
+ ],
+ [
+ "Ġnanop",
+ "articles"
+ ],
+ [
+ "Ġsh",
+ "rimp"
+ ],
+ [
+ "Ġf",
+ "ence"
+ ],
+ [
+ "Ġsur",
+ "pass"
+ ],
+ [
+ "Ġresol",
+ "ving"
+ ],
+ [
+ "ĠA",
+ "gg"
+ ],
+ [
+ "Ġref",
+ "use"
+ ],
+ [
+ "ĠD",
+ "in"
+ ],
+ [
+ "ĠArt",
+ "ists"
+ ],
+ [
+ "Ġabol",
+ "ition"
+ ],
+ [
+ "ĠInt",
+ "o"
+ ],
+ [
+ "ĠA",
+ "CT"
+ ],
+ [
+ "Ġfe",
+ "eds"
+ ],
+ [
+ "ĠRelations",
+ "hip"
+ ],
+ [
+ "ain",
+ "ted"
+ ],
+ [
+ "Ġimport",
+ "s"
+ ],
+ [
+ "Ġdisc",
+ "ern"
+ ],
+ [
+ "Ġep",
+ "ilepsy"
+ ],
+ [
+ "ot",
+ "onin"
+ ],
+ [
+ "Ġp",
+ "ant"
+ ],
+ [
+ "ĠQue",
+ "bec"
+ ],
+ [
+ "orth",
+ "y"
+ ],
+ [
+ ">",
+ ""
+ ],
+ [
+ "Ġst",
+ "arch"
+ ],
+ [
+ "pt",
+ "ure"
+ ],
+ [
+ "ĠLi",
+ "u"
+ ],
+ [
+ "Ġge",
+ "ology"
+ ],
+ [
+ "ĠDis",
+ "covery"
+ ],
+ [
+ "ĠOd",
+ "ys"
+ ],
+ [
+ "[",
+ "x"
+ ],
+ [
+ "(",
+ "D"
+ ],
+ [
+ "ĠB",
+ "rian"
+ ],
+ [
+ "Ġpl",
+ "ague"
+ ],
+ [
+ "Ġinst",
+ "itute"
+ ],
+ [
+ "Ġpries",
+ "ts"
+ ],
+ [
+ "C",
+ "ustom"
+ ],
+ [
+ "ĠT",
+ "ar"
+ ],
+ [
+ "p",
+ "ur"
+ ],
+ [
+ "Ġinf",
+ "inity"
+ ],
+ [
+ "Ġjust",
+ "ified"
+ ],
+ [
+ "Ġencl",
+ "osed"
+ ],
+ [
+ "f",
+ "oot"
+ ],
+ [
+ "Ġd",
+ "ull"
+ ],
+ [
+ "Ġisol",
+ "ate"
+ ],
+ [
+ "ĠPer",
+ "cent"
+ ],
+ [
+ "ĠBer",
+ "keley"
+ ],
+ [
+ "-en",
+ "ergy"
+ ],
+ [
+ "Ġf",
+ "iring"
+ ],
+ [
+ "ĠD",
+ "IS"
+ ],
+ [
+ "Ġmod",
+ "elling"
+ ],
+ [
+ "ĠCon",
+ "ver"
+ ],
+ [
+ "********",
+ "********"
+ ],
+ [
+ "Ġw",
+ "ore"
+ ],
+ [
+ ".",
+ "assert"
+ ],
+ [
+ "S",
+ "k"
+ ],
+ [
+ "stand",
+ "ard"
+ ],
+ [
+ "Ġmon",
+ "ster"
+ ],
+ [
+ "in",
+ "se"
+ ],
+ [
+ "ic",
+ "ion"
+ ],
+ [
+ "j",
+ "ab"
+ ],
+ [
+ "ĠLog",
+ "ic"
+ ],
+ [
+ "Ġweigh",
+ "ing"
+ ],
+ [
+ "Ġunfor",
+ "gettable"
+ ],
+ [
+ "Aug",
+ "ust"
+ ],
+ [
+ "ĠB",
+ "ond"
+ ],
+ [
+ "us",
+ "able"
+ ],
+ [
+ "Ġ-",
+ "*"
+ ],
+ [
+ "Ġtow",
+ "ers"
+ ],
+ [
+ "sem",
+ "ination"
+ ],
+ [
+ "Ġy",
+ "arn"
+ ],
+ [
+ "ĠW",
+ "a"
+ ],
+ [
+ "Ġspecial",
+ "ty"
+ ],
+ [
+ "ĠE",
+ "pid"
+ ],
+ [
+ "ĠCol",
+ "onial"
+ ],
+ [
+ "Ġwise",
+ "ly"
+ ],
+ [
+ "Ġqual",
+ "ify"
+ ],
+ [
+ "Ġmach",
+ "ining"
+ ],
+ [
+ "Ġ-",
+ "Ċ"
+ ],
+ [
+ "row",
+ "ning"
+ ],
+ [
+ "ĠRen",
+ "ew"
+ ],
+ [
+ "e",
+ "b"
+ ],
+ [
+ "ustral",
+ "ia"
+ ],
+ [
+ "app",
+ "le"
+ ],
+ [
+ "Ġobs",
+ "erver"
+ ],
+ [
+ "pat",
+ "hetic"
+ ],
+ [
+ "ac",
+ "ulture"
+ ],
+ [
+ "ĠK",
+ "ash"
+ ],
+ [
+ "Ġconqu",
+ "er"
+ ],
+ [
+ "ad",
+ "ata"
+ ],
+ [
+ "amm",
+ "y"
+ ],
+ [
+ "Ġpan",
+ "creat"
+ ],
+ [
+ "ent",
+ "ine"
+ ],
+ [
+ "ell",
+ "s"
+ ],
+ [
+ "ĠD",
+ "anish"
+ ],
+ [
+ "Ġtra",
+ "ps"
+ ],
+ [
+ "ĠObject",
+ "ive"
+ ],
+ [
+ "Ġsc",
+ "ored"
+ ],
+ [
+ "ĠE",
+ "ight"
+ ],
+ [
+ "Ġrept",
+ "iles"
+ ],
+ [
+ "-",
+ "new"
+ ],
+ [
+ "ab",
+ "we"
+ ],
+ [
+ "ĠOff",
+ "er"
+ ],
+ [
+ "Ġgall",
+ "on"
+ ],
+ [
+ "ĠF",
+ "ant"
+ ],
+ [
+ "Ġspecial",
+ "ize"
+ ],
+ [
+ "ĠUN",
+ "ESCO"
+ ],
+ [
+ "Ġm",
+ "ell"
+ ],
+ [
+ "Ġsen",
+ "iors"
+ ],
+ [
+ "Ġpop",
+ "ulated"
+ ],
+ [
+ "ophag",
+ "us"
+ ],
+ [
+ "ĠV",
+ "el"
+ ],
+ [
+ "ov",
+ "ari"
+ ],
+ [
+ "Ġper",
+ "secution"
+ ],
+ [
+ "Ġprofit",
+ "ability"
+ ],
+ [
+ "de",
+ "c"
+ ],
+ [
+ "ĠT",
+ "un"
+ ],
+ [
+ "Ġaer",
+ "obic"
+ ],
+ [
+ "e",
+ "a"
+ ],
+ [
+ "ĠAd",
+ "ults"
+ ],
+ [
+ "Ġl",
+ "av"
+ ],
+ [
+ "Com",
+ "puter"
+ ],
+ [
+ "commun",
+ "ications"
+ ],
+ [
+ "Ġensl",
+ "aved"
+ ],
+ [
+ "elt",
+ "ic"
+ ],
+ [
+ "ount",
+ "ain"
+ ],
+ [
+ "ĠPart",
+ "s"
+ ],
+ [
+ "~~",
+ "~~"
+ ],
+ [
+ "R",
+ "T"
+ ],
+ [
+ "-b",
+ "uilding"
+ ],
+ [
+ "ie",
+ "g"
+ ],
+ [
+ "ĠK",
+ "az"
+ ],
+ [
+ "Ġass",
+ "ists"
+ ],
+ [
+ "-t",
+ "rans"
+ ],
+ [
+ "ĠC",
+ "ycl"
+ ],
+ [
+ "ĠIn",
+ "come"
+ ],
+ [
+ "Ġstr",
+ "iving"
+ ],
+ [
+ "Ġarm",
+ "ies"
+ ],
+ [
+ "in",
+ "av"
+ ],
+ [
+ "âĨ",
+ "Ĵ"
+ ],
+ [
+ "Ġlabor",
+ "atories"
+ ],
+ [
+ "oll",
+ "ar"
+ ],
+ [
+ "Art",
+ "icle"
+ ],
+ [
+ "E",
+ "th"
+ ],
+ [
+ "Ñ",
+ "ĸ"
+ ],
+ [
+ "ess",
+ "age"
+ ],
+ [
+ "Ġtail",
+ "or"
+ ],
+ [
+ "ocking",
+ "bird"
+ ],
+ [
+ "Ġunder",
+ "pin"
+ ],
+ [
+ "Ġastronaut",
+ "s"
+ ],
+ [
+ "n",
+ "u"
+ ],
+ [
+ "å",
+ "Ĭ"
+ ],
+ [
+ "A",
+ "lex"
+ ],
+ [
+ "-s",
+ "ize"
+ ],
+ [
+ "cript",
+ "ive"
+ ],
+ [
+ "Ġhyd",
+ "ration"
+ ],
+ [
+ "ĠL",
+ "ag"
+ ],
+ [
+ "Ġ-",
+ "="
+ ],
+ [
+ "ĠE",
+ "L"
+ ],
+ [
+ "\"\"",
+ "\"ĊĊ"
+ ],
+ [
+ "Ġas",
+ "bestos"
+ ],
+ [
+ "ĠM",
+ "ol"
+ ],
+ [
+ "Ġv",
+ "oid"
+ ],
+ [
+ "Ġbelong",
+ "ed"
+ ],
+ [
+ "ut",
+ "ations"
+ ],
+ [
+ "ĠD",
+ "a"
+ ],
+ [
+ "Ġmon",
+ "aster"
+ ],
+ [
+ "ĠWork",
+ "ers"
+ ],
+ [
+ "ĠB",
+ "rid"
+ ],
+ [
+ "Ġr",
+ "if"
+ ],
+ [
+ "st",
+ "ery"
+ ],
+ [
+ "ern",
+ "ame"
+ ],
+ [
+ "Ġann",
+ "oy"
+ ],
+ [
+ "Ġpoison",
+ "ous"
+ ],
+ [
+ "Ġremote",
+ "ly"
+ ],
+ [
+ "ĠJ",
+ "oy"
+ ],
+ [
+ "Ġoverl",
+ "apping"
+ ],
+ [
+ "(",
+ "{"
+ ],
+ [
+ "23",
+ "5"
+ ],
+ [
+ "æ",
+ "Ĺ"
+ ],
+ [
+ "Ġad",
+ "en"
+ ],
+ [
+ "ag",
+ "ic"
+ ],
+ [
+ "ĠA",
+ "V"
+ ],
+ [
+ "pan",
+ "ish"
+ ],
+ [
+ "Ġh",
+ "int"
+ ],
+ [
+ "ĠM",
+ "aj"
+ ],
+ [
+ "\\",
+ "text"
+ ],
+ [
+ "Ġbet",
+ "ray"
+ ],
+ [
+ "Ġhot",
+ "els"
+ ],
+ [
+ "}",
+ "_"
+ ],
+ [
+ "Ñ",
+ "Ī"
+ ],
+ [
+ "Ġup",
+ "wards"
+ ],
+ [
+ "ĠâĪ",
+ "ļ"
+ ],
+ [
+ "Ġan",
+ "s"
+ ],
+ [
+ "ĠD",
+ "ur"
+ ],
+ [
+ "Ġcrim",
+ "inals"
+ ],
+ [
+ "it",
+ "ol"
+ ],
+ [
+ "Ġw",
+ "re"
+ ],
+ [
+ "Ġkill",
+ "er"
+ ],
+ [
+ "Ġnurt",
+ "ure"
+ ],
+ [
+ "+",
+ "y"
+ ],
+ [
+ "Ġlog",
+ "s"
+ ],
+ [
+ "Ġsk",
+ "i"
+ ],
+ [
+ "R",
+ "s"
+ ],
+ [
+ "ill",
+ "ation"
+ ],
+ [
+ "Ġbl",
+ "ur"
+ ],
+ [
+ "Ġide",
+ "ological"
+ ],
+ [
+ "Ġcommercial",
+ "ly"
+ ],
+ [
+ "Ġle",
+ "x"
+ ],
+ [
+ "With",
+ "in"
+ ],
+ [
+ "ĠConfed",
+ "erate"
+ ],
+ [
+ "or",
+ "ative"
+ ],
+ [
+ "Ġwound",
+ "ed"
+ ],
+ [
+ "T",
+ "im"
+ ],
+ [
+ "He",
+ "y"
+ ],
+ [
+ "Ġveget",
+ "arian"
+ ],
+ [
+ "Ġw",
+ "ard"
+ ],
+ [
+ "se",
+ "min"
+ ],
+ [
+ "ad",
+ "ow"
+ ],
+ [
+ "b",
+ "uilding"
+ ],
+ [
+ "Ġbl",
+ "ended"
+ ],
+ [
+ "Ġneuro",
+ "transmit"
+ ],
+ [
+ "ĠV",
+ "ent"
+ ],
+ [
+ "Ġstiff",
+ "ness"
+ ],
+ [
+ "Ġd",
+ "aughters"
+ ],
+ [
+ "ĠS",
+ "ed"
+ ],
+ [
+ "Ġmar",
+ "row"
+ ],
+ [
+ "ĠL",
+ "ot"
+ ],
+ [
+ "ĠBab",
+ "ylon"
+ ],
+ [
+ "Ġorb",
+ "ital"
+ ],
+ [
+ "Ġexpect",
+ "ation"
+ ],
+ [
+ "rades",
+ "h"
+ ],
+ [
+ "Ġacc",
+ "red"
+ ],
+ [
+ "Ġunre",
+ "lated"
+ ],
+ [
+ "S",
+ "ur"
+ ],
+ [
+ "val",
+ "id"
+ ],
+ [
+ "Ġsal",
+ "vation"
+ ],
+ [
+ "D",
+ "em"
+ ],
+ [
+ "ĠB",
+ "ring"
+ ],
+ [
+ "Ġresp",
+ "onds"
+ ],
+ [
+ "el",
+ "ia"
+ ],
+ [
+ "um",
+ "ar"
+ ],
+ [
+ "S",
+ "L"
+ ],
+ [
+ "Ġdis",
+ "ciples"
+ ],
+ [
+ "Ġreg",
+ "imen"
+ ],
+ [
+ "ĠMo",
+ "z"
+ ],
+ [
+ "in",
+ "ators"
+ ],
+ [
+ "Ġe",
+ "uro"
+ ],
+ [
+ "Ġpropos",
+ "ition"
+ ],
+ [
+ "sm",
+ "all"
+ ],
+ [
+ "inn",
+ "amon"
+ ],
+ [
+ "ĠS",
+ "L"
+ ],
+ [
+ "Ġrel",
+ "ay"
+ ],
+ [
+ "Å",
+ "¡"
+ ],
+ [
+ "ĠW",
+ "OR"
+ ],
+ [
+ "P",
+ "ractice"
+ ],
+ [
+ "ĠAr",
+ "duino"
+ ],
+ [
+ "c",
+ "ot"
+ ],
+ [
+ "Ġexp",
+ "onent"
+ ],
+ [
+ "Ġsc",
+ "roll"
+ ],
+ [
+ "ograp",
+ "hers"
+ ],
+ [
+ "Ġn",
+ "aming"
+ ],
+ [
+ "ï¸",
+ "ı"
+ ],
+ [
+ "Ġp",
+ "end"
+ ],
+ [
+ "Ch",
+ "all"
+ ],
+ [
+ "Ġha",
+ "unt"
+ ],
+ [
+ "Ġret",
+ "aining"
+ ],
+ [
+ "Ju",
+ "ly"
+ ],
+ [
+ "im",
+ "mer"
+ ],
+ [
+ "iss",
+ "a"
+ ],
+ [
+ "H",
+ "y"
+ ],
+ [
+ "con",
+ "f"
+ ],
+ [
+ "oc",
+ "ating"
+ ],
+ [
+ "br",
+ "ush"
+ ],
+ [
+ "Ġreg",
+ "imes"
+ ],
+ [
+ "Ġimbal",
+ "ances"
+ ],
+ [
+ "Ġimp",
+ "ose"
+ ],
+ [
+ "d",
+ "oms"
+ ],
+ [
+ "-cont",
+ "rol"
+ ],
+ [
+ "ĠMe",
+ "et"
+ ],
+ [
+ "Ġan",
+ "onymous"
+ ],
+ [
+ "Ġrank",
+ "ing"
+ ],
+ [
+ "Ġli",
+ "abilities"
+ ],
+ [
+ "Ġoccur",
+ "rences"
+ ],
+ [
+ "Se",
+ "ptember"
+ ],
+ [
+ "Ġcommission",
+ "ed"
+ ],
+ [
+ "ĠPur",
+ "pose"
+ ],
+ [
+ "Ġab",
+ "oard"
+ ],
+ [
+ "Ġcham",
+ "bers"
+ ],
+ [
+ "ĠHarr",
+ "is"
+ ],
+ [
+ "Ġbe",
+ "ams"
+ ],
+ [
+ "Ġpolit",
+ "ically"
+ ],
+ [
+ "Ġmob",
+ "il"
+ ],
+ [
+ "Ġentrepreneurs",
+ "hip"
+ ],
+ [
+ "Ġgr",
+ "ind"
+ ],
+ [
+ "ĠSt",
+ "ream"
+ ],
+ [
+ "Ġunders",
+ "core"
+ ],
+ [
+ "Ġst",
+ "ub"
+ ],
+ [
+ "ĠCor",
+ "on"
+ ],
+ [
+ "Ġchlor",
+ "ine"
+ ],
+ [
+ "Ġa",
+ "z"
+ ],
+ [
+ "Ġassist",
+ "ants"
+ ],
+ [
+ "ĠJu",
+ "an"
+ ],
+ [
+ "ĠQur",
+ "an"
+ ],
+ [
+ "IG",
+ "HT"
+ ],
+ [
+ "Ġdr",
+ "ift"
+ ],
+ [
+ "Ġut",
+ "ilities"
+ ],
+ [
+ "Ġconflic",
+ "ting"
+ ],
+ [
+ "ĠByz",
+ "antine"
+ ],
+ [
+ "Ġaer",
+ "os"
+ ],
+ [
+ "w",
+ "ent"
+ ],
+ [
+ "Ġm",
+ "L"
+ ],
+ [
+ "Ġtodd",
+ "lers"
+ ],
+ [
+ "ĠK",
+ "an"
+ ],
+ [
+ "Ġf",
+ "ixt"
+ ],
+ [
+ "Ġdig",
+ "ging"
+ ],
+ [
+ "ĠR",
+ "oy"
+ ],
+ [
+ "Ġjournal",
+ "ists"
+ ],
+ [
+ "bour",
+ "ne"
+ ],
+ [
+ "ĠTut",
+ "orial"
+ ],
+ [
+ "5",
+ "50"
+ ],
+ [
+ "Ġen",
+ "j"
+ ],
+ [
+ "ĠInteg",
+ "rate"
+ ],
+ [
+ "ĠImpro",
+ "ved"
+ ],
+ [
+ "Ġnon",
+ "etheless"
+ ],
+ [
+ "\\",
+ ","
+ ],
+ [
+ "Ġwe",
+ "ird"
+ ],
+ [
+ "pl",
+ "iance"
+ ],
+ [
+ "Ġt",
+ "enth"
+ ],
+ [
+ "ĠOrgan",
+ "izations"
+ ],
+ [
+ "Ġprompt",
+ "ing"
+ ],
+ [
+ "ĠB",
+ "uff"
+ ],
+ [
+ "rac",
+ "ies"
+ ],
+ [
+ "ĠâĨ",
+ "ij"
+ ],
+ [
+ "ĠRecogn",
+ "izing"
+ ],
+ [
+ "G",
+ "raph"
+ ],
+ [
+ "-in",
+ "ch"
+ ],
+ [
+ "Ġur",
+ "anium"
+ ],
+ [
+ "cont",
+ "ent"
+ ],
+ [
+ "é",
+ "Ģ"
+ ],
+ [
+ "Ġur",
+ "ge"
+ ],
+ [
+ "Ġfrog",
+ "s"
+ ],
+ [
+ "ival",
+ "ent"
+ ],
+ [
+ "ĠSustain",
+ "ability"
+ ],
+ [
+ "Ġ[",
+ "["
+ ],
+ [
+ "Ġmiscon",
+ "ceptions"
+ ],
+ [
+ "Ġwel",
+ "comed"
+ ],
+ [
+ "s",
+ "plit"
+ ],
+ [
+ "it",
+ "ality"
+ ],
+ [
+ "ri",
+ "k"
+ ],
+ [
+ "Ġbe",
+ "verage"
+ ],
+ [
+ "Ġf",
+ "og"
+ ],
+ [
+ "Ġaud",
+ "it"
+ ],
+ [
+ "ĠOut",
+ "line"
+ ],
+ [
+ "cess",
+ "ion"
+ ],
+ [
+ "on",
+ "ian"
+ ],
+ [
+ "Ġl",
+ "ined"
+ ],
+ [
+ "ob",
+ "a"
+ ],
+ [
+ "ĠAnth",
+ "ony"
+ ],
+ [
+ "Ù",
+ "ĩ"
+ ],
+ [
+ "Ġgeneral",
+ "ized"
+ ],
+ [
+ "Ġconv",
+ "ict"
+ ],
+ [
+ "ĠMain",
+ "tenance"
+ ],
+ [
+ "ĠDev",
+ "ices"
+ ],
+ [
+ "on",
+ "acci"
+ ],
+ [
+ "ĠBud",
+ "get"
+ ],
+ [
+ "ĠJ",
+ "es"
+ ],
+ [
+ "Ġg",
+ "inger"
+ ],
+ [
+ "Ġse",
+ "als"
+ ],
+ [
+ "N",
+ "E"
+ ],
+ [
+ "Ġden",
+ "y"
+ ],
+ [
+ "ĠKar",
+ "l"
+ ],
+ [
+ "ur",
+ "ities"
+ ],
+ [
+ "uk",
+ "ary"
+ ],
+ [
+ "Ġincl",
+ "ined"
+ ],
+ [
+ "ĠM",
+ "att"
+ ],
+ [
+ "ĠN",
+ "ord"
+ ],
+ [
+ "Ġsal",
+ "ts"
+ ],
+ [
+ "Ġgrapp",
+ "le"
+ ],
+ [
+ "mal",
+ "ink"
+ ],
+ [
+ "Ġden",
+ "oted"
+ ],
+ [
+ "Ġfin",
+ "est"
+ ],
+ [
+ "Ġfl",
+ "aws"
+ ],
+ [
+ "Ġforecast",
+ "ing"
+ ],
+ [
+ "Ġqu",
+ "oted"
+ ],
+ [
+ "Ġhead",
+ "er"
+ ],
+ [
+ "Ġstream",
+ "line"
+ ],
+ [
+ "ĠGu",
+ "ides"
+ ],
+ [
+ "ĉĉ",
+ "ĉĉ"
+ ],
+ [
+ "hist",
+ "ory"
+ ],
+ [
+ "Ġintu",
+ "ition"
+ ],
+ [
+ "-s",
+ "ide"
+ ],
+ [
+ "ro",
+ "cal"
+ ],
+ [
+ "Ġhost",
+ "ile"
+ ],
+ [
+ "ro",
+ "it"
+ ],
+ [
+ "TI",
+ "VE"
+ ],
+ [
+ "Ġple",
+ "ased"
+ ],
+ [
+ "\\",
+ ";"
+ ],
+ [
+ "ur",
+ "ved"
+ ],
+ [
+ "ĠL",
+ "LC"
+ ],
+ [
+ "ap",
+ "hyl"
+ ],
+ [
+ "ĠK",
+ "in"
+ ],
+ [
+ "ĠG",
+ "ot"
+ ],
+ [
+ "ce",
+ "mia"
+ ],
+ [
+ "ĠLevel",
+ "s"
+ ],
+ [
+ "Ġreven",
+ "ge"
+ ],
+ [
+ "Ġinhab",
+ "ited"
+ ],
+ [
+ "Ġimpul",
+ "se"
+ ],
+ [
+ "Ġspr",
+ "ings"
+ ],
+ [
+ "ĠH",
+ "ait"
+ ],
+ [
+ "Ġded",
+ "uct"
+ ],
+ [
+ "ph",
+ "thal"
+ ],
+ [
+ "}$",
+ ","
+ ],
+ [
+ "Ġtext",
+ "iles"
+ ],
+ [
+ "Ġc",
+ "v"
+ ],
+ [
+ "ĠO",
+ "re"
+ ],
+ [
+ "ĠDe",
+ "al"
+ ],
+ [
+ "ĠI",
+ "EEE"
+ ],
+ [
+ "qu",
+ "er"
+ ],
+ [
+ "ĠSh",
+ "ah"
+ ],
+ [
+ "Ġs",
+ "ulph"
+ ],
+ [
+ "ĠF",
+ "ine"
+ ],
+ [
+ "Ġestab",
+ "lishes"
+ ],
+ [
+ "Ġ[âĢ¦",
+ "]Ċ"
+ ],
+ [
+ "Ġwavel",
+ "engths"
+ ],
+ [
+ "-se",
+ "x"
+ ],
+ [
+ "Ġhyp",
+ "oth"
+ ],
+ [
+ "2",
+ "14"
+ ],
+ [
+ "ĠMeasure",
+ "ment"
+ ],
+ [
+ "ĠInvest",
+ "ment"
+ ],
+ [
+ ")",
+ "}{"
+ ],
+ [
+ "ect",
+ "ar"
+ ],
+ [
+ "Ġmat",
+ "t"
+ ],
+ [
+ "ateg",
+ "ories"
+ ],
+ [
+ "ĠApp",
+ "rox"
+ ],
+ [
+ "л",
+ "а"
+ ],
+ [
+ "ĠF",
+ "ROM"
+ ],
+ [
+ "Ġoptim",
+ "ized"
+ ],
+ [
+ "ustain",
+ "able"
+ ],
+ [
+ "6",
+ "50"
+ ],
+ [
+ "Ġdelib",
+ "erate"
+ ],
+ [
+ "F",
+ "IG"
+ ],
+ [
+ "Ġle",
+ "aks"
+ ],
+ [
+ "ĠCollabor",
+ "ative"
+ ],
+ [
+ "eterm",
+ "ination"
+ ],
+ [
+ "Ġairpl",
+ "ane"
+ ],
+ [
+ "F",
+ "rame"
+ ],
+ [
+ "ĠThe",
+ "atre"
+ ],
+ [
+ "Ġlit",
+ "ers"
+ ],
+ [
+ "Ġfart",
+ "her"
+ ],
+ [
+ "ä¸",
+ "º"
+ ],
+ [
+ "Ġboost",
+ "ing"
+ ],
+ [
+ "Ġs",
+ "orry"
+ ],
+ [
+ "ra",
+ "ining"
+ ],
+ [
+ "ĠMechan",
+ "ical"
+ ],
+ [
+ "ĠN",
+ "iger"
+ ],
+ [
+ "Ġresemb",
+ "les"
+ ],
+ [
+ "ĠHow",
+ "ard"
+ ],
+ [
+ "Ġden",
+ "om"
+ ],
+ [
+ "ĠM",
+ "ira"
+ ],
+ [
+ "Ġbur",
+ "d"
+ ],
+ [
+ "Ġt",
+ "atto"
+ ],
+ [
+ "ĠRig",
+ "orous"
+ ],
+ [
+ "à¥",
+ "Ģ"
+ ],
+ [
+ "Ġdestro",
+ "ying"
+ ],
+ [
+ "ĠM",
+ "i"
+ ],
+ [
+ "Com",
+ "par"
+ ],
+ [
+ "ĠH",
+ "alf"
+ ],
+ [
+ "Con",
+ "nect"
+ ],
+ [
+ "ĠAp",
+ "ollo"
+ ],
+ [
+ "×",
+ "Ļ"
+ ],
+ [
+ "ĠJ",
+ "osh"
+ ],
+ [
+ ".p",
+ "op"
+ ],
+ [
+ "Ġw",
+ "rist"
+ ],
+ [
+ "Ġin",
+ "con"
+ ],
+ [
+ "-th",
+ "ird"
+ ],
+ [
+ "Ġstret",
+ "ches"
+ ],
+ [
+ "ĠCop",
+ "per"
+ ],
+ [
+ "C",
+ "AD"
+ ],
+ [
+ "Ġdim",
+ "ensional"
+ ],
+ [
+ "Ġdimin",
+ "ished"
+ ],
+ [
+ "ĠP",
+ "redict"
+ ],
+ [
+ "ĠProp",
+ "het"
+ ],
+ [
+ "ĠMc",
+ "K"
+ ],
+ [
+ "S",
+ "outh"
+ ],
+ [
+ "Ġcap",
+ "ita"
+ ],
+ [
+ "Ġrecogn",
+ "ise"
+ ],
+ [
+ "Ġ'",
+ "-"
+ ],
+ [
+ "Ġinn",
+ "oc"
+ ],
+ [
+ "Ġlad",
+ "ies"
+ ],
+ [
+ "w",
+ "itz"
+ ],
+ [
+ "ert",
+ "iary"
+ ],
+ [
+ "ill",
+ "o"
+ ],
+ [
+ "ĠHol",
+ "lywood"
+ ],
+ [
+ "ah",
+ "a"
+ ],
+ [
+ "Ġconqu",
+ "est"
+ ],
+ [
+ "Ġsyll",
+ "abus"
+ ],
+ [
+ "Ġd",
+ "ressed"
+ ],
+ [
+ "Ġexp",
+ "ands"
+ ],
+ [
+ "ĠPriv",
+ "acy"
+ ],
+ [
+ "Ġmet",
+ "aph"
+ ],
+ [
+ "end",
+ "ix"
+ ],
+ [
+ "Ġthem",
+ "atic"
+ ],
+ [
+ "Ġsur",
+ "plus"
+ ],
+ [
+ "Ġstr",
+ "angers"
+ ],
+ [
+ "Ġrecon",
+ "ciliation"
+ ],
+ [
+ "Ġun",
+ "ve"
+ ],
+ [
+ "Ġend",
+ "emic"
+ ],
+ [
+ "Ġt",
+ "rop"
+ ],
+ [
+ "ĠU",
+ "g"
+ ],
+ [
+ "Ġhard",
+ "ness"
+ ],
+ [
+ "Ġd",
+ "ors"
+ ],
+ [
+ "Ġtw",
+ "ins"
+ ],
+ [
+ "Ġlit",
+ "eral"
+ ],
+ [
+ "Ġland",
+ "marks"
+ ],
+ [
+ "-c",
+ "ost"
+ ],
+ [
+ "ĠFem",
+ "ale"
+ ],
+ [
+ "id",
+ "ad"
+ ],
+ [
+ "ĠOr",
+ "ange"
+ ],
+ [
+ "Ġtuber",
+ "culosis"
+ ],
+ [
+ "Y",
+ "CH"
+ ],
+ [
+ "ct",
+ "ive"
+ ],
+ [
+ "Ġperenn",
+ "ial"
+ ],
+ [
+ "h",
+ "um"
+ ],
+ [
+ "Ġlight",
+ "ly"
+ ],
+ [
+ "Ġrefriger",
+ "ator"
+ ],
+ [
+ "ER",
+ "ING"
+ ],
+ [
+ "ĠPol",
+ "ar"
+ ],
+ [
+ "ĠV",
+ "ector"
+ ],
+ [
+ "Ġbelie",
+ "vers"
+ ],
+ [
+ "ĠEgypt",
+ "ians"
+ ],
+ [
+ "ĠStat",
+ "us"
+ ],
+ [
+ "Ġeru",
+ "pt"
+ ],
+ [
+ "Ġblog",
+ "s"
+ ],
+ [
+ "2",
+ "11"
+ ],
+ [
+ "own",
+ "ed"
+ ],
+ [
+ "Ġres",
+ "ide"
+ ],
+ [
+ "ĠRedu",
+ "ce"
+ ],
+ [
+ "A",
+ "ir"
+ ],
+ [
+ "ĠG",
+ "ran"
+ ],
+ [
+ "cept",
+ "ive"
+ ],
+ [
+ "Ġtri",
+ "angular"
+ ],
+ [
+ "Ġavoid",
+ "ance"
+ ],
+ [
+ "ĠA",
+ "TP"
+ ],
+ [
+ "ĠConnect",
+ "icut"
+ ],
+ [
+ "Ġant",
+ "agon"
+ ],
+ [
+ "Ġsol",
+ "o"
+ ],
+ [
+ "Ġno",
+ "ises"
+ ],
+ [
+ "reci",
+ "ation"
+ ],
+ [
+ "ĠInteg",
+ "rated"
+ ],
+ [
+ "Ġs",
+ "ized"
+ ],
+ [
+ "Get",
+ "ting"
+ ],
+ [
+ "ĠTour",
+ "ism"
+ ],
+ [
+ "ol",
+ "ics"
+ ],
+ [
+ "ĠD",
+ "A"
+ ],
+ [
+ "Ġlemon",
+ "ade"
+ ],
+ [
+ "Ġk",
+ "iss"
+ ],
+ [
+ "Ġbrit",
+ "ish"
+ ],
+ [
+ "Ġslic",
+ "es"
+ ],
+ [
+ "Ġpub",
+ "lishers"
+ ],
+ [
+ "Ġste",
+ "al"
+ ],
+ [
+ "qu",
+ "et"
+ ],
+ [
+ "App",
+ "lic"
+ ],
+ [
+ "ir",
+ "i"
+ ],
+ [
+ "ograph",
+ "s"
+ ],
+ [
+ "Ġeditor",
+ "ial"
+ ],
+ [
+ "Ġdef",
+ "ending"
+ ],
+ [
+ "Ġsupp",
+ "ression"
+ ],
+ [
+ "Ġest",
+ "rogen"
+ ],
+ [
+ "ĠPat",
+ "ient"
+ ],
+ [
+ "b",
+ "ad"
+ ],
+ [
+ "Ġcommod",
+ "ities"
+ ],
+ [
+ "it",
+ "uted"
+ ],
+ [
+ "ĠS",
+ "cre"
+ ],
+ [
+ "r",
+ "ators"
+ ],
+ [
+ "Ġl",
+ "adder"
+ ],
+ [
+ "ĠH",
+ "ost"
+ ],
+ [
+ "ri",
+ "el"
+ ],
+ [
+ "Ġdead",
+ "line"
+ ],
+ [
+ "ĠTri",
+ "angle"
+ ],
+ [
+ "P",
+ "arent"
+ ],
+ [
+ "an",
+ "ch"
+ ],
+ [
+ "lect",
+ "ed"
+ ],
+ [
+ "ĠSol",
+ "omon"
+ ],
+ [
+ "ĠPers",
+ "pectives"
+ ],
+ [
+ "Ġcivil",
+ "ians"
+ ],
+ [
+ "Ġarr",
+ "ives"
+ ],
+ [
+ "f",
+ "in"
+ ],
+ [
+ "Ġupd",
+ "ating"
+ ],
+ [
+ "Ġsecret",
+ "ion"
+ ],
+ [
+ "I",
+ "ts"
+ ],
+ [
+ "ĠAssoci",
+ "ate"
+ ],
+ [
+ "оÐ",
+ "¼"
+ ],
+ [
+ "IL",
+ "L"
+ ],
+ [
+ "Ġsym",
+ "metric"
+ ],
+ [
+ "Ġsew",
+ "age"
+ ],
+ [
+ "Ġall",
+ "ocate"
+ ],
+ [
+ "Ġj",
+ "ury"
+ ],
+ [
+ "Ġdilem",
+ "mas"
+ ],
+ [
+ "Ġinform",
+ "ational"
+ ],
+ [
+ "ĠAl",
+ "an"
+ ],
+ [
+ ")",
+ "**ĊĊ"
+ ],
+ [
+ "-f",
+ "our"
+ ],
+ [
+ "ĠC",
+ "ategory"
+ ],
+ [
+ "Ġelect",
+ "oral"
+ ],
+ [
+ "+",
+ "x"
+ ],
+ [
+ "im",
+ "ming"
+ ],
+ [
+ "Ġdis",
+ "infect"
+ ],
+ [
+ "ĠEm",
+ "b"
+ ],
+ [
+ "{",
+ "a"
+ ],
+ [
+ "Ġcolon",
+ "ists"
+ ],
+ [
+ "ĠIn",
+ "equ"
+ ],
+ [
+ "t",
+ "ically"
+ ],
+ [
+ "Ġfol",
+ "lic"
+ ],
+ [
+ "Inst",
+ "ead"
+ ],
+ [
+ "ĠPalest",
+ "ine"
+ ],
+ [
+ "New",
+ "s"
+ ],
+ [
+ "Ġpercent",
+ "ages"
+ ],
+ [
+ "Ġcustom",
+ "ize"
+ ],
+ [
+ "be",
+ "y"
+ ],
+ [
+ "н",
+ "Ñĭ"
+ ],
+ [
+ "st",
+ "ep"
+ ],
+ [
+ "te",
+ "es"
+ ],
+ [
+ "Ġcon",
+ "gen"
+ ],
+ [
+ "m",
+ "ail"
+ ],
+ [
+ "Ġbe",
+ "an"
+ ],
+ [
+ "Ġpack",
+ "ets"
+ ],
+ [
+ "Ġview",
+ "point"
+ ],
+ [
+ "н",
+ "о"
+ ],
+ [
+ "ab",
+ "ad"
+ ],
+ [
+ "20",
+ "8"
+ ],
+ [
+ "Ġcra",
+ "zy"
+ ],
+ [
+ ")=",
+ "\\"
+ ],
+ [
+ "ĠThanks",
+ "giving"
+ ],
+ [
+ "Ġcreat",
+ "ively"
+ ],
+ [
+ "Ġdro",
+ "pping"
+ ],
+ [
+ "-",
+ "St"
+ ],
+ [
+ "Ġex",
+ "agger"
+ ],
+ [
+ "ĠE",
+ "T"
+ ],
+ [
+ "Ġp",
+ "ads"
+ ],
+ [
+ "opl",
+ "as"
+ ],
+ [
+ "Ġsh",
+ "y"
+ ],
+ [
+ "Ġgen",
+ "ius"
+ ],
+ [
+ "ĠMor",
+ "oc"
+ ],
+ [
+ "j",
+ "ar"
+ ],
+ [
+ "Ġadd",
+ "itives"
+ ],
+ [
+ "Ġ>",
+ ">>"
+ ],
+ [
+ "Ġlog",
+ "in"
+ ],
+ [
+ "Ġhack",
+ "ers"
+ ],
+ [
+ "ĠA",
+ "A"
+ ],
+ [
+ "ag",
+ "onal"
+ ],
+ [
+ "ĠN",
+ "it"
+ ],
+ [
+ "overn",
+ "mental"
+ ],
+ [
+ "Ġcurric",
+ "ula"
+ ],
+ [
+ "D",
+ "ay"
+ ],
+ [
+ "I",
+ "X"
+ ],
+ [
+ "ara",
+ "oh"
+ ],
+ [
+ "Ġsh",
+ "ake"
+ ],
+ [
+ "Ġre",
+ "ception"
+ ],
+ [
+ "IC",
+ "E"
+ ],
+ [
+ "\"",
+ "A"
+ ],
+ [
+ "G",
+ "H"
+ ],
+ [
+ "as",
+ "ury"
+ ],
+ [
+ "Ġcrit",
+ "erion"
+ ],
+ [
+ "Ad",
+ "ditional"
+ ],
+ [
+ "ĠB",
+ "uck"
+ ],
+ [
+ "ĠN",
+ "ik"
+ ],
+ [
+ "ru",
+ "its"
+ ],
+ [
+ "ĠImm",
+ "une"
+ ],
+ [
+ "åŃ",
+ "Ĺ"
+ ],
+ [
+ "-g",
+ "rowing"
+ ],
+ [
+ "ĠUp",
+ "dated"
+ ],
+ [
+ "Ġencompass",
+ "ing"
+ ],
+ [
+ "pr",
+ "ise"
+ ],
+ [
+ "ost",
+ "ics"
+ ],
+ [
+ "Ġtail",
+ "s"
+ ],
+ [
+ "r",
+ "ines"
+ ],
+ [
+ "Ġru",
+ "ins"
+ ],
+ [
+ "ĠA",
+ "w"
+ ],
+ [
+ "Ġd",
+ "warf"
+ ],
+ [
+ "ĠHor",
+ "iz"
+ ],
+ [
+ "_",
+ "e"
+ ],
+ [
+ "Ġnest",
+ "ing"
+ ],
+ [
+ "Ġresid",
+ "ue"
+ ],
+ [
+ "-w",
+ "ater"
+ ],
+ [
+ "Ï",
+ "ħ"
+ ],
+ [
+ "________________",
+ "________________"
+ ],
+ [
+ "Ġal",
+ "ph"
+ ],
+ [
+ "Ġreason",
+ "ably"
+ ],
+ [
+ "ĠInit",
+ "ially"
+ ],
+ [
+ "occ",
+ "up"
+ ],
+ [
+ "Ġvis",
+ "itor"
+ ],
+ [
+ "_t",
+ "itle"
+ ],
+ [
+ "Ġrend",
+ "ered"
+ ],
+ [
+ "Ġi",
+ "Phone"
+ ],
+ [
+ "Ġperiod",
+ "ically"
+ ],
+ [
+ "ĠAl",
+ "fred"
+ ],
+ [
+ "Ġf",
+ "ame"
+ ],
+ [
+ "Ġkilomet",
+ "res"
+ ],
+ [
+ "ĠD",
+ "akota"
+ ],
+ [
+ "ub",
+ "lished"
+ ],
+ [
+ "Ġdecor",
+ "ated"
+ ],
+ [
+ "ĠMarsh",
+ "all"
+ ],
+ [
+ "Ġspont",
+ "aneous"
+ ],
+ [
+ "Ġprinc",
+ "ip"
+ ],
+ [
+ "Ġquart",
+ "z"
+ ],
+ [
+ "Ġall",
+ "ocated"
+ ],
+ [
+ "Ġgra",
+ "ding"
+ ],
+ [
+ "ĠPre",
+ "gn"
+ ],
+ [
+ "ä¸",
+ "į"
+ ],
+ [
+ "ĠE",
+ "fficiency"
+ ],
+ [
+ "ĠF",
+ "lex"
+ ],
+ [
+ "N",
+ "D"
+ ],
+ [
+ "et",
+ "ch"
+ ],
+ [
+ "Ġa",
+ "rose"
+ ],
+ [
+ "Ġmon",
+ "archy"
+ ],
+ [
+ "Ġant",
+ "ig"
+ ],
+ [
+ "Ġtax",
+ "ation"
+ ],
+ [
+ "Ġweak",
+ "er"
+ ],
+ [
+ "ĠArg",
+ "ument"
+ ],
+ [
+ "ib",
+ "ling"
+ ],
+ [
+ "Ġm",
+ "oss"
+ ],
+ [
+ "Ġdec",
+ "ipher"
+ ],
+ [
+ "ĠPh",
+ "oen"
+ ],
+ [
+ "Ġt",
+ "il"
+ ],
+ [
+ "Ġmat",
+ "plotlib"
+ ],
+ [
+ "е",
+ "ÑĢ"
+ ],
+ [
+ "Ġsp",
+ "ans"
+ ],
+ [
+ "|",
+ "B"
+ ],
+ [
+ "Ġby",
+ "pass"
+ ],
+ [
+ "Ġform",
+ "ations"
+ ],
+ [
+ "Ġsm",
+ "arter"
+ ],
+ [
+ "Ġtend",
+ "encies"
+ ],
+ [
+ "ĠSat",
+ "urn"
+ ],
+ [
+ "Ġcon",
+ "current"
+ ],
+ [
+ "ĠPro",
+ "du"
+ ],
+ [
+ "ĠProv",
+ "iding"
+ ],
+ [
+ "Ġthreat",
+ "en"
+ ],
+ [
+ "ĠJ",
+ "os"
+ ],
+ [
+ "ĠTe",
+ "a"
+ ],
+ [
+ "Ġfore",
+ "front"
+ ],
+ [
+ "AM",
+ "P"
+ ],
+ [
+ "Ġaug",
+ "mented"
+ ],
+ [
+ "Ġprox",
+ "y"
+ ],
+ [
+ "Ġout",
+ "ward"
+ ],
+ [
+ "Ġarch",
+ "ive"
+ ],
+ [
+ "od",
+ "ic"
+ ],
+ [
+ "iz",
+ "a"
+ ],
+ [
+ "ĠModel",
+ "ing"
+ ],
+ [
+ "Ġcl",
+ "auses"
+ ],
+ [
+ "Key",
+ "words"
+ ],
+ [
+ "ĠAnton",
+ "io"
+ ],
+ [
+ "ak",
+ "y"
+ ],
+ [
+ "Ġprof",
+ "icient"
+ ],
+ [
+ "Mult",
+ "iple"
+ ],
+ [
+ "Ġj",
+ "elly"
+ ],
+ [
+ "ĠRecent",
+ "ly"
+ ],
+ [
+ "-s",
+ "ource"
+ ],
+ [
+ "Ġdin",
+ "osaur"
+ ],
+ [
+ "oph",
+ "age"
+ ],
+ [
+ "ĠAnaly",
+ "ze"
+ ],
+ [
+ "ĠAntar",
+ "ctic"
+ ],
+ [
+ "ell",
+ "es"
+ ],
+ [
+ "Ġv",
+ "intage"
+ ],
+ [
+ "ce",
+ "phal"
+ ],
+ [
+ "-c",
+ "ar"
+ ],
+ [
+ "Ġtreat",
+ "ies"
+ ],
+ [
+ "ĠFil",
+ "ip"
+ ],
+ [
+ "u",
+ "ber"
+ ],
+ [
+ "ĠPl",
+ "astic"
+ ],
+ [
+ "Ġcard",
+ "board"
+ ],
+ [
+ "Ġparas",
+ "ite"
+ ],
+ [
+ "Ġman",
+ "ages"
+ ],
+ [
+ "engu",
+ "in"
+ ],
+ [
+ "M",
+ "AT"
+ ],
+ [
+ "ip",
+ "ed"
+ ],
+ [
+ "Ġmult",
+ "itude"
+ ],
+ [
+ "ason",
+ "ic"
+ ],
+ [
+ "ot",
+ "ation"
+ ],
+ [
+ "ĠEr",
+ "n"
+ ],
+ [
+ "ĠMar",
+ "ie"
+ ],
+ [
+ "rep",
+ "resented"
+ ],
+ [
+ "Ġdeterior",
+ "ation"
+ ],
+ [
+ "Ġz",
+ "eros"
+ ],
+ [
+ "is",
+ "ciplinary"
+ ],
+ [
+ "2",
+ "16"
+ ],
+ [
+ "En",
+ "ergy"
+ ],
+ [
+ "en",
+ "ic"
+ ],
+ [
+ "Ġnod",
+ "ded"
+ ],
+ [
+ "h",
+ "ine"
+ ],
+ [
+ "urch",
+ "ase"
+ ],
+ [
+ "Ø",
+ "¯"
+ ],
+ [
+ "Ġconf",
+ "ess"
+ ],
+ [
+ "Ġpolynomial",
+ "s"
+ ],
+ [
+ "Ġredu",
+ "nd"
+ ],
+ [
+ "ĠLat",
+ "ino"
+ ],
+ [
+ "Ġfix",
+ "ing"
+ ],
+ [
+ "Ġprepar",
+ "ations"
+ ],
+ [
+ "Ġcommun",
+ "ist"
+ ],
+ [
+ "Ġdepend",
+ "ency"
+ ],
+ [
+ "Ġgrammat",
+ "ical"
+ ],
+ [
+ "ul",
+ "u"
+ ],
+ [
+ "ĠBal",
+ "ancing"
+ ],
+ [
+ "Ġrefuge",
+ "e"
+ ],
+ [
+ "m",
+ "ass"
+ ],
+ [
+ "Ġc",
+ "ents"
+ ],
+ [
+ "iqu",
+ "eness"
+ ],
+ [
+ "Ġunt",
+ "o"
+ ],
+ [
+ "Ġv",
+ "o"
+ ],
+ [
+ "-w",
+ "ar"
+ ],
+ [
+ "Ġso",
+ "ften"
+ ],
+ [
+ "b",
+ "as"
+ ],
+ [
+ "Ġbad",
+ "ly"
+ ],
+ [
+ "id",
+ "i"
+ ],
+ [
+ "Ġbal",
+ "ances"
+ ],
+ [
+ "Med",
+ "ical"
+ ],
+ [
+ "at",
+ "ra"
+ ],
+ [
+ "Ġs",
+ "ins"
+ ],
+ [
+ "Ġsy",
+ "rup"
+ ],
+ [
+ "ise",
+ "xual"
+ ],
+ [
+ "ĠReg",
+ "ist"
+ ],
+ [
+ "Ġrelax",
+ "ing"
+ ],
+ [
+ "Ġleaf",
+ "y"
+ ],
+ [
+ "Ġtack",
+ "ling"
+ ],
+ [
+ "View",
+ "s"
+ ],
+ [
+ "Ġsuper",
+ "conduct"
+ ],
+ [
+ "Ġresol",
+ "utions"
+ ],
+ [
+ "Ġoff",
+ "shore"
+ ],
+ [
+ "Ġgraph",
+ "ical"
+ ],
+ [
+ "Ġad",
+ "jectives"
+ ],
+ [
+ "Ġobs",
+ "cure"
+ ],
+ [
+ "ĠH",
+ "un"
+ ],
+ [
+ "Ġcorrel",
+ "ations"
+ ],
+ [
+ "right",
+ "arrow"
+ ],
+ [
+ "Ġun",
+ "equal"
+ ],
+ [
+ "i",
+ "ential"
+ ],
+ [
+ "Ġl",
+ "ent"
+ ],
+ [
+ "Ġun",
+ "h"
+ ],
+ [
+ "Ġcontag",
+ "ious"
+ ],
+ [
+ "Ġevap",
+ "oration"
+ ],
+ [
+ "å",
+ "¯"
+ ],
+ [
+ "Ġsp",
+ "ill"
+ ],
+ [
+ "Ġsp",
+ "heres"
+ ],
+ [
+ "Ġul",
+ "cers"
+ ],
+ [
+ "Ġbright",
+ "ness"
+ ],
+ [
+ "----",
+ "ĊĊ"
+ ],
+ [
+ "ĠAust",
+ "in"
+ ],
+ [
+ "Ġw",
+ "r"
+ ],
+ [
+ "Ġmisunderstand",
+ "ings"
+ ],
+ [
+ "Ġinhib",
+ "it"
+ ],
+ [
+ "et",
+ "ter"
+ ],
+ [
+ "Ġgen",
+ "ocide"
+ ],
+ [
+ "Ġdam",
+ "s"
+ ],
+ [
+ "urg",
+ "y"
+ ],
+ [
+ "ĠOlymp",
+ "ics"
+ ],
+ [
+ "U",
+ "I"
+ ],
+ [
+ "ĠB",
+ "O"
+ ],
+ [
+ "Ġso",
+ "res"
+ ],
+ [
+ "Ġche",
+ "wing"
+ ],
+ [
+ "Ġstret",
+ "ched"
+ ],
+ [
+ "od",
+ "us"
+ ],
+ [
+ "ank",
+ "ing"
+ ],
+ [
+ "Ġoste",
+ "oporosis"
+ ],
+ [
+ "(",
+ "row"
+ ],
+ [
+ "c",
+ "alled"
+ ],
+ [
+ "Ġass",
+ "ured"
+ ],
+ [
+ "ĠQu",
+ "adr"
+ ],
+ [
+ "Ġtravel",
+ "ling"
+ ],
+ [
+ "Ġcalcul",
+ "ates"
+ ],
+ [
+ "ĠO",
+ "k"
+ ],
+ [
+ "Ġcongru",
+ "ent"
+ ],
+ [
+ "With",
+ "out"
+ ],
+ [
+ "ĠEval",
+ "uate"
+ ],
+ [
+ "S",
+ "QL"
+ ],
+ [
+ "ev",
+ "a"
+ ],
+ [
+ "Ã",
+ "¸"
+ ],
+ [
+ "ĠEx",
+ "cess"
+ ],
+ [
+ "ĠT",
+ "itan"
+ ],
+ [
+ "Ġvag",
+ "inal"
+ ],
+ [
+ "{b",
+ "matrix"
+ ],
+ [
+ "Ġit",
+ "ching"
+ ],
+ [
+ "ĠP",
+ "radesh"
+ ],
+ [
+ "zz",
+ "y"
+ ],
+ [
+ "Ġang",
+ "el"
+ ],
+ [
+ "Ġfa",
+ "una"
+ ],
+ [
+ "Ġhome",
+ "owners"
+ ],
+ [
+ "Ġa",
+ "ph"
+ ],
+ [
+ "Ġtur",
+ "key"
+ ],
+ [
+ "M",
+ "aking"
+ ],
+ [
+ "Ġwor",
+ "m"
+ ],
+ [
+ "Ġco",
+ "arse"
+ ],
+ [
+ "Ġsour",
+ "ced"
+ ],
+ [
+ "ĠRom",
+ "antic"
+ ],
+ [
+ "Ġscal",
+ "p"
+ ],
+ [
+ "ĠCustom",
+ "er"
+ ],
+ [
+ "Ġconstruct",
+ "s"
+ ],
+ [
+ "Ġcentral",
+ "ized"
+ ],
+ [
+ "Ġsed",
+ "iments"
+ ],
+ [
+ "Ġinjust",
+ "ice"
+ ],
+ [
+ "Ġdist",
+ "inctions"
+ ],
+ [
+ "in",
+ "ist"
+ ],
+ [
+ "Ġam",
+ "en"
+ ],
+ [
+ "ĠArch",
+ "ived"
+ ],
+ [
+ "-",
+ "led"
+ ],
+ [
+ "Al",
+ "tern"
+ ],
+ [
+ "Ġp",
+ "ills"
+ ],
+ [
+ "Ġr",
+ "ounds"
+ ],
+ [
+ "Ġac",
+ "et"
+ ],
+ [
+ "ĠON",
+ "E"
+ ],
+ [
+ "ipp",
+ "le"
+ ],
+ [
+ "ĠInterest",
+ "ingly"
+ ],
+ [
+ "Ġo",
+ "k"
+ ],
+ [
+ "Ġpath",
+ "ology"
+ ],
+ [
+ "Ġsupplement",
+ "ation"
+ ],
+ [
+ "}$",
+ "Ċ"
+ ],
+ [
+ ".",
+ "More"
+ ],
+ [
+ "Ġlabel",
+ "ing"
+ ],
+ [
+ "ful",
+ "l"
+ ],
+ [
+ "ĠUr",
+ "du"
+ ],
+ [
+ "Ġc",
+ "ache"
+ ],
+ [
+ "Ġbl",
+ "ues"
+ ],
+ [
+ "Ġdisrupt",
+ "ions"
+ ],
+ [
+ "Ġgener",
+ "ous"
+ ],
+ [
+ "Ġcaus",
+ "al"
+ ],
+ [
+ "mark",
+ "et"
+ ],
+ [
+ "Ġo",
+ "vere"
+ ],
+ [
+ "ant",
+ "i"
+ ],
+ [
+ "ĠIsa",
+ "ac"
+ ],
+ [
+ "ĠV",
+ "ice"
+ ],
+ [
+ "Ġmerch",
+ "ant"
+ ],
+ [
+ "Ġcatast",
+ "rophic"
+ ],
+ [
+ "Ġf",
+ "ran"
+ ],
+ [
+ "ĠMe",
+ "asures"
+ ],
+ [
+ "ĠInd",
+ "o"
+ ],
+ [
+ "ĠM",
+ "aps"
+ ],
+ [
+ "Ġsub",
+ "mer"
+ ],
+ [
+ "ĠInflu",
+ "ence"
+ ],
+ [
+ "p",
+ "ox"
+ ],
+ [
+ "ĠSc",
+ "hedule"
+ ],
+ [
+ "Ġen",
+ "lightenment"
+ ],
+ [
+ "ĠE",
+ "ucl"
+ ],
+ [
+ "Ġprob",
+ "able"
+ ],
+ [
+ "Ġhel",
+ "ic"
+ ],
+ [
+ "Â",
+ "´"
+ ],
+ [
+ "ck",
+ "in"
+ ],
+ [
+ "ĠTh",
+ "ai"
+ ],
+ [
+ "ask",
+ "et"
+ ],
+ [
+ "Ġsh",
+ "oe"
+ ],
+ [
+ "Ġp",
+ "aved"
+ ],
+ [
+ "Ġtooth",
+ "p"
+ ],
+ [
+ "ac",
+ "re"
+ ],
+ [
+ "Ġtut",
+ "ors"
+ ],
+ [
+ "Ġabs",
+ "urd"
+ ],
+ [
+ "Ġl",
+ "ions"
+ ],
+ [
+ "Ġyear",
+ "ly"
+ ],
+ [
+ "2",
+ "15"
+ ],
+ [
+ "ë",
+ "ĭ"
+ ],
+ [
+ "ĠV",
+ "ienna"
+ ],
+ [
+ "Ġstress",
+ "ors"
+ ],
+ [
+ "Ġestim",
+ "ating"
+ ],
+ [
+ "ĠV",
+ "erm"
+ ],
+ [
+ "Ġresearc",
+ "hed"
+ ],
+ [
+ "p",
+ "ublic"
+ ],
+ [
+ "and",
+ "ing"
+ ],
+ [
+ "Ġ",
+ "čĊ"
+ ],
+ [
+ "Ġ'",
+ "__"
+ ],
+ [
+ "Ġâ",
+ "Ħ"
+ ],
+ [
+ "-L",
+ "ife"
+ ],
+ [
+ "o",
+ "ft"
+ ],
+ [
+ "|",
+ "The"
+ ],
+ [
+ "ĠR",
+ "T"
+ ],
+ [
+ "Ġvibr",
+ "ations"
+ ],
+ [
+ "Ġl",
+ "ou"
+ ],
+ [
+ "/",
+ "kg"
+ ],
+ [
+ "au",
+ "er"
+ ],
+ [
+ "Ġarch",
+ "ives"
+ ],
+ [
+ "ĠW",
+ "ere"
+ ],
+ [
+ "Ġsur",
+ "name"
+ ],
+ [
+ "Ġjud",
+ "gments"
+ ],
+ [
+ "ab",
+ "lished"
+ ],
+ [
+ "Ġfemin",
+ "ine"
+ ],
+ [
+ "Ġrem",
+ "inis"
+ ],
+ [
+ "-m",
+ "od"
+ ],
+ [
+ "Ġloc",
+ "om"
+ ],
+ [
+ "ellect",
+ "ual"
+ ],
+ [
+ "Ġvend",
+ "ors"
+ ],
+ [
+ "Ġassist",
+ "ing"
+ ],
+ [
+ "per",
+ "malink"
+ ],
+ [
+ "Ġpre",
+ "de"
+ ],
+ [
+ "ra",
+ "k"
+ ],
+ [
+ "az",
+ "i"
+ ],
+ [
+ "Ġconfirm",
+ "ation"
+ ],
+ [
+ "Ġh",
+ "ired"
+ ],
+ [
+ "Ġfe",
+ "ud"
+ ],
+ [
+ "Ġb",
+ "il"
+ ],
+ [
+ "ĠPar",
+ "ad"
+ ],
+ [
+ "b",
+ "ots"
+ ],
+ [
+ "h",
+ "oe"
+ ],
+ [
+ "ĠS",
+ "eg"
+ ],
+ [
+ "ĠT",
+ "rain"
+ ],
+ [
+ "s",
+ "a"
+ ],
+ [
+ "Ġnurs",
+ "ery"
+ ],
+ [
+ "erg",
+ "ic"
+ ],
+ [
+ "P",
+ "ort"
+ ],
+ [
+ "ĠMor",
+ "gan"
+ ],
+ [
+ "M",
+ "ac"
+ ],
+ [
+ "Ġhum",
+ "ility"
+ ],
+ [
+ "Ġdece",
+ "ased"
+ ],
+ [
+ "æ",
+ "ł"
+ ],
+ [
+ "cre",
+ "ation"
+ ],
+ [
+ "ov",
+ "irus"
+ ],
+ [
+ "-",
+ "im"
+ ],
+ [
+ "Ġd",
+ "awn"
+ ],
+ [
+ "Ġextract",
+ "s"
+ ],
+ [
+ "Ġbre",
+ "ach"
+ ],
+ [
+ "Ġbed",
+ "time"
+ ],
+ [
+ "ĠL",
+ "aser"
+ ],
+ [
+ "Ġpres",
+ "cribe"
+ ],
+ [
+ "Ġregul",
+ "ates"
+ ],
+ [
+ "ĠIncre",
+ "ase"
+ ],
+ [
+ "Ġafric",
+ "a"
+ ],
+ [
+ "ĠB",
+ "ry"
+ ],
+ [
+ "crib",
+ "ing"
+ ],
+ [
+ "Ġfet",
+ "us"
+ ],
+ [
+ "ĠÏ",
+ "ĥ"
+ ],
+ [
+ "Ġbr",
+ "ass"
+ ],
+ [
+ "Ġmis",
+ "use"
+ ],
+ [
+ "Ġj",
+ "ail"
+ ],
+ [
+ "Ġe",
+ "urope"
+ ],
+ [
+ "Ġhem",
+ "isphere"
+ ],
+ [
+ "Ġair",
+ "way"
+ ],
+ [
+ "m",
+ "os"
+ ],
+ [
+ "B",
+ "ar"
+ ],
+ [
+ "Ġphysic",
+ "ists"
+ ],
+ [
+ "Ġcin",
+ "ema"
+ ],
+ [
+ "in",
+ "ars"
+ ],
+ [
+ "ĠE",
+ "thereum"
+ ],
+ [
+ "S",
+ "am"
+ ],
+ [
+ "of",
+ "er"
+ ],
+ [
+ "V",
+ "ideo"
+ ],
+ [
+ "ĠC",
+ "ow"
+ ],
+ [
+ "Ġy",
+ "ang"
+ ],
+ [
+ "ĠP",
+ "df"
+ ],
+ [
+ "UT",
+ "ERS"
+ ],
+ [
+ "ĠR",
+ "io"
+ ],
+ [
+ "M",
+ "T"
+ ],
+ [
+ "ç",
+ "¬"
+ ],
+ [
+ "U",
+ "r"
+ ],
+ [
+ "in",
+ "as"
+ ],
+ [
+ "Ġ=",
+ "Ċ"
+ ],
+ [
+ "Ġelev",
+ "ate"
+ ],
+ [
+ "Ġenj",
+ "oys"
+ ],
+ [
+ "Ġd",
+ "ictionaries"
+ ],
+ [
+ "P",
+ "al"
+ ],
+ [
+ "Ġsmok",
+ "ers"
+ ],
+ [
+ "Ġle",
+ "ague"
+ ],
+ [
+ "ĠF",
+ "R"
+ ],
+ [
+ "Ġimmers",
+ "ion"
+ ],
+ [
+ "ĠNev",
+ "ada"
+ ],
+ [
+ "ĠN",
+ "am"
+ ],
+ [
+ "ĠMod",
+ "ule"
+ ],
+ [
+ "Ġsuperf",
+ "icial"
+ ],
+ [
+ "Ġrome",
+ "o"
+ ],
+ [
+ "ger",
+ "ies"
+ ],
+ [
+ ".d",
+ "ata"
+ ],
+ [
+ "P",
+ "ut"
+ ],
+ [
+ "-ev",
+ "olving"
+ ],
+ [
+ "Ch",
+ "ild"
+ ],
+ [
+ "/",
+ "N"
+ ],
+ [
+ "Ġcoll",
+ "isions"
+ ],
+ [
+ "B",
+ "ER"
+ ],
+ [
+ "Ġre",
+ "plicate"
+ ],
+ [
+ "ĠR",
+ "O"
+ ],
+ [
+ "E",
+ "mb"
+ ],
+ [
+ "Ġfrustr",
+ "ated"
+ ],
+ [
+ "Ġcol",
+ "der"
+ ],
+ [
+ "Sym",
+ "ptoms"
+ ],
+ [
+ "ĠD",
+ "ys"
+ ],
+ [
+ "ph",
+ "ony"
+ ],
+ [
+ "Ġprovin",
+ "cial"
+ ],
+ [
+ "pl",
+ "ain"
+ ],
+ [
+ "-re",
+ "view"
+ ],
+ [
+ "ĠInterest",
+ "ing"
+ ],
+ [
+ "Ġretail",
+ "ers"
+ ],
+ [
+ "Ġexcer",
+ "pt"
+ ],
+ [
+ "os",
+ "it"
+ ],
+ [
+ "i",
+ "ang"
+ ],
+ [
+ "ĠPub",
+ "lisher"
+ ],
+ [
+ "Ġdifferent",
+ "iated"
+ ],
+ [
+ "uss",
+ "ions"
+ ],
+ [
+ "Ġe",
+ "ighth"
+ ],
+ [
+ "yroid",
+ "ism"
+ ],
+ [
+ "ĠF",
+ "el"
+ ],
+ [
+ "Ġconst",
+ "ants"
+ ],
+ [
+ "ĠH",
+ "z"
+ ],
+ [
+ "ĠRe",
+ "form"
+ ],
+ [
+ "ÂĿÂ",
+ "ij"
+ ],
+ [
+ "u",
+ "pper"
+ ],
+ [
+ "ĠHung",
+ "ary"
+ ],
+ [
+ "Ġnote",
+ "book"
+ ],
+ [
+ "ĠSt",
+ "ring"
+ ],
+ [
+ "conom",
+ "ics"
+ ],
+ [
+ "Ġvirt",
+ "ues"
+ ],
+ [
+ "Ġdon",
+ "t"
+ ],
+ [
+ "print",
+ "s"
+ ],
+ [
+ "ĠNaz",
+ "is"
+ ],
+ [
+ "at",
+ "as"
+ ],
+ [
+ "Ġfe",
+ "ast"
+ ],
+ [
+ "head",
+ "s"
+ ],
+ [
+ "ĠRus",
+ "sell"
+ ],
+ [
+ "H",
+ "and"
+ ],
+ [
+ "s",
+ "ize"
+ ],
+ [
+ "ĠEn",
+ "lightenment"
+ ],
+ [
+ "Ġspect",
+ "roscopy"
+ ],
+ [
+ "Ġcharacter",
+ "ize"
+ ],
+ [
+ "Ġpoly",
+ "g"
+ ],
+ [
+ "Ġanal",
+ "ogy"
+ ],
+ [
+ "R",
+ "ob"
+ ],
+ [
+ "Ġн",
+ "а"
+ ],
+ [
+ "ĠAc",
+ "ross"
+ ],
+ [
+ "ĠRober",
+ "ts"
+ ],
+ [
+ ")",
+ "?"
+ ],
+ [
+ "ĠCollabor",
+ "ation"
+ ],
+ [
+ "er",
+ "vers"
+ ],
+ [
+ "car",
+ "bon"
+ ],
+ [
+ "ĠLuc",
+ "y"
+ ],
+ [
+ "ĠP",
+ "F"
+ ],
+ [
+ "/",
+ "a"
+ ],
+ [
+ "mer",
+ "se"
+ ],
+ [
+ "on",
+ "ly"
+ ],
+ [
+ "ens",
+ "on"
+ ],
+ [
+ "ĠEx",
+ "pect"
+ ],
+ [
+ "ĠB",
+ "ishop"
+ ],
+ [
+ "T",
+ "reatment"
+ ],
+ [
+ "ĠC",
+ "ou"
+ ],
+ [
+ "Ġobst",
+ "acle"
+ ],
+ [
+ "Ġbi",
+ "ased"
+ ],
+ [
+ "Ġgrapp",
+ "ling"
+ ],
+ [
+ "ĠÃ",
+ "·"
+ ],
+ [
+ "á",
+ "¸"
+ ],
+ [
+ "ocus",
+ "ed"
+ ],
+ [
+ "r",
+ "c"
+ ],
+ [
+ "Ġshel",
+ "ves"
+ ],
+ [
+ "lex",
+ "ia"
+ ],
+ [
+ "Ġd",
+ "ash"
+ ],
+ [
+ "Ġst",
+ "olen"
+ ],
+ [
+ "Ġf",
+ "el"
+ ],
+ [
+ "Ġcollect",
+ "or"
+ ],
+ [
+ "ĠS",
+ "weet"
+ ],
+ [
+ "P",
+ "ol"
+ ],
+ [
+ "as",
+ "se"
+ ],
+ [
+ "Ġmor",
+ "b"
+ ],
+ [
+ "ĠPoll",
+ "ution"
+ ],
+ [
+ "ul",
+ "ose"
+ ],
+ [
+ "ĠHor",
+ "se"
+ ],
+ [
+ "Ġmonit",
+ "ors"
+ ],
+ [
+ "T",
+ "ree"
+ ],
+ [
+ "ide",
+ "press"
+ ],
+ [
+ "ĠAccess",
+ "ed"
+ ],
+ [
+ "ĠWalk",
+ "er"
+ ],
+ [
+ "\\",
+ "frac"
+ ],
+ [
+ ".ph",
+ "p"
+ ],
+ [
+ "Ġsur",
+ "render"
+ ],
+ [
+ "Ġfaith",
+ "ful"
+ ],
+ [
+ "Ġphotograp",
+ "hers"
+ ],
+ [
+ "Ġflour",
+ "ish"
+ ],
+ [
+ "ĠSk",
+ "y"
+ ],
+ [
+ "20",
+ "7"
+ ],
+ [
+ "der",
+ "ived"
+ ],
+ [
+ "Ġflu",
+ "ency"
+ ],
+ [
+ "Ġhierarch",
+ "ical"
+ ],
+ [
+ "Ġvigil",
+ "ant"
+ ],
+ [
+ "ĠGa",
+ "ussian"
+ ],
+ [
+ "EN",
+ "D"
+ ],
+ [
+ "Ġabsor",
+ "bing"
+ ],
+ [
+ "Ġteen",
+ "ager"
+ ],
+ [
+ "Ġ____",
+ "_"
+ ],
+ [
+ "lic",
+ "ted"
+ ],
+ [
+ "com",
+ "mon"
+ ],
+ [
+ "Ġank",
+ "le"
+ ],
+ [
+ "Ġpione",
+ "ering"
+ ],
+ [
+ "Ġtens",
+ "or"
+ ],
+ [
+ "ass",
+ "ed"
+ ],
+ [
+ "ivari",
+ "ate"
+ ],
+ [
+ ",",
+ "x"
+ ],
+ [
+ "ĠRes",
+ "pect"
+ ],
+ [
+ "Ġc",
+ "act"
+ ],
+ [
+ "Ġv",
+ "as"
+ ],
+ [
+ "ĠW",
+ "elsh"
+ ],
+ [
+ "uel",
+ "a"
+ ],
+ [
+ "pir",
+ "atory"
+ ],
+ [
+ "ĠAc",
+ "qu"
+ ],
+ [
+ "Ġantim",
+ "icrobial"
+ ],
+ [
+ "âĶ",
+ "Ģ"
+ ],
+ [
+ "Ġn",
+ "aked"
+ ],
+ [
+ "Ġgra",
+ "zing"
+ ],
+ [
+ "Ġjun",
+ "ior"
+ ],
+ [
+ "Ġfundament",
+ "ally"
+ ],
+ [
+ "er",
+ "obic"
+ ],
+ [
+ "ĠT",
+ "ab"
+ ],
+ [
+ "Ġ<",
+ "/"
+ ],
+ [
+ "Ġsh",
+ "iny"
+ ],
+ [
+ "ĠCh",
+ "anging"
+ ],
+ [
+ "d",
+ "ig"
+ ],
+ [
+ "Ġm",
+ "ites"
+ ],
+ [
+ "iment",
+ "ary"
+ ],
+ [
+ "Ġrecess",
+ "ion"
+ ],
+ [
+ "o",
+ "ing"
+ ],
+ [
+ "out",
+ "heastern"
+ ],
+ [
+ "Ġspecial",
+ "izing"
+ ],
+ [
+ "pos",
+ "itions"
+ ],
+ [
+ "Ġfabric",
+ "ation"
+ ],
+ [
+ "l",
+ "ov"
+ ],
+ [
+ "Ġvit",
+ "ality"
+ ],
+ [
+ "ĠGir",
+ "l"
+ ],
+ [
+ "Ġcle",
+ "aring"
+ ],
+ [
+ "-s",
+ "ided"
+ ],
+ [
+ "Ġâī",
+ "¥"
+ ],
+ [
+ "Col",
+ "or"
+ ],
+ [
+ "F",
+ "requently"
+ ],
+ [
+ "Ġs",
+ "qrt"
+ ],
+ [
+ "ĠW",
+ "ant"
+ ],
+ [
+ "AB",
+ "LE"
+ ],
+ [
+ "Ġday",
+ "light"
+ ],
+ [
+ "W",
+ "HO"
+ ],
+ [
+ "Ġit",
+ "eration"
+ ],
+ [
+ "ĠE",
+ "P"
+ ],
+ [
+ "Ġcollabor",
+ "ations"
+ ],
+ [
+ "Ġpron",
+ "ouns"
+ ],
+ [
+ "ĠThe",
+ "mes"
+ ],
+ [
+ "Ġbus",
+ "es"
+ ],
+ [
+ "Ġen",
+ "um"
+ ],
+ [
+ "Ġpenet",
+ "ration"
+ ],
+ [
+ "Ġtra",
+ "ded"
+ ],
+ [
+ "N",
+ "ovember"
+ ],
+ [
+ "Ġnew",
+ "est"
+ ],
+ [
+ "ic",
+ "ine"
+ ],
+ [
+ "ix",
+ "on"
+ ],
+ [
+ "ĠM",
+ "end"
+ ],
+ [
+ "ĠG",
+ "A"
+ ],
+ [
+ "Ġsp",
+ "ike"
+ ],
+ [
+ "Ġgradu",
+ "ated"
+ ],
+ [
+ "ĠTh",
+ "reat"
+ ],
+ [
+ "ĠNor",
+ "wegian"
+ ],
+ [
+ "Ġpro",
+ "w"
+ ],
+ [
+ "Ġfe",
+ "ared"
+ ],
+ [
+ "OU",
+ "R"
+ ],
+ [
+ "on",
+ "ge"
+ ],
+ [
+ "M",
+ "ind"
+ ],
+ [
+ "-cons",
+ "uming"
+ ],
+ [
+ "Ġel",
+ "usive"
+ ],
+ [
+ "ble",
+ "ms"
+ ],
+ [
+ "gg",
+ "ing"
+ ],
+ [
+ "Ġpand",
+ "as"
+ ],
+ [
+ "æ",
+ "³"
+ ],
+ [
+ "Ġtok",
+ "ens"
+ ],
+ [
+ "C",
+ "ost"
+ ],
+ [
+ "Ġc",
+ "age"
+ ],
+ [
+ "Ġsimultane",
+ "ous"
+ ],
+ [
+ "J",
+ "un"
+ ],
+ [
+ "Ġche",
+ "ss"
+ ],
+ [
+ "St",
+ "ring"
+ ],
+ [
+ "Ġpil",
+ "ots"
+ ],
+ [
+ "ĠRail",
+ "road"
+ ],
+ [
+ "Ġcour",
+ "tesy"
+ ],
+ [
+ "or",
+ "f"
+ ],
+ [
+ "ad",
+ "ians"
+ ],
+ [
+ "St",
+ "at"
+ ],
+ [
+ "Ġtransform",
+ "s"
+ ],
+ [
+ "ðĿ",
+ "Ĵ"
+ ],
+ [
+ "Pub",
+ "lisher"
+ ],
+ [
+ "ĠP",
+ "ray"
+ ],
+ [
+ "ric",
+ "anes"
+ ],
+ [
+ "AC",
+ "H"
+ ],
+ [
+ "ĠVol",
+ "unt"
+ ],
+ [
+ "Ġdesp",
+ "air"
+ ],
+ [
+ "Ġpl",
+ "umbing"
+ ],
+ [
+ "ung",
+ "le"
+ ],
+ [
+ "Ġed",
+ "itions"
+ ],
+ [
+ "Ġen",
+ "list"
+ ],
+ [
+ "EL",
+ "L"
+ ],
+ [
+ "Ġgrass",
+ "es"
+ ],
+ [
+ "ĠF",
+ "ear"
+ ],
+ [
+ "Ġstrateg",
+ "ically"
+ ],
+ [
+ "ĠRap",
+ "id"
+ ],
+ [
+ "se",
+ "ctions"
+ ],
+ [
+ "Ġbas",
+ "al"
+ ],
+ [
+ "ĠRevolution",
+ "ary"
+ ],
+ [
+ "d",
+ "oor"
+ ],
+ [
+ "i",
+ "our"
+ ],
+ [
+ "ĠN",
+ "EW"
+ ],
+ [
+ "Ð",
+ "¶"
+ ],
+ [
+ "ĠGen",
+ "etics"
+ ],
+ [
+ "ĠCoun",
+ "sel"
+ ],
+ [
+ "Ġyoung",
+ "est"
+ ],
+ [
+ "D",
+ "avid"
+ ],
+ [
+ "u",
+ "er"
+ ],
+ [
+ "ac",
+ "char"
+ ],
+ [
+ "art",
+ "a"
+ ],
+ [
+ "S",
+ "uper"
+ ],
+ [
+ "ĠI",
+ "Q"
+ ],
+ [
+ "Ġsymbol",
+ "ize"
+ ],
+ [
+ "Ġ",
+ "ê"
+ ],
+ [
+ "Ġanalys",
+ "ed"
+ ],
+ [
+ "ĠTrans",
+ "ition"
+ ],
+ [
+ "Ġwar",
+ "riors"
+ ],
+ [
+ "A",
+ "ge"
+ ],
+ [
+ "Ġtext",
+ "ual"
+ ],
+ [
+ "ĠIN",
+ "T"
+ ],
+ [
+ "$",
+ "{\\"
+ ],
+ [
+ "Ġdead",
+ "lines"
+ ],
+ [
+ "ĠU",
+ "l"
+ ],
+ [
+ "22",
+ "1"
+ ],
+ [
+ "Ġwar",
+ "nings"
+ ],
+ [
+ "Ġdon",
+ "ation"
+ ],
+ [
+ "25",
+ "2"
+ ],
+ [
+ ".s",
+ "plit"
+ ],
+ [
+ "ĠG",
+ "y"
+ ],
+ [
+ "j",
+ "oin"
+ ],
+ [
+ "ĠB",
+ "eth"
+ ],
+ [
+ "ĠSt",
+ "ev"
+ ],
+ [
+ "ason",
+ "ry"
+ ],
+ [
+ "ĠStrateg",
+ "ic"
+ ],
+ [
+ "of",
+ "ten"
+ ],
+ [
+ "Ġub",
+ "iquit"
+ ],
+ [
+ ".ht",
+ "m"
+ ],
+ [
+ "Ġd",
+ "uck"
+ ],
+ [
+ "Ġbook",
+ "st"
+ ],
+ [
+ "Ġgr",
+ "ids"
+ ],
+ [
+ "icular",
+ "ly"
+ ],
+ [
+ "Ġembry",
+ "o"
+ ],
+ [
+ "-conf",
+ "idence"
+ ],
+ [
+ "ur",
+ "ious"
+ ],
+ [
+ "))",
+ ")Ċ"
+ ],
+ [
+ "Ġdetermin",
+ "ants"
+ ],
+ [
+ "ĠEm",
+ "ma"
+ ],
+ [
+ "4",
+ "80"
+ ],
+ [
+ "Ġsuff",
+ "ix"
+ ],
+ [
+ "re",
+ "ng"
+ ],
+ [
+ "ut",
+ "ory"
+ ],
+ [
+ "Ġcomp",
+ "osing"
+ ],
+ [
+ "Ġcircul",
+ "ating"
+ ],
+ [
+ "re",
+ "tt"
+ ],
+ [
+ "ĠExper",
+ "imental"
+ ],
+ [
+ "En",
+ "c"
+ ],
+ [
+ "ĠPers",
+ "pective"
+ ],
+ [
+ "Ġcrypt",
+ "o"
+ ],
+ [
+ "Ġg",
+ "ems"
+ ],
+ [
+ "ĠK",
+ "le"
+ ],
+ [
+ "Ġb",
+ "ikes"
+ ],
+ [
+ "Ġenact",
+ "ed"
+ ],
+ [
+ "\"",
+ "This"
+ ],
+ [
+ "ĠWh",
+ "atever"
+ ],
+ [
+ "Ġsum",
+ "mit"
+ ],
+ [
+ "ĠColomb",
+ "ia"
+ ],
+ [
+ "Ġplace",
+ "bo"
+ ],
+ [
+ "Ġb",
+ "other"
+ ],
+ [
+ "ic",
+ "ating"
+ ],
+ [
+ "Ph",
+ "ot"
+ ],
+ [
+ "Ġblind",
+ "ness"
+ ],
+ [
+ "S",
+ "ystem"
+ ],
+ [
+ "Ġill",
+ "usion"
+ ],
+ [
+ "Ġdiagn",
+ "oses"
+ ],
+ [
+ "ir",
+ "uses"
+ ],
+ [
+ "Ġsh",
+ "rub"
+ ],
+ [
+ "Ġnegot",
+ "iate"
+ ],
+ [
+ "hat",
+ "tan"
+ ],
+ [
+ "ĠSu",
+ "ggest"
+ ],
+ [
+ "Ġgra",
+ "ft"
+ ],
+ [
+ "Ġpsych",
+ "otherapy"
+ ],
+ [
+ "ĠLink",
+ "ed"
+ ],
+ [
+ "ress",
+ "ure"
+ ],
+ [
+ "K",
+ "ing"
+ ],
+ [
+ "Ġt",
+ "ant"
+ ],
+ [
+ "00",
+ "4"
+ ],
+ [
+ "Ġcompos",
+ "er"
+ ],
+ [
+ "L",
+ "im"
+ ],
+ [
+ "ĠK",
+ "am"
+ ],
+ [
+ "L",
+ "ength"
+ ],
+ [
+ "Ġrec",
+ "omb"
+ ],
+ [
+ "ĠAtt",
+ "ribution"
+ ],
+ [
+ "G",
+ "L"
+ ],
+ [
+ "Ġmaxim",
+ "izing"
+ ],
+ [
+ "ogen",
+ "etic"
+ ],
+ [
+ "ĠA",
+ "ch"
+ ],
+ [
+ "Ġment",
+ "or"
+ ],
+ [
+ "åľ",
+ "¨"
+ ],
+ [
+ "ĠR",
+ "ational"
+ ],
+ [
+ "You",
+ "ng"
+ ],
+ [
+ "ĠNarr",
+ "ative"
+ ],
+ [
+ "Ġprocess",
+ "ors"
+ ],
+ [
+ "Ġob",
+ "l"
+ ],
+ [
+ "Ġsc",
+ "aff"
+ ],
+ [
+ "-s",
+ "ite"
+ ],
+ [
+ "Ġpet",
+ "ition"
+ ],
+ [
+ "Ġpupp",
+ "y"
+ ],
+ [
+ "Feb",
+ "ruary"
+ ],
+ [
+ "Ġassim",
+ "ilation"
+ ],
+ [
+ "ĠB",
+ "ound"
+ ],
+ [
+ "Ġcompet",
+ "encies"
+ ],
+ [
+ "ĠPear",
+ "son"
+ ],
+ [
+ "-",
+ "age"
+ ],
+ [
+ "Ġind",
+ "ian"
+ ],
+ [
+ "Ġarr",
+ "iving"
+ ],
+ [
+ "S",
+ "al"
+ ],
+ [
+ "Ġconfron",
+ "ted"
+ ],
+ [
+ "'",
+ "("
+ ],
+ [
+ "tu",
+ "ce"
+ ],
+ [
+ "Ġric",
+ "her"
+ ],
+ [
+ "Ġview",
+ "er"
+ ],
+ [
+ "ĠOper",
+ "ating"
+ ],
+ [
+ "Y",
+ "et"
+ ],
+ [
+ "ĠB",
+ "iod"
+ ],
+ [
+ "ex",
+ "cept"
+ ],
+ [
+ "Ġcater",
+ "pill"
+ ],
+ [
+ "ĠC",
+ "AD"
+ ],
+ [
+ "Ġsil",
+ "ica"
+ ],
+ [
+ "Ġgar",
+ "n"
+ ],
+ [
+ "ĠB",
+ "ir"
+ ],
+ [
+ "ir",
+ "ie"
+ ],
+ [
+ "Ġhun",
+ "ters"
+ ],
+ [
+ "Ġhed",
+ "ge"
+ ],
+ [
+ "ĠUs",
+ "es"
+ ],
+ [
+ "ĠC",
+ "atherine"
+ ],
+ [
+ "ab",
+ "ol"
+ ],
+ [
+ "ec",
+ "d"
+ ],
+ [
+ "\"",
+ ";"
+ ],
+ [
+ "ĠW",
+ "el"
+ ],
+ [
+ "Ġgra",
+ "phe"
+ ],
+ [
+ "Ġer",
+ "as"
+ ],
+ [
+ "ĠH",
+ "ud"
+ ],
+ [
+ "Ġfluor",
+ "ide"
+ ],
+ [
+ "$$",
+ "."
+ ],
+ [
+ "re",
+ "lation"
+ ],
+ [
+ "ĠRequire",
+ "ments"
+ ],
+ [
+ "ĠUkrain",
+ "ian"
+ ],
+ [
+ "on",
+ "omic"
+ ],
+ [
+ "Ġo",
+ "ul"
+ ],
+ [
+ "Gu",
+ "id"
+ ],
+ [
+ "Ġtestim",
+ "ony"
+ ],
+ [
+ "T",
+ "aking"
+ ],
+ [
+ "es",
+ "h"
+ ],
+ [
+ "ĠR",
+ "aw"
+ ],
+ [
+ "Ġar",
+ "rows"
+ ],
+ [
+ "Ġtra",
+ "vers"
+ ],
+ [
+ "Ġafter",
+ "math"
+ ],
+ [
+ "ĠSuccess",
+ "ful"
+ ],
+ [
+ "ĠGir",
+ "ls"
+ ],
+ [
+ "B",
+ "P"
+ ],
+ [
+ "Ġpro",
+ "sec"
+ ],
+ [
+ "ĠAdv",
+ "ance"
+ ],
+ [
+ ".",
+ "k"
+ ],
+ [
+ "Ġd",
+ "izziness"
+ ],
+ [
+ "Bas",
+ "ic"
+ ],
+ [
+ "Ġfisher",
+ "ies"
+ ],
+ [
+ "Ġphysic",
+ "ist"
+ ],
+ [
+ "ĠC",
+ "ards"
+ ],
+ [
+ "Ġà¤",
+ "ķ"
+ ],
+ [
+ "osc",
+ "opy"
+ ],
+ [
+ "23",
+ "3"
+ ],
+ [
+ "Ġpurs",
+ "ued"
+ ],
+ [
+ "I",
+ "Z"
+ ],
+ [
+ "rodu",
+ "ced"
+ ],
+ [
+ "yl",
+ "ene"
+ ],
+ [
+ "Ġdop",
+ "amine"
+ ],
+ [
+ "Ġt",
+ "el"
+ ],
+ [
+ "ĠC",
+ "V"
+ ],
+ [
+ "Ġwors",
+ "en"
+ ],
+ [
+ "Ġup",
+ "grade"
+ ],
+ [
+ "Ġneut",
+ "r"
+ ],
+ [
+ "Ġfilt",
+ "ered"
+ ],
+ [
+ "D",
+ "el"
+ ],
+ [
+ "ĠAt",
+ "mosp"
+ ],
+ [
+ "im",
+ "et"
+ ],
+ [
+ "Ġresid",
+ "ues"
+ ],
+ [
+ "g",
+ "ate"
+ ],
+ [
+ "cl",
+ "ock"
+ ],
+ [
+ "Ġpe",
+ "el"
+ ],
+ [
+ "ĠComp",
+ "onents"
+ ],
+ [
+ "utri",
+ "ent"
+ ],
+ [
+ "ear",
+ "ly"
+ ],
+ [
+ "Ġir",
+ "res"
+ ],
+ [
+ "Ġmuc",
+ "us"
+ ],
+ [
+ "P",
+ "ot"
+ ],
+ [
+ "Ġread",
+ "iness"
+ ],
+ [
+ "Ġdoub",
+ "ts"
+ ],
+ [
+ "Ġtradem",
+ "ark"
+ ],
+ [
+ "ty",
+ "mology"
+ ],
+ [
+ "Ġimperial",
+ "ism"
+ ],
+ [
+ "ĠH",
+ "ep"
+ ],
+ [
+ "ĠL",
+ "ives"
+ ],
+ [
+ "In",
+ "formation"
+ ],
+ [
+ "ĠUtil",
+ "izing"
+ ],
+ [
+ "Ġast",
+ "on"
+ ],
+ [
+ "Ġend",
+ "ure"
+ ],
+ [
+ "Ġmet",
+ "ast"
+ ],
+ [
+ "Ġdest",
+ "iny"
+ ],
+ [
+ "ĠFrequ",
+ "ency"
+ ],
+ [
+ "se",
+ "us"
+ ],
+ [
+ "Ġengine",
+ "ered"
+ ],
+ [
+ "}",
+ "["
+ ],
+ [
+ "ĠCor",
+ "rect"
+ ],
+ [
+ "i",
+ "em"
+ ],
+ [
+ "Ġport",
+ "al"
+ ],
+ [
+ "resp",
+ "ond"
+ ],
+ [
+ "ä¸Ģ",
+ "个"
+ ],
+ [
+ "ĠSE",
+ "O"
+ ],
+ [
+ "]",
+ ";"
+ ],
+ [
+ "ĠG",
+ "ast"
+ ],
+ [
+ "Ġweight",
+ "ed"
+ ],
+ [
+ "-",
+ "aut"
+ ],
+ [
+ "Ġleg",
+ "umes"
+ ],
+ [
+ "ĠSent",
+ "ence"
+ ],
+ [
+ "in",
+ "qu"
+ ],
+ [
+ "cre",
+ "ate"
+ ],
+ [
+ "as",
+ "ian"
+ ],
+ [
+ "Ġre",
+ "nov"
+ ],
+ [
+ "Ġass",
+ "urance"
+ ],
+ [
+ "Ġn",
+ "ectar"
+ ],
+ [
+ "ig",
+ "ers"
+ ],
+ [
+ "ĠCon",
+ "vers"
+ ],
+ [
+ "Ġserv",
+ "ants"
+ ],
+ [
+ "Ġgif",
+ "ted"
+ ],
+ [
+ "+",
+ "'"
+ ],
+ [
+ "uccess",
+ "ful"
+ ],
+ [
+ "ĠC",
+ "ome"
+ ],
+ [
+ "S",
+ "il"
+ ],
+ [
+ "S",
+ "ol"
+ ],
+ [
+ "Ġnorth",
+ "west"
+ ],
+ [
+ "Ġhead",
+ "quarters"
+ ],
+ [
+ "Ġsol",
+ "itary"
+ ],
+ [
+ "ĠBegin",
+ "ning"
+ ],
+ [
+ "Ġail",
+ "ments"
+ ],
+ [
+ "ink",
+ "ed"
+ ],
+ [
+ "Y",
+ "S"
+ ],
+ [
+ "/",
+ "F"
+ ],
+ [
+ "ĠN",
+ "I"
+ ],
+ [
+ "Ġcomp",
+ "uls"
+ ],
+ [
+ "g",
+ "i"
+ ],
+ [
+ "âĢľ",
+ "How"
+ ],
+ [
+ "Ġpione",
+ "er"
+ ],
+ [
+ "an",
+ "cer"
+ ],
+ [
+ "ĠB",
+ "us"
+ ],
+ [
+ "ĠN",
+ "S"
+ ],
+ [
+ "-",
+ "work"
+ ],
+ [
+ "ĠP",
+ "ad"
+ ],
+ [
+ "ell",
+ "i"
+ ],
+ [
+ "Ġfoot",
+ "age"
+ ],
+ [
+ "Ġwh",
+ "is"
+ ],
+ [
+ "Ex",
+ "p"
+ ],
+ [
+ "Ġl",
+ "att"
+ ],
+ [
+ "vel",
+ "and"
+ ],
+ [
+ "ĠPol",
+ "ic"
+ ],
+ [
+ "ans",
+ "om"
+ ],
+ [
+ "ĠCong",
+ "o"
+ ],
+ [
+ "Ġdem",
+ "ographics"
+ ],
+ [
+ "Ġaccommod",
+ "ation"
+ ],
+ [
+ "Ġadvertise",
+ "ments"
+ ],
+ [
+ "Ġret",
+ "ina"
+ ],
+ [
+ "Ġc",
+ "ass"
+ ],
+ [
+ "Sm",
+ "all"
+ ],
+ [
+ "%",
+ ")."
+ ],
+ [
+ "Ġhe",
+ "mat"
+ ],
+ [
+ "ĠT",
+ "ag"
+ ],
+ [
+ "v",
+ "oc"
+ ],
+ [
+ "Ġc",
+ "asc"
+ ],
+ [
+ "ĠRef",
+ "erences"
+ ],
+ [
+ "Ġmig",
+ "rate"
+ ],
+ [
+ "ĠCl",
+ "ay"
+ ],
+ [
+ "Ġmeticul",
+ "ous"
+ ],
+ [
+ "Ġbound",
+ "ed"
+ ],
+ [
+ "Ġillum",
+ "inate"
+ ],
+ [
+ "Ġanomal",
+ "ies"
+ ],
+ [
+ "u",
+ "art"
+ ],
+ [
+ "Ġvoy",
+ "age"
+ ],
+ [
+ "L",
+ "ead"
+ ],
+ [
+ "ĠL",
+ "yn"
+ ],
+ [
+ "Å",
+ "Ĥ"
+ ],
+ [
+ "Ġrec",
+ "ycle"
+ ],
+ [
+ "Ġexch",
+ "anged"
+ ],
+ [
+ "Ġcohes",
+ "ion"
+ ],
+ [
+ "ĠS",
+ "ally"
+ ],
+ [
+ "Ġregul",
+ "ators"
+ ],
+ [
+ "Ġcrow",
+ "ded"
+ ],
+ [
+ "ĠI",
+ "BM"
+ ],
+ [
+ "ĠGe",
+ "ographic"
+ ],
+ [
+ "hib",
+ "ition"
+ ],
+ [
+ "Sp",
+ "ace"
+ ],
+ [
+ "Ġgraphe",
+ "ne"
+ ],
+ [
+ "sy",
+ "m"
+ ],
+ [
+ "Ġorig",
+ "inate"
+ ],
+ [
+ "iv",
+ "able"
+ ],
+ [
+ "H",
+ "yd"
+ ],
+ [
+ "an",
+ "ing"
+ ],
+ [
+ "Ġpr",
+ "imes"
+ ],
+ [
+ "Stud",
+ "ies"
+ ],
+ [
+ "b",
+ "ach"
+ ],
+ [
+ "N",
+ "orth"
+ ],
+ [
+ "Ġnucle",
+ "i"
+ ],
+ [
+ "Ġpiv",
+ "ot"
+ ],
+ [
+ "N",
+ "ever"
+ ],
+ [
+ "N",
+ "F"
+ ],
+ [
+ "Â",
+ "±"
+ ],
+ [
+ "30",
+ "1"
+ ],
+ [
+ "Christ",
+ "ian"
+ ],
+ [
+ "оÐ",
+ "³"
+ ],
+ [
+ "ra",
+ "wn"
+ ],
+ [
+ "Ġra",
+ "pe"
+ ],
+ [
+ "Ġpredict",
+ "able"
+ ],
+ [
+ "Ġtransfer",
+ "ring"
+ ],
+ [
+ "Af",
+ "ric"
+ ],
+ [
+ "Ġm",
+ "arsh"
+ ],
+ [
+ "âĢľ",
+ "This"
+ ],
+ [
+ "Ġtransform",
+ "er"
+ ],
+ [
+ "Ġspin",
+ "ach"
+ ],
+ [
+ "Ġt",
+ "ended"
+ ],
+ [
+ "Ġfemin",
+ "ism"
+ ],
+ [
+ "ĠRedu",
+ "ction"
+ ],
+ [
+ "acter",
+ "ia"
+ ],
+ [
+ "Ġint",
+ "ros"
+ ],
+ [
+ "lect",
+ "ing"
+ ],
+ [
+ "Ġmain",
+ "land"
+ ],
+ [
+ "ĠENG",
+ "INE"
+ ],
+ [
+ "ĠB",
+ "reat"
+ ],
+ [
+ "Ġint",
+ "olerance"
+ ],
+ [
+ "ĠG",
+ "on"
+ ],
+ [
+ "Ġwitness",
+ "es"
+ ],
+ [
+ "Ġpolym",
+ "ers"
+ ],
+ [
+ "á¹",
+ "ĩ"
+ ],
+ [
+ "Ġmon",
+ "keys"
+ ],
+ [
+ "\"",
+ "?"
+ ],
+ [
+ "-",
+ "week"
+ ],
+ [
+ "\\",
+ "in"
+ ],
+ [
+ "ĠL",
+ "it"
+ ],
+ [
+ "ĠA",
+ "le"
+ ],
+ [
+ "*",
+ "ĊĊ"
+ ],
+ [
+ "Ġl",
+ "az"
+ ],
+ [
+ "Ġweigh",
+ "s"
+ ],
+ [
+ "YCH",
+ "OLOGY"
+ ],
+ [
+ "os",
+ "ocial"
+ ],
+ [
+ ".w",
+ "rite"
+ ],
+ [
+ ".",
+ "val"
+ ],
+ [
+ "Ġep",
+ "och"
+ ],
+ [
+ "Ġscal",
+ "ar"
+ ],
+ [
+ "ĠK",
+ "ath"
+ ],
+ [
+ "icult",
+ "y"
+ ],
+ [
+ "-th",
+ "irds"
+ ],
+ [
+ "ĠJon",
+ "athan"
+ ],
+ [
+ "-",
+ "app"
+ ],
+ [
+ "ĠGal",
+ "ile"
+ ],
+ [
+ "Ġexpress",
+ "ive"
+ ],
+ [
+ "ĠH",
+ "ills"
+ ],
+ [
+ "Ġnom",
+ "inal"
+ ],
+ [
+ "Ġdisagree",
+ "ments"
+ ],
+ [
+ "Ġcal",
+ "ming"
+ ],
+ [
+ "Ġmagn",
+ "ets"
+ ],
+ [
+ "Ġre",
+ "arr"
+ ],
+ [
+ "os",
+ "omes"
+ ],
+ [
+ "Ġman",
+ "gan"
+ ],
+ [
+ "ro",
+ "v"
+ ],
+ [
+ "ur",
+ "ia"
+ ],
+ [
+ "Ġro",
+ "ds"
+ ],
+ [
+ "Ġstra",
+ "nds"
+ ],
+ [
+ "Ġwel",
+ "coming"
+ ],
+ [
+ "ĠSu",
+ "ff"
+ ],
+ [
+ "Ġ'",
+ ","
+ ],
+ [
+ "ĠSe",
+ "attle"
+ ],
+ [
+ "E",
+ "nt"
+ ],
+ [
+ "ĠB",
+ "urn"
+ ],
+ [
+ "en",
+ "ers"
+ ],
+ [
+ "Ġmod",
+ "ifying"
+ ],
+ [
+ "4",
+ "20"
+ ],
+ [
+ "Ġac",
+ "ron"
+ ],
+ [
+ "Ġattack",
+ "ing"
+ ],
+ [
+ "ĠC",
+ "her"
+ ],
+ [
+ "ĠSim",
+ "pl"
+ ],
+ [
+ "IG",
+ "N"
+ ],
+ [
+ "ĠSpr",
+ "inger"
+ ],
+ [
+ "le",
+ "en"
+ ],
+ [
+ "Ġele",
+ "ven"
+ ],
+ [
+ "ue",
+ "z"
+ ],
+ [
+ "ol",
+ "in"
+ ],
+ [
+ "Ġsw",
+ "ollen"
+ ],
+ [
+ "Ġpill",
+ "ars"
+ ],
+ [
+ "ĠPerson",
+ "ality"
+ ],
+ [
+ "ĠCom",
+ "ments"
+ ],
+ [
+ "Ġrel",
+ "ational"
+ ],
+ [
+ "Ġstraw",
+ "berries"
+ ],
+ [
+ "/",
+ "D"
+ ],
+ [
+ "Ġag",
+ "ility"
+ ],
+ [
+ "Ġcustom",
+ "ary"
+ ],
+ [
+ "Ġright",
+ "eous"
+ ],
+ [
+ "Ġpossess",
+ "ed"
+ ],
+ [
+ "eren",
+ "ced"
+ ],
+ [
+ "Ġsouth",
+ "west"
+ ],
+ [
+ "Ġeconom",
+ "ical"
+ ],
+ [
+ "pro",
+ "b"
+ ],
+ [
+ "i",
+ "ably"
+ ],
+ [
+ "-p",
+ "age"
+ ],
+ [
+ "rop",
+ "ic"
+ ],
+ [
+ "Ġeld",
+ "ers"
+ ],
+ [
+ "Ġthe",
+ "r"
+ ],
+ [
+ "ĠL",
+ "I"
+ ],
+ [
+ "Ġtim",
+ "er"
+ ],
+ [
+ "es",
+ "ters"
+ ],
+ [
+ "Ġuns",
+ "afe"
+ ],
+ [
+ "sm",
+ "anship"
+ ],
+ [
+ "-b",
+ "re"
+ ],
+ [
+ "Ġcand",
+ "les"
+ ],
+ [
+ "Ġmanuscript",
+ "s"
+ ],
+ [
+ "ĠIn",
+ "form"
+ ],
+ [
+ "Ġp",
+ "onds"
+ ],
+ [
+ "Ġgarden",
+ "ers"
+ ],
+ [
+ "ĠL",
+ "en"
+ ],
+ [
+ "Ġsing",
+ "er"
+ ],
+ [
+ "Ġgovernment",
+ "al"
+ ],
+ [
+ "Ġg",
+ "ospel"
+ ],
+ [
+ "ood",
+ "le"
+ ],
+ [
+ "Ġglac",
+ "iers"
+ ],
+ [
+ "N",
+ "ov"
+ ],
+ [
+ "Ġstimul",
+ "ates"
+ ],
+ [
+ "ĠFou",
+ "rier"
+ ],
+ [
+ "Ġprogress",
+ "es"
+ ],
+ [
+ "Ġauthor",
+ "itative"
+ ],
+ [
+ "Ġbrut",
+ "al"
+ ],
+ [
+ "Ġpolit",
+ "ician"
+ ],
+ [
+ "LE",
+ "CT"
+ ],
+ [
+ "Ġcher",
+ "ry"
+ ],
+ [
+ "Ġcyt",
+ "ok"
+ ],
+ [
+ "-",
+ "z"
+ ],
+ [
+ "Ġl",
+ "ap"
+ ],
+ [
+ "us",
+ "p"
+ ],
+ [
+ "Ġsp",
+ "aced"
+ ],
+ [
+ "Ġref",
+ "ere"
+ ],
+ [
+ "ĠTempl",
+ "ate"
+ ],
+ [
+ "Ġcab",
+ "inet"
+ ],
+ [
+ "Ġmerch",
+ "ants"
+ ],
+ [
+ "Ġalk",
+ "aline"
+ ],
+ [
+ "Ġinject",
+ "ed"
+ ],
+ [
+ "Ġrec",
+ "ount"
+ ],
+ [
+ "Ġbro",
+ "ccoli"
+ ],
+ [
+ "Ġste",
+ "pped"
+ ],
+ [
+ "if",
+ "ts"
+ ],
+ [
+ "Ġm",
+ "ould"
+ ],
+ [
+ "-f",
+ "l"
+ ],
+ [
+ "å",
+ "į"
+ ],
+ [
+ "}}",
+ "$"
+ ],
+ [
+ "Ġfertil",
+ "ization"
+ ],
+ [
+ "Ġbes",
+ "ide"
+ ],
+ [
+ "ĠIn",
+ "cludes"
+ ],
+ [
+ "Ġult",
+ "raviolet"
+ ],
+ [
+ "Ġignor",
+ "ance"
+ ],
+ [
+ "Ġcorner",
+ "stone"
+ ],
+ [
+ "ĠST",
+ "UD"
+ ],
+ [
+ "S",
+ "u"
+ ],
+ [
+ "Ġlocal",
+ "ized"
+ ],
+ [
+ "Ġreson",
+ "ant"
+ ],
+ [
+ "Ġchamp",
+ "ion"
+ ],
+ [
+ "Ġpre",
+ "historic"
+ ],
+ [
+ "Ġmathematic",
+ "ian"
+ ],
+ [
+ "Ġsp",
+ "are"
+ ],
+ [
+ "Ġset",
+ "backs"
+ ],
+ [
+ "Ġfri",
+ "ed"
+ ],
+ [
+ "Ġin",
+ "aug"
+ ],
+ [
+ "-cont",
+ "rolled"
+ ],
+ [
+ "ĠS",
+ "old"
+ ],
+ [
+ "Ġgen",
+ "omic"
+ ],
+ [
+ "Ġcritic",
+ "ized"
+ ],
+ [
+ "TIC",
+ "AL"
+ ],
+ [
+ "Ġl",
+ "amps"
+ ],
+ [
+ "ĠS",
+ "ale"
+ ],
+ [
+ "ther",
+ "net"
+ ],
+ [
+ "Ġdisrupt",
+ "ed"
+ ],
+ [
+ "Ġcomp",
+ "ass"
+ ],
+ [
+ "Ġprep",
+ "ares"
+ ],
+ [
+ "Ġpert",
+ "inent"
+ ],
+ [
+ "ly",
+ "cer"
+ ],
+ [
+ "ĠGen",
+ "e"
+ ],
+ [
+ "ĠG",
+ "row"
+ ],
+ [
+ "Ġpersu",
+ "ade"
+ ],
+ [
+ "ĠĠ",
+ "Ċ"
+ ],
+ [
+ "Ġon",
+ "ion"
+ ],
+ [
+ "un",
+ "ny"
+ ],
+ [
+ "-ex",
+ "pression"
+ ],
+ [
+ "ack",
+ "ing"
+ ],
+ [
+ "f",
+ "its"
+ ],
+ [
+ "Ġm",
+ "RNA"
+ ],
+ [
+ "ag",
+ "rams"
+ ],
+ [
+ "c",
+ "se"
+ ],
+ [
+ "Ġcat",
+ "al"
+ ],
+ [
+ "3",
+ "16"
+ ],
+ [
+ "P",
+ "G"
+ ],
+ [
+ "Ġch",
+ "ords"
+ ],
+ [
+ "ĠBi",
+ "ography"
+ ],
+ [
+ "e",
+ "very"
+ ],
+ [
+ "ĠD",
+ "ow"
+ ],
+ [
+ "Ġp",
+ "aving"
+ ],
+ [
+ "ĠAd",
+ "vert"
+ ],
+ [
+ "ĠUS",
+ "DA"
+ ],
+ [
+ "ĠAust",
+ "rian"
+ ],
+ [
+ "Ġsp",
+ "y"
+ ],
+ [
+ "Ġbudget",
+ "ing"
+ ],
+ [
+ "Ġchrist",
+ "ian"
+ ],
+ [
+ "-",
+ "read"
+ ],
+ [
+ "ill",
+ "us"
+ ],
+ [
+ "Ġsub",
+ "m"
+ ],
+ [
+ "Ġrem",
+ "inding"
+ ],
+ [
+ "A",
+ "st"
+ ],
+ [
+ "Ġover",
+ "ly"
+ ],
+ [
+ "hem",
+ "e"
+ ],
+ [
+ "ĠUp",
+ "date"
+ ],
+ [
+ "ĠAccording",
+ "ly"
+ ],
+ [
+ "ĠAlex",
+ "and"
+ ],
+ [
+ "ail",
+ "ability"
+ ],
+ [
+ "Ġoff",
+ "line"
+ ],
+ [
+ "Ġnon",
+ "linear"
+ ],
+ [
+ "ĠM",
+ "ercury"
+ ],
+ [
+ "ĠLe",
+ "ban"
+ ],
+ [
+ "ber",
+ "ty"
+ ],
+ [
+ "ĠPh",
+ "ill"
+ ],
+ [
+ "ĠExt",
+ "ension"
+ ],
+ [
+ "he",
+ "red"
+ ],
+ [
+ "ru",
+ "le"
+ ],
+ [
+ "ĠRe",
+ "in"
+ ],
+ [
+ "re",
+ "lated"
+ ],
+ [
+ "ĠSt",
+ "ri"
+ ],
+ [
+ "Ġass",
+ "ay"
+ ],
+ [
+ "Ġspreadshe",
+ "et"
+ ],
+ [
+ "ĠT",
+ "elesc"
+ ],
+ [
+ "Ġopen",
+ "ness"
+ ],
+ [
+ "b",
+ "ased"
+ ],
+ [
+ "Ġ[",
+ "\""
+ ],
+ [
+ "ĠNorm",
+ "an"
+ ],
+ [
+ "ĠRes",
+ "olution"
+ ],
+ [
+ "Ġs",
+ "lu"
+ ],
+ [
+ "Ġul",
+ "cer"
+ ],
+ [
+ "Ġm",
+ "our"
+ ],
+ [
+ "ECHN",
+ "OLOGY"
+ ],
+ [
+ "F",
+ "i"
+ ],
+ [
+ "f",
+ "lu"
+ ],
+ [
+ "â",
+ "ĩĴ"
+ ],
+ [
+ "ĠCom",
+ "ics"
+ ],
+ [
+ "ĠIdent",
+ "ification"
+ ],
+ [
+ "sc",
+ "he"
+ ],
+ [
+ "Ġwood",
+ "working"
+ ],
+ [
+ "ĠMin",
+ "i"
+ ],
+ [
+ "ĠC",
+ "ounter"
+ ],
+ [
+ "ach",
+ "ine"
+ ],
+ [
+ "å",
+ "Ģ"
+ ],
+ [
+ "ĠSl",
+ "ide"
+ ],
+ [
+ "Ġmanip",
+ "ulating"
+ ],
+ [
+ "Ġdeliber",
+ "ately"
+ ],
+ [
+ "Ġv",
+ "ague"
+ ],
+ [
+ "ann",
+ "ers"
+ ],
+ [
+ "c",
+ "f"
+ ],
+ [
+ "â",
+ "ģ"
+ ],
+ [
+ "ĠK",
+ "el"
+ ],
+ [
+ "ul",
+ "ators"
+ ],
+ [
+ "ĠYOU",
+ "R"
+ ],
+ [
+ "Ġg",
+ "aze"
+ ],
+ [
+ "Ġprem",
+ "ises"
+ ],
+ [
+ "Ġske",
+ "leton"
+ ],
+ [
+ "Ġbeet",
+ "les"
+ ],
+ [
+ "Ġpo",
+ "res"
+ ],
+ [
+ "Ġshe",
+ "er"
+ ],
+ [
+ "Ġperform",
+ "ers"
+ ],
+ [
+ "Ġs",
+ "or"
+ ],
+ [
+ "Ġh",
+ "ards"
+ ],
+ [
+ "ĠEx",
+ "amination"
+ ],
+ [
+ "ĠCamp",
+ "aign"
+ ],
+ [
+ "Ġdis",
+ "semin"
+ ],
+ [
+ "ĠMc",
+ "D"
+ ],
+ [
+ "ĠCompar",
+ "ative"
+ ],
+ [
+ "Ġm",
+ "arc"
+ ],
+ [
+ "M",
+ "al"
+ ],
+ [
+ "ĠCon",
+ "vert"
+ ],
+ [
+ "ĠC",
+ "ash"
+ ],
+ [
+ "ĠRead",
+ "ers"
+ ],
+ [
+ "Ġhered",
+ "itary"
+ ],
+ [
+ "id",
+ "able"
+ ],
+ [
+ "cess",
+ "ing"
+ ],
+ [
+ "Ġobserv",
+ "ational"
+ ],
+ [
+ "Ġin",
+ "comp"
+ ],
+ [
+ "Ġphot",
+ "ovolta"
+ ],
+ [
+ "Ġhar",
+ "bor"
+ ],
+ [
+ "ĠT",
+ "ru"
+ ],
+ [
+ "Supp",
+ "ose"
+ ],
+ [
+ "Ġbon",
+ "us"
+ ],
+ [
+ "3",
+ "40"
+ ],
+ [
+ "en",
+ "ium"
+ ],
+ [
+ "ID",
+ "E"
+ ],
+ [
+ "-",
+ "all"
+ ],
+ [
+ "Ġdownload",
+ "ed"
+ ],
+ [
+ "Ġmicrobi",
+ "ome"
+ ],
+ [
+ "ĠAd",
+ "vantages"
+ ],
+ [
+ "P",
+ "o"
+ ],
+ [
+ "y",
+ "st"
+ ],
+ [
+ "ĠA",
+ "uthors"
+ ],
+ [
+ "Ġdeb",
+ "ts"
+ ],
+ [
+ "Ġcurv",
+ "ature"
+ ],
+ [
+ "Ġey",
+ "el"
+ ],
+ [
+ "ĠLab",
+ "el"
+ ],
+ [
+ "ĠS",
+ "EC"
+ ],
+ [
+ "Ġprop",
+ "het"
+ ],
+ [
+ "23",
+ "2"
+ ],
+ [
+ "ĠMil",
+ "k"
+ ],
+ [
+ "n",
+ "ie"
+ ],
+ [
+ "Ġback",
+ "bone"
+ ],
+ [
+ "icult",
+ "ure"
+ ],
+ [
+ "it",
+ "ism"
+ ],
+ [
+ "ĠEx",
+ "posure"
+ ],
+ [
+ "ĠW",
+ "ide"
+ ],
+ [
+ "Ġst",
+ "ool"
+ ],
+ [
+ "op",
+ "us"
+ ],
+ [
+ "ĠStud",
+ "io"
+ ],
+ [
+ "Ġrac",
+ "ist"
+ ],
+ [
+ "ĠH",
+ "air"
+ ],
+ [
+ "Ġmusic",
+ "ian"
+ ],
+ [
+ "erent",
+ "ial"
+ ],
+ [
+ "â",
+ "Ĺı"
+ ],
+ [
+ "ang",
+ "an"
+ ],
+ [
+ "Ġdialect",
+ "s"
+ ],
+ [
+ "Ġun",
+ "iqueness"
+ ],
+ [
+ "Ġtemper",
+ "ate"
+ ],
+ [
+ "Ġimpl",
+ "ied"
+ ],
+ [
+ "Ġinf",
+ "ilt"
+ ],
+ [
+ "g",
+ "ia"
+ ],
+ [
+ "ĠC",
+ "eltic"
+ ],
+ [
+ "ide",
+ "an"
+ ],
+ [
+ "Ġtran",
+ "qu"
+ ],
+ [
+ "ĠRat",
+ "io"
+ ],
+ [
+ "I",
+ "O"
+ ],
+ [
+ "th",
+ "an"
+ ],
+ [
+ "Ġlab",
+ "s"
+ ],
+ [
+ "water",
+ "ing"
+ ],
+ [
+ "ĠC",
+ "rown"
+ ],
+ [
+ "ĠEd",
+ "it"
+ ],
+ [
+ "C",
+ "ap"
+ ],
+ [
+ "Ġben",
+ "ign"
+ ],
+ [
+ "Ġpump",
+ "kin"
+ ],
+ [
+ "Ġconqu",
+ "ered"
+ ],
+ [
+ "AL",
+ "TH"
+ ],
+ [
+ "ĠF",
+ "alls"
+ ],
+ [
+ "Ġlow",
+ "ered"
+ ],
+ [
+ "ck",
+ "ed"
+ ],
+ [
+ "cent",
+ "er"
+ ],
+ [
+ "Ġplay",
+ "ful"
+ ],
+ [
+ "ĠHar",
+ "per"
+ ],
+ [
+ "ĠRequ",
+ "ired"
+ ],
+ [
+ ")",
+ "$ĊĊ"
+ ],
+ [
+ "S",
+ "pecial"
+ ],
+ [
+ "ĠCon",
+ "crete"
+ ],
+ [
+ "I",
+ "ES"
+ ],
+ [
+ "Ġl",
+ "amin"
+ ],
+ [
+ "st",
+ "ick"
+ ],
+ [
+ "Ġchar",
+ "ter"
+ ],
+ [
+ "NA",
+ "SA"
+ ],
+ [
+ "Ġrevolution",
+ "ize"
+ ],
+ [
+ "ĠF",
+ "ruit"
+ ],
+ [
+ "Ġsand",
+ "y"
+ ],
+ [
+ "Ġscatter",
+ "ing"
+ ],
+ [
+ "ĠM",
+ "ale"
+ ],
+ [
+ "ĠIran",
+ "ian"
+ ],
+ [
+ "ĠS",
+ "port"
+ ],
+ [
+ "ĠFre",
+ "ud"
+ ],
+ [
+ "Ġre",
+ "charge"
+ ],
+ [
+ "Ġfort",
+ "un"
+ ],
+ [
+ "Ġf",
+ "ores"
+ ],
+ [
+ "Ġdec",
+ "ent"
+ ],
+ [
+ "irc",
+ "le"
+ ],
+ [
+ "C",
+ "are"
+ ],
+ [
+ "ĠF",
+ "ern"
+ ],
+ [
+ "Ġv",
+ "est"
+ ],
+ [
+ "Ġser",
+ "otonin"
+ ],
+ [
+ "Ġgrand",
+ "father"
+ ],
+ [
+ "B",
+ "o"
+ ],
+ [
+ "ĠC",
+ "riminal"
+ ],
+ [
+ "en",
+ "h"
+ ],
+ [
+ "Ġshort",
+ "ages"
+ ],
+ [
+ "Ġtop",
+ "ical"
+ ],
+ [
+ "Ġincons",
+ "istent"
+ ],
+ [
+ "-d",
+ "iscovery"
+ ],
+ [
+ "Ġinter",
+ "d"
+ ],
+ [
+ "Ġtodd",
+ "ler"
+ ],
+ [
+ "ĠBarb",
+ "ara"
+ ],
+ [
+ "ĠEl",
+ "se"
+ ],
+ [
+ "a",
+ "an"
+ ],
+ [
+ "resp",
+ "ons"
+ ],
+ [
+ "Ġsuper",
+ "st"
+ ],
+ [
+ "ar",
+ "cer"
+ ],
+ [
+ "ĠNe",
+ "ural"
+ ],
+ [
+ "-st",
+ "age"
+ ],
+ [
+ "Ġsho",
+ "ots"
+ ],
+ [
+ "[",
+ "/"
+ ],
+ [
+ "Ġover",
+ "d"
+ ],
+ [
+ "Ġadapt",
+ "able"
+ ],
+ [
+ "Ġca",
+ "f"
+ ],
+ [
+ "Ġench",
+ "anting"
+ ],
+ [
+ "ĠMun",
+ "ich"
+ ],
+ [
+ "Ġstrengthen",
+ "ed"
+ ],
+ [
+ "ĠG",
+ "I"
+ ],
+ [
+ "Ġind",
+ "ef"
+ ],
+ [
+ "ĠWorks",
+ "hop"
+ ],
+ [
+ "Ġkn",
+ "ock"
+ ],
+ [
+ "E",
+ "ffect"
+ ],
+ [
+ "ĠR",
+ "ise"
+ ],
+ [
+ "ĠCl",
+ "ar"
+ ],
+ [
+ "ĠEx",
+ "actly"
+ ],
+ [
+ "27",
+ "5"
+ ],
+ [
+ "Ġsh",
+ "out"
+ ],
+ [
+ "ST",
+ "R"
+ ],
+ [
+ "ĠForm",
+ "s"
+ ],
+ [
+ "-wh",
+ "ite"
+ ],
+ [
+ "Ġorgan",
+ "ised"
+ ],
+ [
+ "Ġgood",
+ "ness"
+ ],
+ [
+ "Ġsp",
+ "okes"
+ ],
+ [
+ "ĠI",
+ "M"
+ ],
+ [
+ "Ġow",
+ "l"
+ ],
+ [
+ "ĠTor",
+ "ah"
+ ],
+ [
+ "=",
+ "None"
+ ],
+ [
+ "Ċ",
+ "ĠĠĠĠĊ"
+ ],
+ [
+ "de",
+ "v"
+ ],
+ [
+ "ĠTrans",
+ "lation"
+ ],
+ [
+ "Ġrhy",
+ "me"
+ ],
+ [
+ "Ġindic",
+ "ative"
+ ],
+ [
+ "r",
+ "il"
+ ],
+ [
+ "iss",
+ "ue"
+ ],
+ [
+ "ĠIm",
+ "ag"
+ ],
+ [
+ "Ġ(",
+ "\\"
+ ],
+ [
+ "Ġprot",
+ "ons"
+ ],
+ [
+ "Ġdetect",
+ "ors"
+ ],
+ [
+ "Ġoutd",
+ "ated"
+ ],
+ [
+ "c",
+ "ott"
+ ],
+ [
+ "ĠCan",
+ "al"
+ ],
+ [
+ "Ġdepart",
+ "ure"
+ ],
+ [
+ "Ġmell",
+ "itus"
+ ],
+ [
+ "Ġcan",
+ "ine"
+ ],
+ [
+ "Ġco",
+ "ined"
+ ],
+ [
+ "ĠEng",
+ "agement"
+ ],
+ [
+ "Ġaccommod",
+ "ations"
+ ],
+ [
+ "ĠS",
+ "uddenly"
+ ],
+ [
+ "Ġnort",
+ "heast"
+ ],
+ [
+ "Ġin",
+ "security"
+ ],
+ [
+ "iam",
+ "i"
+ ],
+ [
+ "Ġrock",
+ "y"
+ ],
+ [
+ "Ġappe",
+ "als"
+ ],
+ [
+ "ĠQu",
+ "arter"
+ ],
+ [
+ "Ġexec",
+ "uting"
+ ],
+ [
+ "Ġpossess",
+ "ions"
+ ],
+ [
+ "Ġac",
+ "upuncture"
+ ],
+ [
+ "ĉ",
+ "def"
+ ],
+ [
+ "OG",
+ "RAP"
+ ],
+ [
+ "Ġgrand",
+ "parents"
+ ],
+ [
+ "Ġow",
+ "ns"
+ ],
+ [
+ "me",
+ "al"
+ ],
+ [
+ "Ġumb",
+ "rella"
+ ],
+ [
+ "ĠAlber",
+ "ta"
+ ],
+ [
+ "Ġcan",
+ "cel"
+ ],
+ [
+ "Ġman",
+ "g"
+ ],
+ [
+ "ĠB",
+ "A"
+ ],
+ [
+ "Ġinvestig",
+ "ators"
+ ],
+ [
+ "ows",
+ "ki"
+ ],
+ [
+ "ĠAppro",
+ "aches"
+ ],
+ [
+ "Ġen",
+ "cyclopedia"
+ ],
+ [
+ "Ġmod",
+ "ular"
+ ],
+ [
+ "(",
+ "h"
+ ],
+ [
+ "Ġstring",
+ "ent"
+ ],
+ [
+ "v",
+ "ier"
+ ],
+ [
+ "ĉ",
+ "for"
+ ],
+ [
+ "ar",
+ "l"
+ ],
+ [
+ "Ġinit",
+ "iation"
+ ],
+ [
+ "Ġcross",
+ "es"
+ ],
+ [
+ "Ġ",
+ "ç"
+ ],
+ [
+ "ĠH",
+ "imal"
+ ],
+ [
+ "ĠC",
+ "ant"
+ ],
+ [
+ "Ġw",
+ "rest"
+ ],
+ [
+ "ur",
+ "istic"
+ ],
+ [
+ "Ġt",
+ "id"
+ ],
+ [
+ "our",
+ "t"
+ ],
+ [
+ "Ġcorrect",
+ "ed"
+ ],
+ [
+ "ĠV",
+ "A"
+ ],
+ [
+ "Ġcr",
+ "an"
+ ],
+ [
+ "Ġfreed",
+ "oms"
+ ],
+ [
+ "Ġbank",
+ "rupt"
+ ],
+ [
+ "ilit",
+ "ating"
+ ],
+ [
+ "ĠConnect",
+ "ions"
+ ],
+ [
+ "ĠSe",
+ "eing"
+ ],
+ [
+ "Ġinhib",
+ "ition"
+ ],
+ [
+ "ĠG",
+ "ray"
+ ],
+ [
+ "Ġinter",
+ "ns"
+ ],
+ [
+ "Ġhon",
+ "our"
+ ],
+ [
+ "tain",
+ "ed"
+ ],
+ [
+ "Ġc",
+ "aste"
+ ],
+ [
+ "Ġsp",
+ "oon"
+ ],
+ [
+ "Ġde",
+ "formation"
+ ],
+ [
+ "Ġconfidential",
+ "ity"
+ ],
+ [
+ "Ġevent",
+ "ual"
+ ],
+ [
+ "Ġconsult",
+ "ant"
+ ],
+ [
+ "ĠDem",
+ "ocracy"
+ ],
+ [
+ "re",
+ "ll"
+ ],
+ [
+ "ĠP",
+ "eters"
+ ],
+ [
+ "Ġv",
+ "ap"
+ ],
+ [
+ "Ġest",
+ "eem"
+ ],
+ [
+ "Ġdrag",
+ "ons"
+ ],
+ [
+ "Ġsearc",
+ "hed"
+ ],
+ [
+ "ĠRem",
+ "ote"
+ ],
+ [
+ "Ġcab",
+ "bage"
+ ],
+ [
+ "Ġvis",
+ "ions"
+ ],
+ [
+ "00",
+ "5"
+ ],
+ [
+ "Ġgu",
+ "ards"
+ ],
+ [
+ "Ġexacerb",
+ "ate"
+ ],
+ [
+ "Ġre",
+ "un"
+ ],
+ [
+ "ar",
+ "us"
+ ],
+ [
+ "Ġe",
+ "ats"
+ ],
+ [
+ "ĠR",
+ "ico"
+ ],
+ [
+ "Ġhom",
+ "eland"
+ ],
+ [
+ "ignific",
+ "ant"
+ ],
+ [
+ "2",
+ "13"
+ ],
+ [
+ "Ġancest",
+ "or"
+ ],
+ [
+ "F",
+ "s"
+ ],
+ [
+ "Ġfe",
+ "ckin"
+ ],
+ [
+ "aps",
+ "es"
+ ],
+ [
+ "AR",
+ "E"
+ ],
+ [
+ "ĠD",
+ "NS"
+ ],
+ [
+ "Ġborrow",
+ "ed"
+ ],
+ [
+ "ont",
+ "ally"
+ ],
+ [
+ "eps",
+ "ilon"
+ ],
+ [
+ "{",
+ "p"
+ ],
+ [
+ "Ġmangan",
+ "ese"
+ ],
+ [
+ "ĠH",
+ "V"
+ ],
+ [
+ "Ġrec",
+ "k"
+ ],
+ [
+ "Ġsell",
+ "er"
+ ],
+ [
+ "_",
+ "col"
+ ],
+ [
+ "an",
+ "ism"
+ ],
+ [
+ "ĠL",
+ "ever"
+ ],
+ [
+ "^",
+ "("
+ ],
+ [
+ "Ġb",
+ "a"
+ ],
+ [
+ "Ġin",
+ "qu"
+ ],
+ [
+ "ĠB",
+ "P"
+ ],
+ [
+ "Ġterror",
+ "ist"
+ ],
+ [
+ "ĠClear",
+ "ly"
+ ],
+ [
+ "pos",
+ "ite"
+ ],
+ [
+ "ĠLeg",
+ "acy"
+ ],
+ [
+ "ĠAd",
+ "op"
+ ],
+ [
+ "Ġfamil",
+ "ial"
+ ],
+ [
+ "Ġcoal",
+ "ition"
+ ],
+ [
+ "É",
+ "ª"
+ ],
+ [
+ "e",
+ "zing"
+ ],
+ [
+ "y",
+ "ll"
+ ],
+ [
+ "Ġr",
+ "ipe"
+ ],
+ [
+ "Ġgradu",
+ "ation"
+ ],
+ [
+ "Ġancest",
+ "ry"
+ ],
+ [
+ "ĠLegis",
+ "l"
+ ],
+ [
+ "ĠI",
+ "gn"
+ ],
+ [
+ "Ġsc",
+ "ra"
+ ],
+ [
+ "Ġmathematic",
+ "ians"
+ ],
+ [
+ ",",
+ "c"
+ ],
+ [
+ "Ġbleed",
+ "in"
+ ],
+ [
+ "Ġserv",
+ "ant"
+ ],
+ [
+ "ek",
+ "ing"
+ ],
+ [
+ "ĠComp",
+ "ared"
+ ],
+ [
+ "Ġs",
+ "outheast"
+ ],
+ [
+ "Are",
+ "a"
+ ],
+ [
+ "Ġup",
+ "s"
+ ],
+ [
+ "G",
+ "rade"
+ ],
+ [
+ "ĠA",
+ "id"
+ ],
+ [
+ ")",
+ "]Ċ"
+ ],
+ [
+ "M",
+ "ass"
+ ],
+ [
+ "_t",
+ "ime"
+ ],
+ [
+ "J",
+ "ournal"
+ ],
+ [
+ "Ġqu",
+ "ad"
+ ],
+ [
+ "Ġindustrial",
+ "ization"
+ ],
+ [
+ "Ġo",
+ "res"
+ ],
+ [
+ "im",
+ "acy"
+ ],
+ [
+ "ĠEm",
+ "phas"
+ ],
+ [
+ "Ġf",
+ "ines"
+ ],
+ [
+ "ĠAnaly",
+ "zing"
+ ],
+ [
+ "i",
+ "osis"
+ ],
+ [
+ "ĠB",
+ "M"
+ ],
+ [
+ "T",
+ "T"
+ ],
+ [
+ ")",
+ "^{"
+ ],
+ [
+ "ĠAD",
+ "ULT"
+ ],
+ [
+ "25",
+ "4"
+ ],
+ [
+ "Ġl",
+ "ac"
+ ],
+ [
+ "Ġphot",
+ "ons"
+ ],
+ [
+ "he",
+ "id"
+ ],
+ [
+ "ĠCost",
+ "a"
+ ],
+ [
+ "Ġpur",
+ "ification"
+ ],
+ [
+ "Ġche",
+ "fs"
+ ],
+ [
+ "ĠOrig",
+ "inal"
+ ],
+ [
+ "ĠSw",
+ "itch"
+ ],
+ [
+ "Ġeight",
+ "eenth"
+ ],
+ [
+ "Ġunder",
+ "gone"
+ ],
+ [
+ "ĠCl",
+ "inton"
+ ],
+ [
+ "alk",
+ "ing"
+ ],
+ [
+ "ĠEmbra",
+ "ce"
+ ],
+ [
+ "Ġundert",
+ "ake"
+ ],
+ [
+ "Ġt",
+ "ile"
+ ],
+ [
+ "Ġsens",
+ "it"
+ ],
+ [
+ "or",
+ "r"
+ ],
+ [
+ "Ġcamp",
+ "ing"
+ ],
+ [
+ "ĠH",
+ "A"
+ ],
+ [
+ "pl",
+ "oad"
+ ],
+ [
+ "Ġlaun",
+ "ching"
+ ],
+ [
+ "S",
+ "uch"
+ ],
+ [
+ "Ġvolcan",
+ "oes"
+ ],
+ [
+ "ĠR",
+ "ou"
+ ],
+ [
+ "ĠGovern",
+ "ments"
+ ],
+ [
+ "ĠEd",
+ "ge"
+ ],
+ [
+ "ood",
+ "les"
+ ],
+ [
+ "Ġiod",
+ "ine"
+ ],
+ [
+ "Ġbund",
+ "le"
+ ],
+ [
+ "Ġcredential",
+ "s"
+ ],
+ [
+ "Ġdro",
+ "ve"
+ ],
+ [
+ "n",
+ "uts"
+ ],
+ [
+ "ĠMon",
+ "te"
+ ],
+ [
+ "ĠKash",
+ "mir"
+ ],
+ [
+ "Ġrig",
+ "or"
+ ],
+ [
+ "at",
+ "en"
+ ],
+ [
+ "iqu",
+ "ette"
+ ],
+ [
+ "Ġge",
+ "omet"
+ ],
+ [
+ "Ġprob",
+ "iotics"
+ ],
+ [
+ "th",
+ "ree"
+ ],
+ [
+ "Ġwa",
+ "ist"
+ ],
+ [
+ "-s",
+ "aving"
+ ],
+ [
+ "ĠSh",
+ "an"
+ ],
+ [
+ "ĠBalt",
+ "imore"
+ ],
+ [
+ "ĠReg",
+ "ulations"
+ ],
+ [
+ "vent",
+ "h"
+ ],
+ [
+ "Ġcompens",
+ "ate"
+ ],
+ [
+ "f",
+ "ind"
+ ],
+ [
+ "Ġ\\",
+ ","
+ ],
+ [
+ "Ġrain",
+ "bow"
+ ],
+ [
+ "Ġde",
+ "form"
+ ],
+ [
+ "ĠB",
+ "iol"
+ ],
+ [
+ "ve",
+ "ment"
+ ],
+ [
+ "ĠScand",
+ "inav"
+ ],
+ [
+ "'",
+ ",Ċ"
+ ],
+ [
+ "un",
+ "it"
+ ],
+ [
+ "ish",
+ "a"
+ ],
+ [
+ "Ġsign",
+ "atures"
+ ],
+ [
+ "Ġcertific",
+ "ates"
+ ],
+ [
+ "ĠL",
+ "ore"
+ ],
+ [
+ "oph",
+ "obia"
+ ],
+ [
+ "Ġelastic",
+ "ity"
+ ],
+ [
+ "Ġcongen",
+ "ital"
+ ],
+ [
+ "Ġt",
+ "ed"
+ ],
+ [
+ "or",
+ "able"
+ ],
+ [
+ "AP",
+ "TER"
+ ],
+ [
+ "Ġ(",
+ "+"
+ ],
+ [
+ "so",
+ "on"
+ ],
+ [
+ "cur",
+ "ricular"
+ ],
+ [
+ "Ġmicrosc",
+ "opy"
+ ],
+ [
+ "Ġlas",
+ "ers"
+ ],
+ [
+ "Ġpen",
+ "cils"
+ ],
+ [
+ "Ġmen",
+ "opause"
+ ],
+ [
+ "ĠR",
+ "ural"
+ ],
+ [
+ "Ġcool",
+ "ed"
+ ],
+ [
+ "Ġmight",
+ "y"
+ ],
+ [
+ "Ġmis",
+ "leading"
+ ],
+ [
+ "ĠInvent",
+ "ory"
+ ],
+ [
+ "Ġin",
+ "organic"
+ ],
+ [
+ "ĠS",
+ "R"
+ ],
+ [
+ "Ġwe",
+ "aving"
+ ],
+ [
+ "k",
+ "ets"
+ ],
+ [
+ "at",
+ "itis"
+ ],
+ [
+ "Ġbi",
+ "ographies"
+ ],
+ [
+ "Ġelectro",
+ "des"
+ ],
+ [
+ "ĠVill",
+ "age"
+ ],
+ [
+ "oc",
+ "ular"
+ ],
+ [
+ "/",
+ "re"
+ ],
+ [
+ "Ġneur",
+ "on"
+ ],
+ [
+ "CA",
+ "TION"
+ ],
+ [
+ "Ġp",
+ "ier"
+ ],
+ [
+ "ĠW",
+ "ik"
+ ],
+ [
+ "chan",
+ "ical"
+ ],
+ [
+ "Per",
+ "haps"
+ ],
+ [
+ "ĠJ",
+ "ere"
+ ],
+ [
+ "Ġbo",
+ "om"
+ ],
+ [
+ "Ġhad",
+ "n"
+ ],
+ [
+ "-res",
+ "olution"
+ ],
+ [
+ "ĠB",
+ "aker"
+ ],
+ [
+ "umb",
+ "ling"
+ ],
+ [
+ "Ġprofess",
+ "ions"
+ ],
+ [
+ "Te",
+ "aching"
+ ],
+ [
+ "Ġst",
+ "amps"
+ ],
+ [
+ "an",
+ "ne"
+ ],
+ [
+ "(",
+ "S"
+ ],
+ [
+ "ĠIde",
+ "a"
+ ],
+ [
+ "-",
+ "generation"
+ ],
+ [
+ "J",
+ "ames"
+ ],
+ [
+ "Ġb",
+ "ic"
+ ],
+ [
+ "ent",
+ "ric"
+ ],
+ [
+ "G",
+ "I"
+ ],
+ [
+ "Ġp",
+ "ockets"
+ ],
+ [
+ "Ġwas",
+ "tes"
+ ],
+ [
+ "Ġbra",
+ "very"
+ ],
+ [
+ "Ġsk",
+ "ies"
+ ],
+ [
+ "ah",
+ "o"
+ ],
+ [
+ "Ġdistur",
+ "bed"
+ ],
+ [
+ "Ġcelebr",
+ "ates"
+ ],
+ [
+ "ĠAl",
+ "phabet"
+ ],
+ [
+ "ah",
+ "l"
+ ],
+ [
+ "ĠAn",
+ "atomy"
+ ],
+ [
+ "ĠHop",
+ "kins"
+ ],
+ [
+ "ĠA",
+ "U"
+ ],
+ [
+ "Ġover",
+ "c"
+ ],
+ [
+ "V",
+ "A"
+ ],
+ [
+ "Ġra",
+ "p"
+ ],
+ [
+ "Ġeng",
+ "ages"
+ ],
+ [
+ "us",
+ "ers"
+ ],
+ [
+ "Ġamend",
+ "ments"
+ ],
+ [
+ "Ġrhe",
+ "umat"
+ ],
+ [
+ "se",
+ "a"
+ ],
+ [
+ "Ġra",
+ "ins"
+ ],
+ [
+ "ing",
+ "o"
+ ],
+ [
+ "ĠL",
+ "ex"
+ ],
+ [
+ "ĠR",
+ "u"
+ ],
+ [
+ "An",
+ "aly"
+ ],
+ [
+ "m",
+ "un"
+ ],
+ [
+ "Ġco",
+ "ated"
+ ],
+ [
+ "et",
+ "tes"
+ ],
+ [
+ "Ġprivile",
+ "ges"
+ ],
+ [
+ "Ġhe",
+ "ater"
+ ],
+ [
+ "ivid",
+ "ed"
+ ],
+ [
+ "Ġcommit",
+ "ting"
+ ],
+ [
+ "ĠJ",
+ "obs"
+ ],
+ [
+ "egrad",
+ "able"
+ ],
+ [
+ "ĠV",
+ "i"
+ ],
+ [
+ "Ġline",
+ "age"
+ ],
+ [
+ "Ġchop",
+ "ped"
+ ],
+ [
+ "In",
+ "it"
+ ],
+ [
+ "Ġnational",
+ "ity"
+ ],
+ [
+ "Ġjurisd",
+ "ictions"
+ ],
+ [
+ "Ġpro",
+ "c"
+ ],
+ [
+ "ec",
+ "ome"
+ ],
+ [
+ "ĠPhot",
+ "ography"
+ ],
+ [
+ "Av",
+ "oid"
+ ],
+ [
+ "Ġst",
+ "ark"
+ ],
+ [
+ "Ġdon",
+ "ors"
+ ],
+ [
+ "Ġj",
+ "unction"
+ ],
+ [
+ "Ġsp",
+ "at"
+ ],
+ [
+ "Ġarchae",
+ "ology"
+ ],
+ [
+ "Ġconce",
+ "ived"
+ ],
+ [
+ "Ï",
+ "ī"
+ ],
+ [
+ "Ġat",
+ "ten"
+ ],
+ [
+ "Ġmar",
+ "riages"
+ ],
+ [
+ "ocy",
+ "te"
+ ],
+ [
+ "Ġmul",
+ "ch"
+ ],
+ [
+ "-section",
+ "al"
+ ],
+ [
+ "Ġs",
+ "ailing"
+ ],
+ [
+ "ĠCitiz",
+ "ens"
+ ],
+ [
+ "k",
+ "ar"
+ ],
+ [
+ "ĠM",
+ "ent"
+ ],
+ [
+ "Ġï",
+ "£"
+ ],
+ [
+ "Te",
+ "chnology"
+ ],
+ [
+ "ĠC",
+ "SS"
+ ],
+ [
+ "iv",
+ "ating"
+ ],
+ [
+ "ĠD",
+ "ragon"
+ ],
+ [
+ "re",
+ "et"
+ ],
+ [
+ "Ġbar",
+ "rel"
+ ],
+ [
+ "0",
+ "20"
+ ],
+ [
+ "Ġben",
+ "z"
+ ],
+ [
+ "Ġmeas",
+ "urable"
+ ],
+ [
+ "Ġfasc",
+ "ination"
+ ],
+ [
+ "Ġdefic",
+ "its"
+ ],
+ [
+ "Ġroof",
+ "s"
+ ],
+ [
+ "æ",
+ "ŀ"
+ ],
+ [
+ "ĠPublic",
+ "ation"
+ ],
+ [
+ "ĠW",
+ "et"
+ ],
+ [
+ "ĠCert",
+ "ific"
+ ],
+ [
+ "M",
+ "aster"
+ ],
+ [
+ "opl",
+ "asm"
+ ],
+ [
+ "z",
+ "ema"
+ ],
+ [
+ "Ġc",
+ "ray"
+ ],
+ [
+ "Ġl",
+ "am"
+ ],
+ [
+ "ĠG",
+ "ent"
+ ],
+ [
+ "Ġreg",
+ "ain"
+ ],
+ [
+ "Ġaccompl",
+ "ishment"
+ ],
+ [
+ "Ġnumb",
+ "ered"
+ ],
+ [
+ "in",
+ "atory"
+ ],
+ [
+ "Stud",
+ "ent"
+ ],
+ [
+ "âĢĶ",
+ "it"
+ ],
+ [
+ "Ġaddict",
+ "ive"
+ ],
+ [
+ "Ġmal",
+ "nutrition"
+ ],
+ [
+ "Ġse",
+ "wing"
+ ],
+ [
+ "Ġgreen",
+ "er"
+ ],
+ [
+ "and",
+ "y"
+ ],
+ [
+ "Ġdeple",
+ "tion"
+ ],
+ [
+ "ang",
+ "led"
+ ],
+ [
+ "oc",
+ "arbon"
+ ],
+ [
+ "ï",
+ "ģ"
+ ],
+ [
+ "Ġtun",
+ "ed"
+ ],
+ [
+ "Â",
+ "¦"
+ ],
+ [
+ "&",
+ "D"
+ ],
+ [
+ "Ġl",
+ "end"
+ ],
+ [
+ "Ġj",
+ "unk"
+ ],
+ [
+ "Ġsp",
+ "ends"
+ ],
+ [
+ "m",
+ "ate"
+ ],
+ [
+ "id",
+ "ian"
+ ],
+ [
+ "Ġpin",
+ "point"
+ ],
+ [
+ "ac",
+ "cur"
+ ],
+ [
+ "ĠG",
+ "IS"
+ ],
+ [
+ "Ġquant",
+ "ify"
+ ],
+ [
+ "Ġhel",
+ "l"
+ ],
+ [
+ "ĠF",
+ "light"
+ ],
+ [
+ "ĠProcess",
+ "es"
+ ],
+ [
+ "Equ",
+ "al"
+ ],
+ [
+ "Ġpar",
+ "aph"
+ ],
+ [
+ "Ġnucle",
+ "ot"
+ ],
+ [
+ "ĠA",
+ "wards"
+ ],
+ [
+ "ĠReg",
+ "ression"
+ ],
+ [
+ "ament",
+ "als"
+ ],
+ [
+ "ĠFig",
+ "ures"
+ ],
+ [
+ "ĠNich",
+ "olas"
+ ],
+ [
+ "ĠENGINE",
+ "ERING"
+ ],
+ [
+ "P",
+ "rim"
+ ],
+ [
+ "Ġma",
+ "ize"
+ ],
+ [
+ "ĠF",
+ "ashion"
+ ],
+ [
+ "Ġapp",
+ "rent"
+ ],
+ [
+ "Ġbroad",
+ "en"
+ ],
+ [
+ "ĠHawai",
+ "ian"
+ ],
+ [
+ "Ġp",
+ "rag"
+ ],
+ [
+ "Ġgl",
+ "ut"
+ ],
+ [
+ "ĠC",
+ "el"
+ ],
+ [
+ "ess",
+ "ay"
+ ],
+ [
+ "Ġoper",
+ "a"
+ ],
+ [
+ "\"",
+ ">"
+ ],
+ [
+ "Ġh",
+ "ats"
+ ],
+ [
+ "ĠA",
+ "venue"
+ ],
+ [
+ "ell",
+ "ite"
+ ],
+ [
+ "Ġtrust",
+ "worthy"
+ ],
+ [
+ "n",
+ "an"
+ ],
+ [
+ "Ġdepr",
+ "ivation"
+ ],
+ [
+ "uck",
+ "le"
+ ],
+ [
+ "E",
+ "p"
+ ],
+ [
+ "st",
+ "en"
+ ],
+ [
+ "Ġcertain",
+ "ty"
+ ],
+ [
+ "Ġ",
+ "ery"
+ ],
+ [
+ "ump",
+ "ed"
+ ],
+ [
+ "ĠUtil",
+ "ize"
+ ],
+ [
+ "Ġinv",
+ "aded"
+ ],
+ [
+ "Ġmid",
+ "st"
+ ],
+ [
+ "ĠG",
+ "ay"
+ ],
+ [
+ "Ġrain",
+ "forest"
+ ],
+ [
+ "Ġscrut",
+ "iny"
+ ],
+ [
+ "Ġamer",
+ "icans"
+ ],
+ [
+ "rif",
+ "ug"
+ ],
+ [
+ "ĠRes",
+ "il"
+ ],
+ [
+ "Ġroutine",
+ "ly"
+ ],
+ [
+ "Ġgenuine",
+ "ly"
+ ],
+ [
+ "Ġembod",
+ "ied"
+ ],
+ [
+ "ĠM",
+ "ob"
+ ],
+ [
+ "ĠK",
+ "B"
+ ],
+ [
+ "ĠLear",
+ "ners"
+ ],
+ [
+ "ĠElect",
+ "ronics"
+ ],
+ [
+ "Work",
+ "ing"
+ ],
+ [
+ "iv",
+ "ist"
+ ],
+ [
+ "imb",
+ "abwe"
+ ],
+ [
+ "Ġfire",
+ "f"
+ ],
+ [
+ "cipl",
+ "ine"
+ ],
+ [
+ "Ġment",
+ "ors"
+ ],
+ [
+ "Ġforecast",
+ "s"
+ ],
+ [
+ "D",
+ "eterm"
+ ],
+ [
+ "ĠK",
+ "ant"
+ ],
+ [
+ "l",
+ "antic"
+ ],
+ [
+ "ĠL",
+ "ingu"
+ ],
+ [
+ "Ġmet",
+ "amorph"
+ ],
+ [
+ "ĠYe",
+ "ah"
+ ],
+ [
+ "ĠRog",
+ "er"
+ ],
+ [
+ "Ġescap",
+ "ed"
+ ],
+ [
+ "Ġcous",
+ "in"
+ ],
+ [
+ "d",
+ "ale"
+ ],
+ [
+ "Ġo",
+ "sm"
+ ],
+ [
+ "ĠList",
+ "ening"
+ ],
+ [
+ "Ġbo",
+ "iled"
+ ],
+ [
+ "ut",
+ "ral"
+ ],
+ [
+ "Ġspec",
+ "ulative"
+ ],
+ [
+ "Ġbi",
+ "ochemical"
+ ],
+ [
+ "Ġpreschool",
+ "ers"
+ ],
+ [
+ "ar",
+ "ah"
+ ],
+ [
+ "Ġretrie",
+ "val"
+ ],
+ [
+ "ex",
+ "per"
+ ],
+ [
+ "che",
+ "ll"
+ ],
+ [
+ "bl",
+ "ock"
+ ],
+ [
+ "ĠW",
+ "ave"
+ ],
+ [
+ "Ġpump",
+ "ing"
+ ],
+ [
+ "Ġd",
+ "welling"
+ ],
+ [
+ "ĠB",
+ "inary"
+ ],
+ [
+ "Ġphotograp",
+ "her"
+ ],
+ [
+ "Ġspons",
+ "ored"
+ ],
+ [
+ "Ġt",
+ "ect"
+ ],
+ [
+ "ĠHS",
+ "V"
+ ],
+ [
+ "ass",
+ "ing"
+ ],
+ [
+ "n",
+ "is"
+ ],
+ [
+ "ĠS",
+ "ort"
+ ],
+ [
+ "Ġbom",
+ "bs"
+ ],
+ [
+ "Ġblu",
+ "ep"
+ ],
+ [
+ "Ġn",
+ "ap"
+ ],
+ [
+ "Ġst",
+ "ove"
+ ],
+ [
+ "ab",
+ "e"
+ ],
+ [
+ "Ġimpair",
+ "ments"
+ ],
+ [
+ "F",
+ "low"
+ ],
+ [
+ "ĠC",
+ "ole"
+ ],
+ [
+ "ĠHe",
+ "aling"
+ ],
+ [
+ "Ġm",
+ "ars"
+ ],
+ [
+ "ĠC",
+ "BSE"
+ ],
+ [
+ "Ġbrack",
+ "ets"
+ ],
+ [
+ "ows",
+ "hip"
+ ],
+ [
+ "p",
+ "ool"
+ ],
+ [
+ "ĠR",
+ "ud"
+ ],
+ [
+ "Ġindic",
+ "ations"
+ ],
+ [
+ "g",
+ "raph"
+ ],
+ [
+ "Ġexp",
+ "onents"
+ ],
+ [
+ "23",
+ "4"
+ ],
+ [
+ "l",
+ "est"
+ ],
+ [
+ "Ġl",
+ "uc"
+ ],
+ [
+ "term",
+ "ediate"
+ ],
+ [
+ "Ġdoub",
+ "led"
+ ],
+ [
+ "Ġconstra",
+ "int"
+ ],
+ [
+ "Ġarg",
+ "u"
+ ],
+ [
+ "ĠS",
+ "it"
+ ],
+ [
+ "Ġannot",
+ "ated"
+ ],
+ [
+ "ter",
+ "ies"
+ ],
+ [
+ "Ġsem",
+ "antic"
+ ],
+ [
+ "ĠThe",
+ "m"
+ ],
+ [
+ "ĠLibert",
+ "y"
+ ],
+ [
+ "Ġseiz",
+ "ure"
+ ],
+ [
+ "Ġadministr",
+ "ator"
+ ],
+ [
+ "Ġcapt",
+ "ain"
+ ],
+ [
+ "Ġundert",
+ "aking"
+ ],
+ [
+ "-b",
+ "ody"
+ ],
+ [
+ "Ġretrie",
+ "ve"
+ ],
+ [
+ "ĠScript",
+ "ure"
+ ],
+ [
+ "ĠAir",
+ "port"
+ ],
+ [
+ "D",
+ "O"
+ ],
+ [
+ "Ġapplic",
+ "ants"
+ ],
+ [
+ "Ġappear",
+ "ances"
+ ],
+ [
+ "Ġp",
+ "all"
+ ],
+ [
+ "ĠC",
+ "oc"
+ ],
+ [
+ "it",
+ "uting"
+ ],
+ [
+ "Ġpropos",
+ "es"
+ ],
+ [
+ "Ġ________________",
+ "________"
+ ],
+ [
+ "ro",
+ "ots"
+ ],
+ [
+ "Cont",
+ "act"
+ ],
+ [
+ "Sum",
+ "mary"
+ ],
+ [
+ "ĠN",
+ "FT"
+ ],
+ [
+ "ĠPl",
+ "aces"
+ ],
+ [
+ "Ġwind",
+ "ing"
+ ],
+ [
+ "Ġintertw",
+ "ined"
+ ],
+ [
+ "se",
+ "ed"
+ ],
+ [
+ "ĠP",
+ "od"
+ ],
+ [
+ "Ġsoc",
+ "ket"
+ ],
+ [
+ "ĠC",
+ "reated"
+ ],
+ [
+ "Ġchi",
+ "ropract"
+ ],
+ [
+ "Ġcar",
+ "niv"
+ ],
+ [
+ "add",
+ "y"
+ ],
+ [
+ "Ġ",
+ "...."
+ ],
+ [
+ "ac",
+ "cept"
+ ],
+ [
+ "ĠCo",
+ "oper"
+ ],
+ [
+ ".",
+ "âĢĶ"
+ ],
+ [
+ "Ġbed",
+ "room"
+ ],
+ [
+ "ĠMes",
+ "opotam"
+ ],
+ [
+ "ĠAssoci",
+ "ated"
+ ],
+ [
+ "Ġremind",
+ "ers"
+ ],
+ [
+ "Ġch",
+ "airs"
+ ],
+ [
+ "ĠG",
+ "ro"
+ ],
+ [
+ "Ġang",
+ "els"
+ ],
+ [
+ "ader",
+ "ie"
+ ],
+ [
+ "ĠT",
+ "am"
+ ],
+ [
+ "ar",
+ "aderie"
+ ],
+ [
+ "ĠStruct",
+ "ures"
+ ],
+ [
+ "P",
+ "ersonal"
+ ],
+ [
+ "Ġfig",
+ "uring"
+ ],
+ [
+ "writ",
+ "er"
+ ],
+ [
+ "ĠR",
+ "ivers"
+ ],
+ [
+ "Ġlibert",
+ "ies"
+ ],
+ [
+ "Ġsuff",
+ "ers"
+ ],
+ [
+ "ĠContin",
+ "uous"
+ ],
+ [
+ "âĢĶ",
+ "to"
+ ],
+ [
+ "Ġsecret",
+ "ary"
+ ],
+ [
+ "ĠIng",
+ "redients"
+ ],
+ [
+ "ipp",
+ "er"
+ ],
+ [
+ "Ġfigure",
+ "d"
+ ],
+ [
+ "ĠYour",
+ "self"
+ ],
+ [
+ "l",
+ "on"
+ ],
+ [
+ "Ġk",
+ "er"
+ ],
+ [
+ "Ġwal",
+ "let"
+ ],
+ [
+ ".",
+ "What"
+ ],
+ [
+ "Ġpro",
+ "ceeds"
+ ],
+ [
+ "Ġco",
+ "op"
+ ],
+ [
+ "uten",
+ "ant"
+ ],
+ [
+ "ĠPrinc",
+ "eton"
+ ],
+ [
+ "d",
+ "ie"
+ ],
+ [
+ "f",
+ "riend"
+ ],
+ [
+ "ps",
+ "hire"
+ ],
+ [
+ "Ġbuy",
+ "er"
+ ],
+ [
+ "Ġaccident",
+ "al"
+ ],
+ [
+ "ĠT",
+ "E"
+ ],
+ [
+ "Ġindividual",
+ "ity"
+ ],
+ [
+ "Ġtransmit",
+ "ting"
+ ],
+ [
+ "w",
+ "ig"
+ ],
+ [
+ "Ġpro",
+ "cure"
+ ],
+ [
+ "c",
+ "ro"
+ ],
+ [
+ "Ġpromin",
+ "ence"
+ ],
+ [
+ "ac",
+ "o"
+ ],
+ [
+ "oc",
+ "ations"
+ ],
+ [
+ "Ind",
+ "ividual"
+ ],
+ [
+ "-t",
+ "est"
+ ],
+ [
+ "-f",
+ "requency"
+ ],
+ [
+ "ö",
+ "r"
+ ],
+ [
+ "Ġam",
+ "ateur"
+ ],
+ [
+ "TI",
+ "CS"
+ ],
+ [
+ "ĠPar",
+ "allel"
+ ],
+ [
+ "Ġcand",
+ "le"
+ ],
+ [
+ "Ġgar",
+ "ments"
+ ],
+ [
+ "il",
+ "ia"
+ ],
+ [
+ "aspor",
+ "a"
+ ],
+ [
+ "ĠL",
+ "ud"
+ ],
+ [
+ "Ġgo",
+ "ats"
+ ],
+ [
+ "ĠCub",
+ "an"
+ ],
+ [
+ "Ġfav",
+ "ored"
+ ],
+ [
+ "l",
+ "ining"
+ ],
+ [
+ "ster",
+ "dam"
+ ],
+ [
+ "ĠW",
+ "ITH"
+ ],
+ [
+ "ah",
+ "n"
+ ],
+ [
+ "ĠNum",
+ "er"
+ ],
+ [
+ "d",
+ "elta"
+ ],
+ [
+ "Ġse",
+ "ptic"
+ ],
+ [
+ "ĠY",
+ "ale"
+ ],
+ [
+ "ĠAr",
+ "n"
+ ],
+ [
+ "C",
+ "am"
+ ],
+ [
+ "Ġc",
+ "ured"
+ ],
+ [
+ "H",
+ "ead"
+ ],
+ [
+ "et",
+ "e"
+ ],
+ [
+ "AN",
+ "S"
+ ],
+ [
+ "Profess",
+ "or"
+ ],
+ [
+ "Ġto",
+ "e"
+ ],
+ [
+ "}",
+ "+\\"
+ ],
+ [
+ "pro",
+ "tect"
+ ],
+ [
+ "Ġnice",
+ "ly"
+ ],
+ [
+ "ĠM",
+ "ia"
+ ],
+ [
+ "ĠG",
+ "O"
+ ],
+ [
+ "Ġfuel",
+ "ed"
+ ],
+ [
+ "iv",
+ "an"
+ ],
+ [
+ "Ġconvey",
+ "ing"
+ ],
+ [
+ "Ġteasp",
+ "oon"
+ ],
+ [
+ "ogene",
+ "ity"
+ ],
+ [
+ "Ġdon",
+ "ations"
+ ],
+ [
+ "Ġharm",
+ "onic"
+ ],
+ [
+ "Orig",
+ "inally"
+ ],
+ [
+ "ĠL",
+ "ion"
+ ],
+ [
+ "Ġtra",
+ "des"
+ ],
+ [
+ "Ġmet",
+ "ropolitan"
+ ],
+ [
+ "n",
+ "atal"
+ ],
+ [
+ "Ġair",
+ "borne"
+ ],
+ [
+ "Ġthick",
+ "er"
+ ],
+ [
+ "Ġmetap",
+ "hors"
+ ],
+ [
+ "Ġiter",
+ "ations"
+ ],
+ [
+ "}$",
+ "."
+ ],
+ [
+ "ĠP",
+ "ant"
+ ],
+ [
+ "ĠW",
+ "ear"
+ ],
+ [
+ "ĠBlock",
+ "chain"
+ ],
+ [
+ "ĠF",
+ "ol"
+ ],
+ [
+ "ĠAtt",
+ "ention"
+ ],
+ [
+ "ĠIncre",
+ "asing"
+ ],
+ [
+ "Hist",
+ "orical"
+ ],
+ [
+ "Ġdisc",
+ "ol"
+ ],
+ [
+ "F",
+ "rench"
+ ],
+ [
+ "23",
+ "1"
+ ],
+ [
+ "Ġall",
+ "oys"
+ ],
+ [
+ "ĠBre",
+ "ast"
+ ],
+ [
+ "Ġ",
+ "_{"
+ ],
+ [
+ "Ġsc",
+ "and"
+ ],
+ [
+ "Ġag",
+ "rees"
+ ],
+ [
+ "Ġproud",
+ "ly"
+ ],
+ [
+ "/",
+ "v"
+ ],
+ [
+ "W",
+ "ar"
+ ],
+ [
+ "P",
+ "rom"
+ ],
+ [
+ "Ġinf",
+ "erence"
+ ],
+ [
+ "Ġb",
+ "ree"
+ ],
+ [
+ "Ġinv",
+ "ari"
+ ],
+ [
+ "Ġrod",
+ "ents"
+ ],
+ [
+ "ĠF",
+ "ew"
+ ],
+ [
+ "Ġman",
+ "ure"
+ ],
+ [
+ "ĠDem",
+ "onstr"
+ ],
+ [
+ ".",
+ "čĊ"
+ ],
+ [
+ "Ġdecl",
+ "ines"
+ ],
+ [
+ "ra",
+ "ins"
+ ],
+ [
+ "Ġrep",
+ "ay"
+ ],
+ [
+ "Ġrecover",
+ "ing"
+ ],
+ [
+ "Ġprotagon",
+ "ists"
+ ],
+ [
+ "Ġcl",
+ "ocks"
+ ],
+ [
+ "Ġdiagn",
+ "osing"
+ ],
+ [
+ "Ġan",
+ "esthesia"
+ ],
+ [
+ "ĠSt",
+ "alin"
+ ],
+ [
+ "Ġju",
+ "ices"
+ ],
+ [
+ "ĠPre",
+ "t"
+ ],
+ [
+ "Ġfo",
+ "il"
+ ],
+ [
+ "Ġ",
+ ":ĊĊ"
+ ],
+ [
+ "Ġsport",
+ "ing"
+ ],
+ [
+ "Ġdistingu",
+ "ishing"
+ ],
+ [
+ "ĠN",
+ "HS"
+ ],
+ [
+ "af",
+ "ety"
+ ],
+ [
+ "Ġpred",
+ "ator"
+ ],
+ [
+ "ĠTra",
+ "uma"
+ ],
+ [
+ "Ġhope",
+ "fully"
+ ],
+ [
+ "Ġp",
+ "ause"
+ ],
+ [
+ "Ġfeas",
+ "ibility"
+ ],
+ [
+ "d",
+ "ist"
+ ],
+ [
+ "Ġprin",
+ "ters"
+ ],
+ [
+ "Ġsulf",
+ "ate"
+ ],
+ [
+ "Ġinh",
+ "al"
+ ],
+ [
+ "ĠPub",
+ "lishers"
+ ],
+ [
+ "ĠV",
+ "enez"
+ ],
+ [
+ "Ġunex",
+ "pl"
+ ],
+ [
+ "Ġprow",
+ "ess"
+ ],
+ [
+ "N",
+ "P"
+ ],
+ [
+ "Ġmel",
+ "ody"
+ ],
+ [
+ "ĠT",
+ "anz"
+ ],
+ [
+ "Ġsurge",
+ "ons"
+ ],
+ [
+ "Â",
+ "º"
+ ],
+ [
+ "st",
+ "ed"
+ ],
+ [
+ "Ġshare",
+ "holders"
+ ],
+ [
+ "Ġinvent",
+ "or"
+ ],
+ [
+ "ĠLab",
+ "our"
+ ],
+ [
+ "ĠSe",
+ "ed"
+ ],
+ [
+ "Ġsal",
+ "aries"
+ ],
+ [
+ "ĠEc",
+ "osystem"
+ ],
+ [
+ "Ġdiss",
+ "olve"
+ ],
+ [
+ "L",
+ "at"
+ ],
+ [
+ "iot",
+ "a"
+ ],
+ [
+ "Ġcam",
+ "araderie"
+ ],
+ [
+ "iz",
+ "ards"
+ ],
+ [
+ "Ġhoriz",
+ "ontally"
+ ],
+ [
+ "|",
+ "M"
+ ],
+ [
+ "Ġan",
+ "ecd"
+ ],
+ [
+ "Ġj",
+ "ealous"
+ ],
+ [
+ "Ġcort",
+ "isol"
+ ],
+ [
+ "ĠS",
+ "ense"
+ ],
+ [
+ "Ġnan",
+ "os"
+ ],
+ [
+ "3",
+ "25"
+ ],
+ [
+ "ä»",
+ "¥"
+ ],
+ [
+ "ĠPH",
+ "P"
+ ],
+ [
+ "Ġgerm",
+ "ination"
+ ],
+ [
+ "Ġadhes",
+ "ive"
+ ],
+ [
+ "Ġ'''",
+ "Ċ"
+ ],
+ [
+ "Ġtop",
+ "ology"
+ ],
+ [
+ "Ġtor",
+ "ch"
+ ],
+ [
+ "Ġz",
+ "oo"
+ ],
+ [
+ "Ġexplos",
+ "ive"
+ ],
+ [
+ "et",
+ "ting"
+ ],
+ [
+ "Ġap",
+ "olog"
+ ],
+ [
+ "Ġprefer",
+ "ably"
+ ],
+ [
+ "Ġst",
+ "en"
+ ],
+ [
+ "Ġcho",
+ "oses"
+ ],
+ [
+ "ch",
+ "at"
+ ],
+ [
+ "ĠF",
+ "ailure"
+ ],
+ [
+ "'",
+ "]Ċ"
+ ],
+ [
+ "Ġrot",
+ "or"
+ ],
+ [
+ "-l",
+ "ooking"
+ ],
+ [
+ "ce",
+ "mic"
+ ],
+ [
+ "Ġdis",
+ "reg"
+ ],
+ [
+ "ĠStruct",
+ "ural"
+ ],
+ [
+ "er",
+ "ated"
+ ],
+ [
+ "an",
+ "ic"
+ ],
+ [
+ "lu",
+ "ent"
+ ],
+ [
+ "Ġpenet",
+ "rate"
+ ],
+ [
+ "29",
+ "0"
+ ],
+ [
+ "pher",
+ "d"
+ ],
+ [
+ "Ġproceed",
+ "ing"
+ ],
+ [
+ "Ġs",
+ "i"
+ ],
+ [
+ "Ġmanifest",
+ "ation"
+ ],
+ [
+ "Ġchar",
+ "coal"
+ ],
+ [
+ "Ġlingu",
+ "istics"
+ ],
+ [
+ "ĠMechan",
+ "ics"
+ ],
+ [
+ "Ġannounce",
+ "ment"
+ ],
+ [
+ "Ġcl",
+ "ue"
+ ],
+ [
+ "ĠHar",
+ "bor"
+ ],
+ [
+ "it",
+ "ures"
+ ],
+ [
+ "Char",
+ "acter"
+ ],
+ [
+ "ĠThe",
+ "od"
+ ],
+ [
+ "Ġbl",
+ "urred"
+ ],
+ [
+ "Bl",
+ "ue"
+ ],
+ [
+ "Â",
+ "³"
+ ],
+ [
+ "Ġsymbol",
+ "izes"
+ ],
+ [
+ "Ġlegisl",
+ "ature"
+ ],
+ [
+ "Ġtsun",
+ "ami"
+ ],
+ [
+ "O",
+ "per"
+ ],
+ [
+ "be",
+ "e"
+ ],
+ [
+ "Ġrout",
+ "ing"
+ ],
+ [
+ "ĠCO",
+ "L"
+ ],
+ [
+ "{",
+ "R"
+ ],
+ [
+ "Ġmerch",
+ "and"
+ ],
+ [
+ "b",
+ "t"
+ ],
+ [
+ "-s",
+ "m"
+ ],
+ [
+ "C",
+ "entral"
+ ],
+ [
+ "Ġde",
+ "eds"
+ ],
+ [
+ "ĠF",
+ "oster"
+ ],
+ [
+ "unction",
+ "al"
+ ],
+ [
+ "Ġcoc",
+ "oa"
+ ],
+ [
+ "-c",
+ "al"
+ ],
+ [
+ "Ġal",
+ "beit"
+ ],
+ [
+ "Ġupload",
+ "ed"
+ ],
+ [
+ "h",
+ "ole"
+ ],
+ [
+ "ĠBra",
+ "h"
+ ],
+ [
+ "Ġbud",
+ "gets"
+ ],
+ [
+ "Ġuncon",
+ "ventional"
+ ],
+ [
+ "Ġprem",
+ "ise"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ",
+ "ĠĠĠĠĠĠĠĠĠĠĠ"
+ ],
+ [
+ "Ġelim",
+ "inates"
+ ],
+ [
+ "Ġenric",
+ "hed"
+ ],
+ [
+ "W",
+ "A"
+ ],
+ [
+ "g",
+ "ering"
+ ],
+ [
+ "Ġn",
+ "g"
+ ],
+ [
+ ".",
+ "in"
+ ],
+ [
+ "ent",
+ "ary"
+ ],
+ [
+ "ry",
+ "lic"
+ ],
+ [
+ "IS",
+ "H"
+ ],
+ [
+ "Ġsur",
+ "geries"
+ ],
+ [
+ "Ġeager",
+ "ly"
+ ],
+ [
+ "Ġcal",
+ "ibration"
+ ],
+ [
+ "n",
+ "ik"
+ ],
+ [
+ "Ġim",
+ "merse"
+ ],
+ [
+ "Ġinev",
+ "itably"
+ ],
+ [
+ "Ġ'",
+ "/"
+ ],
+ [
+ "any",
+ "on"
+ ],
+ [
+ "ĠDiagn",
+ "osis"
+ ],
+ [
+ "ĠD",
+ "ES"
+ ],
+ [
+ "à¤",
+ "¤"
+ ],
+ [
+ "Ġdiplom",
+ "acy"
+ ],
+ [
+ "^",
+ "\\"
+ ],
+ [
+ "ĠR",
+ "idge"
+ ],
+ [
+ ")",
+ "`"
+ ],
+ [
+ "Ġste",
+ "ering"
+ ],
+ [
+ "Ġneut",
+ "ron"
+ ],
+ [
+ "Ġ",
+ "]Ċ"
+ ],
+ [
+ "ess",
+ "ori"
+ ],
+ [
+ "Ġinv",
+ "alid"
+ ],
+ [
+ "Ġworld",
+ "view"
+ ],
+ [
+ "Com",
+ "b"
+ ],
+ [
+ "ol",
+ "o"
+ ],
+ [
+ "Ġunder",
+ "went"
+ ],
+ [
+ "Ġmulti",
+ "ples"
+ ],
+ [
+ "Ġelectroly",
+ "te"
+ ],
+ [
+ "Ġun",
+ "aware"
+ ],
+ [
+ "Ġovers",
+ "ight"
+ ],
+ [
+ "G",
+ "erman"
+ ],
+ [
+ "Ġtechn",
+ "icians"
+ ],
+ [
+ "m",
+ "oil"
+ ],
+ [
+ "ĠHot",
+ "el"
+ ],
+ [
+ "rop",
+ "he"
+ ],
+ [
+ "ĠB",
+ "rig"
+ ],
+ [
+ "oun",
+ "cing"
+ ],
+ [
+ "Ġsw",
+ "ap"
+ ],
+ [
+ "ĠNo",
+ "vel"
+ ],
+ [
+ "ĠFunction",
+ "al"
+ ],
+ [
+ "Ġmixt",
+ "ures"
+ ],
+ [
+ "gener",
+ "ational"
+ ],
+ [
+ "Ġresemb",
+ "ling"
+ ],
+ [
+ "-",
+ "derived"
+ ],
+ [
+ "Ġspec",
+ "ifies"
+ ],
+ [
+ "ĠJ",
+ "S"
+ ],
+ [
+ "Ġdemonstr",
+ "ations"
+ ],
+ [
+ "Ġch",
+ "arming"
+ ],
+ [
+ "Ġz",
+ "ip"
+ ],
+ [
+ "Ġhuman",
+ "ities"
+ ],
+ [
+ "L",
+ "ight"
+ ],
+ [
+ "Å",
+ "Ľ"
+ ],
+ [
+ "ath",
+ "s"
+ ],
+ [
+ "r",
+ "ights"
+ ],
+ [
+ "ĠT",
+ "ed"
+ ],
+ [
+ "ĠR",
+ "EC"
+ ],
+ [
+ "ĠSte",
+ "in"
+ ],
+ [
+ "Ġpig",
+ "ments"
+ ],
+ [
+ "22",
+ "3"
+ ],
+ [
+ "-s",
+ "upp"
+ ],
+ [
+ "Ġl",
+ "ava"
+ ],
+ [
+ "ĠGr",
+ "ass"
+ ],
+ [
+ "ĠPear",
+ "l"
+ ],
+ [
+ "ĠD",
+ "egree"
+ ],
+ [
+ "ĠLim",
+ "it"
+ ],
+ [
+ "w",
+ "d"
+ ],
+ [
+ "Ġdis",
+ "semination"
+ ],
+ [
+ "ĠSh",
+ "ape"
+ ],
+ [
+ "ĠT",
+ "ropical"
+ ],
+ [
+ "lev",
+ "ance"
+ ],
+ [
+ "Ġenrich",
+ "ing"
+ ],
+ [
+ "Dep",
+ "artment"
+ ],
+ [
+ "Ġre",
+ "usable"
+ ],
+ [
+ "ra",
+ "z"
+ ],
+ [
+ "ĠUn",
+ "ique"
+ ],
+ [
+ "Ġhards",
+ "hips"
+ ],
+ [
+ "ĠG",
+ "H"
+ ],
+ [
+ "ĠL",
+ "isa"
+ ],
+ [
+ "d",
+ "el"
+ ],
+ [
+ "r",
+ "ise"
+ ],
+ [
+ "ve",
+ "t"
+ ],
+ [
+ "Ġfamiliar",
+ "ity"
+ ],
+ [
+ "Ġgast",
+ "ric"
+ ],
+ [
+ "Ġprot",
+ "on"
+ ],
+ [
+ "Ġu",
+ "re"
+ ],
+ [
+ "+",
+ "("
+ ],
+ [
+ "Ġp",
+ "ens"
+ ],
+ [
+ "ĠV",
+ "II"
+ ],
+ [
+ "Ġmedium",
+ "s"
+ ],
+ [
+ "ĠExt",
+ "ra"
+ ],
+ [
+ "om",
+ "i"
+ ],
+ [
+ "ide",
+ "os"
+ ],
+ [
+ "Ġb",
+ "ounds"
+ ],
+ [
+ "ĠL",
+ "ost"
+ ],
+ [
+ "ĠIns",
+ "ert"
+ ],
+ [
+ "Ġgroup",
+ "ing"
+ ],
+ [
+ "Ġad",
+ "sor"
+ ],
+ [
+ "Ġh",
+ "ints"
+ ],
+ [
+ "organ",
+ "ized"
+ ],
+ [
+ "L",
+ "anguage"
+ ],
+ [
+ "ert",
+ "il"
+ ],
+ [
+ "Âł",
+ "df"
+ ],
+ [
+ "ruct",
+ "ures"
+ ],
+ [
+ "Ġsocial",
+ "ization"
+ ],
+ [
+ ",",
+ ","
+ ],
+ [
+ "Ġcl",
+ "ergy"
+ ],
+ [
+ "Ġreact",
+ "s"
+ ],
+ [
+ "Ġconstitu",
+ "ents"
+ ],
+ [
+ "ĠH",
+ "omes"
+ ],
+ [
+ "Ġtut",
+ "oring"
+ ],
+ [
+ "-col",
+ "ored"
+ ],
+ [
+ "2",
+ "24"
+ ],
+ [
+ "Ġf",
+ "ranch"
+ ],
+ [
+ "Ġcough",
+ "ing"
+ ],
+ [
+ "Ġur",
+ "gency"
+ ],
+ [
+ "idel",
+ "ity"
+ ],
+ [
+ "Ġsu",
+ "ng"
+ ],
+ [
+ "Ġthere",
+ "of"
+ ],
+ [
+ "Ġcraft",
+ "smanship"
+ ],
+ [
+ "Ġsupp",
+ "lying"
+ ],
+ [
+ "Ġquot",
+ "ient"
+ ],
+ [
+ "Ġallerg",
+ "ens"
+ ],
+ [
+ "Ġbin",
+ "omial"
+ ],
+ [
+ "h",
+ "ored"
+ ],
+ [
+ "Ġrecip",
+ "rocal"
+ ],
+ [
+ "Ġbreakthrough",
+ "s"
+ ],
+ [
+ "ÑĢ",
+ "и"
+ ],
+ [
+ "p",
+ "df"
+ ],
+ [
+ "Ġd",
+ "read"
+ ],
+ [
+ "ĠRe",
+ "hab"
+ ],
+ [
+ "ĠAd",
+ "obe"
+ ],
+ [
+ "CO",
+ "MP"
+ ],
+ [
+ "Ġob",
+ "ey"
+ ],
+ [
+ "Ġstart",
+ "up"
+ ],
+ [
+ "Ġresid",
+ "ing"
+ ],
+ [
+ "Ġexcess",
+ "ively"
+ ],
+ [
+ "w",
+ "ic"
+ ],
+ [
+ "ĠEns",
+ "uring"
+ ],
+ [
+ "ĠMont",
+ "ana"
+ ],
+ [
+ "Ġcle",
+ "ared"
+ ],
+ [
+ "Ġmultid",
+ "isciplinary"
+ ],
+ [
+ "Ġsurvey",
+ "ed"
+ ],
+ [
+ "Ġprogram",
+ "mers"
+ ],
+ [
+ "Ġmer",
+ "cy"
+ ],
+ [
+ "Ġdeb",
+ "ated"
+ ],
+ [
+ "Ġadm",
+ "issions"
+ ],
+ [
+ "Ġa",
+ "cre"
+ ],
+ [
+ "Ġspecific",
+ "ity"
+ ],
+ [
+ "Ġadm",
+ "ire"
+ ],
+ [
+ "Ġenvelop",
+ "e"
+ ],
+ [
+ "ĠFlore",
+ "nce"
+ ],
+ [
+ "Ġsl",
+ "iding"
+ ],
+ [
+ ".",
+ "!"
+ ],
+ [
+ "ĠIn",
+ "sp"
+ ],
+ [
+ "Ġab",
+ "r"
+ ],
+ [
+ "ĠJ",
+ "en"
+ ],
+ [
+ "ĠJ",
+ "UVENILE"
+ ],
+ [
+ "ĠLe",
+ "af"
+ ],
+ [
+ "à¤",
+ "Ĥ"
+ ],
+ [
+ "Ġemp",
+ "owered"
+ ],
+ [
+ "Ġwork",
+ "book"
+ ],
+ [
+ "ĠO",
+ "z"
+ ],
+ [
+ "æ",
+ "Ŀ"
+ ],
+ [
+ "Ġdolph",
+ "ins"
+ ],
+ [
+ "å",
+ "¾"
+ ],
+ [
+ "Ġth",
+ "ou"
+ ],
+ [
+ "Ġterm",
+ "inals"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠ",
+ "ĠĠĠĠĠ"
+ ],
+ [
+ "ĠSubject",
+ "s"
+ ],
+ [
+ ".\"",
+ ")Ċ"
+ ],
+ [
+ "ĠGreen",
+ "land"
+ ],
+ [
+ "S",
+ "olar"
+ ],
+ [
+ "ĠCom",
+ "position"
+ ],
+ [
+ "ĠEth",
+ "nic"
+ ],
+ [
+ "{",
+ "n"
+ ],
+ [
+ "at",
+ "able"
+ ],
+ [
+ "Ġst",
+ "up"
+ ],
+ [
+ "Pro",
+ "b"
+ ],
+ [
+ "o",
+ "ar"
+ ],
+ [
+ "Ġtw",
+ "ists"
+ ],
+ [
+ "ĠTh",
+ "ought"
+ ],
+ [
+ "itarian",
+ "ism"
+ ],
+ [
+ "Ġcoat",
+ "ings"
+ ],
+ [
+ "Ġdem",
+ "ol"
+ ],
+ [
+ "Ġleg",
+ "acies"
+ ],
+ [
+ "_s",
+ "um"
+ ],
+ [
+ "Ġcan",
+ "cell"
+ ],
+ [
+ "ult",
+ "an"
+ ],
+ [
+ "à¤",
+ "¨"
+ ],
+ [
+ "ĠB",
+ "eg"
+ ],
+ [
+ "ĠPublic",
+ "ations"
+ ],
+ [
+ "it",
+ "ating"
+ ],
+ [
+ "Ġred",
+ "d"
+ ],
+ [
+ "r",
+ "als"
+ ],
+ [
+ "Ġprogram",
+ "med"
+ ],
+ [
+ "ĠV",
+ "it"
+ ],
+ [
+ "Ġcaps",
+ "ule"
+ ],
+ [
+ "ĠF",
+ "uel"
+ ],
+ [
+ "Ġinter",
+ "mitt"
+ ],
+ [
+ "Cong",
+ "ratulations"
+ ],
+ [
+ "ĠI",
+ "CT"
+ ],
+ [
+ "ĠDo",
+ "ing"
+ ],
+ [
+ "Ġpestic",
+ "ide"
+ ],
+ [
+ "T",
+ "w"
+ ],
+ [
+ "Ġbre",
+ "aches"
+ ],
+ [
+ "Ġsw",
+ "itched"
+ ],
+ [
+ "ad",
+ "en"
+ ],
+ [
+ "ĠSt",
+ "orm"
+ ],
+ [
+ "Ġprog",
+ "nosis"
+ ],
+ [
+ "-re",
+ "aching"
+ ],
+ [
+ "ophage",
+ "al"
+ ],
+ [
+ "ĠPun",
+ "jab"
+ ],
+ [
+ "ĠTelesc",
+ "ope"
+ ],
+ [
+ "Ġc",
+ "aves"
+ ],
+ [
+ "Ġb",
+ "ible"
+ ],
+ [
+ "Ġfl",
+ "ush"
+ ],
+ [
+ "ĠF",
+ "itz"
+ ],
+ [
+ "Ġevid",
+ "enced"
+ ],
+ [
+ "ĠSl",
+ "av"
+ ],
+ [
+ "Ġstick",
+ "ing"
+ ],
+ [
+ "is",
+ "se"
+ ],
+ [
+ "ĠR",
+ "ing"
+ ],
+ [
+ "ari",
+ "us"
+ ],
+ [
+ "ĠDom",
+ "estic"
+ ],
+ [
+ "ĠG",
+ "ordon"
+ ],
+ [
+ ".",
+ "head"
+ ],
+ [
+ "og",
+ "onal"
+ ],
+ [
+ "ĠCon",
+ "version"
+ ],
+ [
+ "ĠHur",
+ "ricane"
+ ],
+ [
+ "Ġinfest",
+ "ation"
+ ],
+ [
+ "Ġab",
+ "rupt"
+ ],
+ [
+ "Ġrev",
+ "ise"
+ ],
+ [
+ "us",
+ "r"
+ ],
+ [
+ "ĠTes",
+ "la"
+ ],
+ [
+ "Ġcru",
+ "ise"
+ ],
+ [
+ "Ġchamp",
+ "ions"
+ ],
+ [
+ "x",
+ "uality"
+ ],
+ [
+ "Ġend",
+ "orse"
+ ],
+ [
+ "ĠCath",
+ "olics"
+ ],
+ [
+ "Ġdecor",
+ "ations"
+ ],
+ [
+ "Ġarom",
+ "atic"
+ ],
+ [
+ "Ġour",
+ "s"
+ ],
+ [
+ "Ġsqu",
+ "ash"
+ ],
+ [
+ "Ġwin",
+ "ners"
+ ],
+ [
+ "Ġmaneu",
+ "ver"
+ ],
+ [
+ "D",
+ "UC"
+ ],
+ [
+ "b",
+ "its"
+ ],
+ [
+ "Ġimp",
+ "urities"
+ ],
+ [
+ "Ġanaly",
+ "zes"
+ ],
+ [
+ "Ġorig",
+ "inating"
+ ],
+ [
+ "Ġport",
+ "raits"
+ ],
+ [
+ "Ġfact",
+ "ual"
+ ],
+ [
+ "Ġcere",
+ "al"
+ ],
+ [
+ "Th",
+ "ird"
+ ],
+ [
+ "R",
+ "ich"
+ ],
+ [
+ "Ġex",
+ "empt"
+ ],
+ [
+ "V",
+ "ER"
+ ],
+ [
+ "Ġst",
+ "ip"
+ ],
+ [
+ "Ġpl",
+ "ains"
+ ],
+ [
+ "ĠDet",
+ "ect"
+ ],
+ [
+ "Ġsell",
+ "s"
+ ],
+ [
+ "ĠRom",
+ "ance"
+ ],
+ [
+ "ĠT",
+ "i"
+ ],
+ [
+ "Ġconcent",
+ "rating"
+ ],
+ [
+ "V",
+ "R"
+ ],
+ [
+ "il",
+ "ated"
+ ],
+ [
+ "ĠT",
+ "oy"
+ ],
+ [
+ "Ġmand",
+ "ate"
+ ],
+ [
+ "uke",
+ "mia"
+ ],
+ [
+ "at",
+ "um"
+ ],
+ [
+ "Ġimm",
+ "ort"
+ ],
+ [
+ "Ġexceed",
+ "ing"
+ ],
+ [
+ "_",
+ "re"
+ ],
+ [
+ "ĠTr",
+ "ial"
+ ],
+ [
+ "Ġpath",
+ "ogenic"
+ ],
+ [
+ "ĠC",
+ "ort"
+ ],
+ [
+ "sor",
+ "iasis"
+ ],
+ [
+ "Ġher",
+ "d"
+ ],
+ [
+ "st",
+ "ack"
+ ],
+ [
+ "Ġsw",
+ "ings"
+ ],
+ [
+ "Ġacid",
+ "ity"
+ ],
+ [
+ "Ġdef",
+ "enses"
+ ],
+ [
+ "Ġcon",
+ "sole"
+ ],
+ [
+ "ĠB",
+ "in"
+ ],
+ [
+ "Ġfor",
+ "k"
+ ],
+ [
+ "Ġtrans",
+ "ient"
+ ],
+ [
+ "Ġ>",
+ ">"
+ ],
+ [
+ "Ġslow",
+ "ing"
+ ],
+ [
+ "Ġadvoc",
+ "ated"
+ ],
+ [
+ "Ġpu",
+ "berty"
+ ],
+ [
+ "Ġhold",
+ "er"
+ ],
+ [
+ "Ġfrag",
+ "ment"
+ ],
+ [
+ "Ġback",
+ "wards"
+ ],
+ [
+ "Ġcop",
+ "ied"
+ ],
+ [
+ "al",
+ "is"
+ ],
+ [
+ "ĠCorpor",
+ "ate"
+ ],
+ [
+ "-",
+ "conscious"
+ ],
+ [
+ "Ġc",
+ "ovari"
+ ],
+ [
+ "ĠE",
+ "ither"
+ ],
+ [
+ "Ġsub",
+ "c"
+ ],
+ [
+ "Ġm",
+ "alf"
+ ],
+ [
+ "im",
+ "ates"
+ ],
+ [
+ "Ġsp",
+ "arse"
+ ],
+ [
+ "ou",
+ "ver"
+ ],
+ [
+ "ĠC",
+ "ars"
+ ],
+ [
+ "ĠH",
+ "il"
+ ],
+ [
+ "Ġhurd",
+ "les"
+ ],
+ [
+ "Ġimp",
+ "ress"
+ ],
+ [
+ "st",
+ "ation"
+ ],
+ [
+ "Ġcan",
+ "als"
+ ],
+ [
+ "00",
+ "7"
+ ],
+ [
+ "ĠAd",
+ "m"
+ ],
+ [
+ "ĠCan",
+ "adians"
+ ],
+ [
+ "edi",
+ "ated"
+ ],
+ [
+ "Ġdist",
+ "ortion"
+ ],
+ [
+ "Ġcred",
+ "ible"
+ ],
+ [
+ "ĠComput",
+ "ers"
+ ],
+ [
+ "Ġtroubles",
+ "h"
+ ],
+ [
+ "us",
+ "k"
+ ],
+ [
+ "Ġeng",
+ "ra"
+ ],
+ [
+ "Ġide",
+ "ally"
+ ],
+ [
+ "ĠLe",
+ "ave"
+ ],
+ [
+ "ĠHigh",
+ "way"
+ ],
+ [
+ "O",
+ "x"
+ ],
+ [
+ "ĠS",
+ "ierra"
+ ],
+ [
+ "Ġcur",
+ "sor"
+ ],
+ [
+ "}^",
+ "{\\"
+ ],
+ [
+ "Ġt",
+ "f"
+ ],
+ [
+ "Ĵ",
+ "Į"
+ ],
+ [
+ "ĠM",
+ "ut"
+ ],
+ [
+ "Ġmurd",
+ "ered"
+ ],
+ [
+ "Ġo",
+ "y"
+ ],
+ [
+ "Ġcan",
+ "s"
+ ],
+ [
+ "Ġl",
+ "n"
+ ],
+ [
+ "Ġemp",
+ "ires"
+ ],
+ [
+ "ĠPat",
+ "tern"
+ ],
+ [
+ "Ġcater",
+ "ing"
+ ],
+ [
+ "Ġine",
+ "ffective"
+ ],
+ [
+ "ook",
+ "s"
+ ],
+ [
+ "Ġhard",
+ "est"
+ ],
+ [
+ "Ġexplo",
+ "ited"
+ ],
+ [
+ "Ġrecip",
+ "ients"
+ ],
+ [
+ "OV",
+ "A"
+ ],
+ [
+ "w",
+ "art"
+ ],
+ [
+ "ĠK",
+ "ill"
+ ],
+ [
+ "Ġsmo",
+ "other"
+ ],
+ [
+ "or",
+ "p"
+ ],
+ [
+ "ia",
+ "e"
+ ],
+ [
+ "Ġbiop",
+ "sy"
+ ],
+ [
+ "âĶĢ",
+ "âĶĢ"
+ ],
+ [
+ "irt",
+ "ual"
+ ],
+ [
+ "Ġpl",
+ "aus"
+ ],
+ [
+ "ĠC",
+ "NN"
+ ],
+ [
+ "Ġcollabor",
+ "ating"
+ ],
+ [
+ "0",
+ "12"
+ ],
+ [
+ "30",
+ "2"
+ ],
+ [
+ "ĠK",
+ "er"
+ ],
+ [
+ "-c",
+ "ounter"
+ ],
+ [
+ "âĤ¬",
+ "âĦ¢"
+ ],
+ [
+ "ĠL",
+ "aura"
+ ],
+ [
+ "with",
+ "out"
+ ],
+ [
+ "ĠCamp",
+ "bell"
+ ],
+ [
+ "ĠLands",
+ "cape"
+ ],
+ [
+ "ĠG",
+ "CSE"
+ ],
+ [
+ "ĠAt",
+ "hen"
+ ],
+ [
+ "-",
+ "vis"
+ ],
+ [
+ "Ġcor",
+ "rid"
+ ],
+ [
+ "Ġopt",
+ "ic"
+ ],
+ [
+ "ST",
+ "EM"
+ ],
+ [
+ "v",
+ "olution"
+ ],
+ [
+ "ĠM",
+ "eg"
+ ],
+ [
+ "Ġbrainstorm",
+ "ing"
+ ],
+ [
+ "Ġo",
+ "lig"
+ ],
+ [
+ "Ġdec",
+ "oration"
+ ],
+ [
+ "CO",
+ "OKING"
+ ],
+ [
+ "int",
+ "end"
+ ],
+ [
+ "Ġir",
+ "rad"
+ ],
+ [
+ "Ġwork",
+ "outs"
+ ],
+ [
+ "Expl",
+ "ain"
+ ],
+ [
+ "ĠHyp",
+ "ot"
+ ],
+ [
+ "Ġcook",
+ "ie"
+ ],
+ [
+ "Ġconvey",
+ "or"
+ ],
+ [
+ "Ġhe",
+ "mp"
+ ],
+ [
+ "F",
+ "il"
+ ],
+ [
+ "Ġw",
+ "rink"
+ ],
+ [
+ "Gener",
+ "ally"
+ ],
+ [
+ "ĠB",
+ "ruce"
+ ],
+ [
+ "åı",
+ "¯"
+ ],
+ [
+ "ĠHud",
+ "son"
+ ],
+ [
+ "pr",
+ "ice"
+ ],
+ [
+ "ĠRed",
+ "dit"
+ ],
+ [
+ "al",
+ "an"
+ ],
+ [
+ "=",
+ "Ċ"
+ ],
+ [
+ "-f",
+ "illed"
+ ],
+ [
+ "te",
+ "x"
+ ],
+ [
+ "Ġasc",
+ "ertain"
+ ],
+ [
+ "c",
+ "hemical"
+ ],
+ [
+ "Ġconve",
+ "x"
+ ],
+ [
+ "u",
+ "rom"
+ ],
+ [
+ "Ġl",
+ "amb"
+ ],
+ [
+ "ĠCam",
+ "er"
+ ],
+ [
+ "-",
+ "ion"
+ ],
+ [
+ "Ġopen",
+ "ings"
+ ],
+ [
+ "Ġenl",
+ "arged"
+ ],
+ [
+ "W",
+ "ant"
+ ],
+ [
+ "n",
+ "els"
+ ],
+ [
+ "ĠK",
+ "elly"
+ ],
+ [
+ "Ġgi",
+ "ants"
+ ],
+ [
+ "re",
+ "mes"
+ ],
+ [
+ "or",
+ "as"
+ ],
+ [
+ "Ġm",
+ "ock"
+ ],
+ [
+ "ĠChar",
+ "lotte"
+ ],
+ [
+ "ĠL",
+ "ayer"
+ ],
+ [
+ "Ġse",
+ "aw"
+ ],
+ [
+ "Ġform",
+ "idable"
+ ],
+ [
+ "ri",
+ "pp"
+ ],
+ [
+ "all",
+ "as"
+ ],
+ [
+ "Ġopi",
+ "oid"
+ ],
+ [
+ "T",
+ "yp"
+ ],
+ [
+ "ĠEar",
+ "l"
+ ],
+ [
+ "ĠRec",
+ "ognition"
+ ],
+ [
+ "Ġco",
+ "res"
+ ],
+ [
+ "ĠR",
+ "EL"
+ ],
+ [
+ "ph",
+ "an"
+ ],
+ [
+ "л",
+ "ÑĮ"
+ ],
+ [
+ "Ġcontrib",
+ "utor"
+ ],
+ [
+ "+",
+ "="
+ ],
+ [
+ "Ġge",
+ "opolitical"
+ ],
+ [
+ "Ġinver",
+ "te"
+ ],
+ [
+ "nam",
+ "ents"
+ ],
+ [
+ "Ġrep",
+ "ository"
+ ],
+ [
+ "it",
+ "ian"
+ ],
+ [
+ "ortun",
+ "ate"
+ ],
+ [
+ "ĠDom",
+ "ain"
+ ],
+ [
+ "Ġout",
+ "reach"
+ ],
+ [
+ "ĠK",
+ "S"
+ ],
+ [
+ "Ġcoast",
+ "line"
+ ],
+ [
+ "yl",
+ "um"
+ ],
+ [
+ "Qu",
+ "ant"
+ ],
+ [
+ "Ġneuro",
+ "science"
+ ],
+ [
+ "Ġred",
+ "ist"
+ ],
+ [
+ "ĠExper",
+ "iences"
+ ],
+ [
+ "Ġdecis",
+ "ive"
+ ],
+ [
+ "R",
+ "Y"
+ ],
+ [
+ "i",
+ "per"
+ ],
+ [
+ "F",
+ "inding"
+ ],
+ [
+ "Ġsc",
+ "issors"
+ ],
+ [
+ "Ġpione",
+ "ers"
+ ],
+ [
+ "ï",
+ "¬"
+ ],
+ [
+ "AS",
+ "H"
+ ],
+ [
+ "Pub",
+ "Med"
+ ],
+ [
+ "b",
+ "ank"
+ ],
+ [
+ "Ġent",
+ "ropy"
+ ],
+ [
+ "Ġv",
+ "iability"
+ ],
+ [
+ "B",
+ "E"
+ ],
+ [
+ "AN",
+ "CE"
+ ],
+ [
+ "Ġcos",
+ "metic"
+ ],
+ [
+ "Ġf",
+ "ond"
+ ],
+ [
+ "ĠG",
+ "E"
+ ],
+ [
+ "ak",
+ "ening"
+ ],
+ [
+ "ĠV",
+ "ik"
+ ],
+ [
+ "Ġgo",
+ "at"
+ ],
+ [
+ "ĠLe",
+ "v"
+ ],
+ [
+ "Ġenl",
+ "arge"
+ ],
+ [
+ "'",
+ ".Ċ"
+ ],
+ [
+ "-t",
+ "aking"
+ ],
+ [
+ "Ġaer",
+ "ospace"
+ ],
+ [
+ "ĠHung",
+ "arian"
+ ],
+ [
+ "Ġinter",
+ "rog"
+ ],
+ [
+ "Ġmiss",
+ "ile"
+ ],
+ [
+ "-",
+ "as"
+ ],
+ [
+ "ĠRepresent",
+ "ation"
+ ],
+ [
+ "Ġl",
+ "ending"
+ ],
+ [
+ "Ġhum",
+ "ming"
+ ],
+ [
+ "Ġprevent",
+ "ative"
+ ],
+ [
+ "ĠG",
+ "L"
+ ],
+ [
+ "Ġon",
+ "t"
+ ],
+ [
+ "Ġmaj",
+ "estic"
+ ],
+ [
+ "ĠBapt",
+ "ist"
+ ],
+ [
+ "Ġcomplex",
+ "es"
+ ],
+ [
+ "ĠMed",
+ "ium"
+ ],
+ [
+ "ĠImple",
+ "mentation"
+ ],
+ [
+ "3",
+ "75"
+ ],
+ [
+ "Ġdownload",
+ "ing"
+ ],
+ [
+ "ç",
+ "ão"
+ ],
+ [
+ "in",
+ "burgh"
+ ],
+ [
+ "ен",
+ "и"
+ ],
+ [
+ "ĠW",
+ "atson"
+ ],
+ [
+ "ur",
+ "ate"
+ ],
+ [
+ "ĠStreng",
+ "th"
+ ],
+ [
+ "ĠV",
+ "as"
+ ],
+ [
+ "ĠDesign",
+ "ed"
+ ],
+ [
+ "ĠPlan",
+ "ck"
+ ],
+ [
+ "EL",
+ "F"
+ ],
+ [
+ "pe",
+ "cies"
+ ],
+ [
+ "Ġreservoir",
+ "s"
+ ],
+ [
+ "te",
+ "chn"
+ ],
+ [
+ "Ġpel",
+ "vic"
+ ],
+ [
+ "Ġmod",
+ "alities"
+ ],
+ [
+ "Ġlet",
+ "tuce"
+ ],
+ [
+ "F",
+ "O"
+ ],
+ [
+ "/",
+ "O"
+ ],
+ [
+ "ĠD",
+ "VD"
+ ],
+ [
+ "ĠInf",
+ "ant"
+ ],
+ [
+ "Ġsuns",
+ "et"
+ ],
+ [
+ "Ġt",
+ "idal"
+ ],
+ [
+ "os",
+ "omal"
+ ],
+ [
+ "ĠAud",
+ "io"
+ ],
+ [
+ "-f",
+ "irst"
+ ],
+ [
+ "Ġex",
+ "clude"
+ ],
+ [
+ "que",
+ "ous"
+ ],
+ [
+ "(",
+ "ii"
+ ],
+ [
+ "T",
+ "r"
+ ],
+ [
+ "Ġmal",
+ "ignant"
+ ],
+ [
+ "Brit",
+ "ish"
+ ],
+ [
+ "ĠAdvent",
+ "ure"
+ ],
+ [
+ "ĠN",
+ "othing"
+ ],
+ [
+ "Ġenc",
+ "oded"
+ ],
+ [
+ "Ġvisual",
+ "s"
+ ],
+ [
+ "g",
+ "erald"
+ ],
+ [
+ "ai",
+ "ro"
+ ],
+ [
+ "ĠïĢ",
+ "½"
+ ],
+ [
+ "Ġf",
+ "al"
+ ],
+ [
+ "Ġsp",
+ "anish"
+ ],
+ [
+ "ĠEs",
+ "pecially"
+ ],
+ [
+ "3",
+ "80"
+ ],
+ [
+ "ĠMad",
+ "ison"
+ ],
+ [
+ "ĠC",
+ "roat"
+ ],
+ [
+ "Ġcohes",
+ "ive"
+ ],
+ [
+ "on",
+ "ies"
+ ],
+ [
+ "ĠInteg",
+ "rating"
+ ],
+ [
+ "commun",
+ "ication"
+ ],
+ [
+ "Ġj",
+ "an"
+ ],
+ [
+ "Ġdistur",
+ "bing"
+ ],
+ [
+ "ĠS",
+ "ame"
+ ],
+ [
+ "ĠBe",
+ "ck"
+ ],
+ [
+ "C",
+ "e"
+ ],
+ [
+ "qu",
+ "estion"
+ ],
+ [
+ "ĠTh",
+ "ous"
+ ],
+ [
+ "Ġval",
+ "leys"
+ ],
+ [
+ "-b",
+ "orn"
+ ],
+ [
+ "Ġquiet",
+ "ly"
+ ],
+ [
+ ":",
+ "<"
+ ],
+ [
+ "ĠN",
+ "ar"
+ ],
+ [
+ "ploy",
+ "ed"
+ ],
+ [
+ "Ġoptim",
+ "istic"
+ ],
+ [
+ "ĠLibr",
+ "aries"
+ ],
+ [
+ "Ġf",
+ "res"
+ ],
+ [
+ "Ġceram",
+ "ics"
+ ],
+ [
+ "Ġ",
+ "erg"
+ ],
+ [
+ "Ġoccup",
+ "ations"
+ ],
+ [
+ "ĠEngine",
+ "er"
+ ],
+ [
+ "P",
+ "ython"
+ ],
+ [
+ "ord",
+ "ered"
+ ],
+ [
+ "Ġexper",
+ "iential"
+ ],
+ [
+ "Ġe",
+ "agle"
+ ],
+ [
+ "co",
+ "ins"
+ ],
+ [
+ "ĠArk",
+ "ansas"
+ ],
+ [
+ "S",
+ "ize"
+ ],
+ [
+ "Ġenrich",
+ "ment"
+ ],
+ [
+ "_",
+ "str"
+ ],
+ [
+ "Ġs",
+ "aint"
+ ],
+ [
+ "N",
+ "eed"
+ ],
+ [
+ "__",
+ "':Ċ"
+ ],
+ [
+ "-de",
+ "velop"
+ ],
+ [
+ "is",
+ "ers"
+ ],
+ [
+ "Ġb",
+ "ile"
+ ],
+ [
+ "ate",
+ "red"
+ ],
+ [
+ "Ġexp",
+ "osures"
+ ],
+ [
+ "Ġsett",
+ "ling"
+ ],
+ [
+ "Ġd",
+ "ances"
+ ],
+ [
+ "Ġdiscl",
+ "osure"
+ ],
+ [
+ "Ġalcohol",
+ "ic"
+ ],
+ [
+ "le",
+ "e"
+ ],
+ [
+ "Ġl",
+ "ays"
+ ],
+ [
+ "Ġrent",
+ "al"
+ ],
+ [
+ "Ġf",
+ "onts"
+ ],
+ [
+ "qu",
+ "in"
+ ],
+ [
+ "Ġadd",
+ "itions"
+ ],
+ [
+ "-ass",
+ "ociated"
+ ],
+ [
+ "Ġmeticul",
+ "ously"
+ ],
+ [
+ "Ġthe",
+ "ta"
+ ],
+ [
+ "ĠInst",
+ "itutes"
+ ],
+ [
+ "ĠDiv",
+ "ine"
+ ],
+ [
+ "iki",
+ "how"
+ ],
+ [
+ "Ġpre",
+ "requ"
+ ],
+ [
+ "Pl",
+ "an"
+ ],
+ [
+ "å",
+ "¹"
+ ],
+ [
+ "Ġsp",
+ "ouse"
+ ],
+ [
+ "Ġinc",
+ "arcer"
+ ],
+ [
+ "-",
+ "ind"
+ ],
+ [
+ "g",
+ "r"
+ ],
+ [
+ "ĠK",
+ "on"
+ ],
+ [
+ "_",
+ "string"
+ ],
+ [
+ "Ġp",
+ "oured"
+ ],
+ [
+ "Ġhere",
+ "in"
+ ],
+ [
+ "advant",
+ "ages"
+ ],
+ [
+ "iothe",
+ "rapy"
+ ],
+ [
+ "d",
+ "owns"
+ ],
+ [
+ "ĠGra",
+ "duate"
+ ],
+ [
+ "ĠT",
+ "ables"
+ ],
+ [
+ "Ġacceler",
+ "ating"
+ ],
+ [
+ "R",
+ "ober"
+ ],
+ [
+ "_",
+ "score"
+ ],
+ [
+ "Ġscient",
+ "ifically"
+ ],
+ [
+ "Ġmel",
+ "odies"
+ ],
+ [
+ "Ġsell",
+ "ers"
+ ],
+ [
+ "I",
+ "E"
+ ],
+ [
+ "Ġwild",
+ "fires"
+ ],
+ [
+ "ĠY",
+ "ah"
+ ],
+ [
+ "Ġel",
+ "bow"
+ ],
+ [
+ "ĠÐ",
+ "·"
+ ],
+ [
+ "Ġm",
+ "ening"
+ ],
+ [
+ "Ġgest",
+ "ure"
+ ],
+ [
+ "á¹",
+ "£"
+ ],
+ [
+ "qu",
+ "al"
+ ],
+ [
+ "ank",
+ "ton"
+ ],
+ [
+ "Right",
+ "arrow"
+ ],
+ [
+ "ĠV",
+ "ul"
+ ],
+ [
+ "R",
+ "NAs"
+ ],
+ [
+ "Ġde",
+ "generation"
+ ],
+ [
+ "ost",
+ "asis"
+ ],
+ [
+ "ap",
+ "a"
+ ],
+ [
+ "Ġprepared",
+ "ness"
+ ],
+ [
+ "vers",
+ "ible"
+ ],
+ [
+ "Ġt",
+ "am"
+ ],
+ [
+ "ĠS",
+ "omething"
+ ],
+ [
+ "Ġover",
+ "he"
+ ],
+ [
+ "Ġdisc",
+ "arded"
+ ],
+ [
+ "Ġguid",
+ "eline"
+ ],
+ [
+ "è¡",
+ "¨"
+ ],
+ [
+ "ĠAlgorith",
+ "m"
+ ],
+ [
+ "F",
+ "amily"
+ ],
+ [
+ "m",
+ "ont"
+ ],
+ [
+ "Ġcou",
+ "pling"
+ ],
+ [
+ "ĠSet",
+ "tings"
+ ],
+ [
+ "/",
+ "st"
+ ],
+ [
+ "ĠB",
+ "attery"
+ ],
+ [
+ "V",
+ "II"
+ ],
+ [
+ "Ġhat",
+ "red"
+ ],
+ [
+ "Ġware",
+ "house"
+ ],
+ [
+ "v",
+ "ents"
+ ],
+ [
+ "{",
+ "}"
+ ],
+ [
+ "ord",
+ "inates"
+ ],
+ [
+ "Ġ'",
+ "*"
+ ],
+ [
+ "Ġpsych",
+ "iat"
+ ],
+ [
+ "osc",
+ "ope"
+ ],
+ [
+ "ĠL",
+ "ux"
+ ],
+ [
+ "pos",
+ "ium"
+ ],
+ [
+ "Ġvow",
+ "els"
+ ],
+ [
+ "Ġfulf",
+ "illed"
+ ],
+ [
+ "ke",
+ "eper"
+ ],
+ [
+ "Ġh",
+ "atch"
+ ],
+ [
+ "к",
+ "и"
+ ],
+ [
+ "Ġwith",
+ "d"
+ ],
+ [
+ "accur",
+ "ate"
+ ],
+ [
+ "Ġprofession",
+ "ally"
+ ],
+ [
+ "Ġur",
+ "ged"
+ ],
+ [
+ "Ġdev",
+ "iations"
+ ],
+ [
+ "Ġmodel",
+ "ed"
+ ],
+ [
+ "Ġvalid",
+ "ated"
+ ],
+ [
+ "ĠRail",
+ "way"
+ ],
+ [
+ "ĠEmer",
+ "ging"
+ ],
+ [
+ "r",
+ "atory"
+ ],
+ [
+ "ĠGra",
+ "ham"
+ ],
+ [
+ "Ġminim",
+ "izes"
+ ],
+ [
+ "Ġbl",
+ "ends"
+ ],
+ [
+ "Ġintest",
+ "ines"
+ ],
+ [
+ "Ġall",
+ "ied"
+ ],
+ [
+ "ĠSur",
+ "ve"
+ ],
+ [
+ "zer",
+ "os"
+ ],
+ [
+ "g",
+ "reat"
+ ],
+ [
+ "ost",
+ "ing"
+ ],
+ [
+ "Ġsp",
+ "ores"
+ ],
+ [
+ "ï",
+ "Ģ"
+ ],
+ [
+ "Ġal",
+ "arming"
+ ],
+ [
+ "ĠRe",
+ "ef"
+ ],
+ [
+ "Ġc",
+ "innamon"
+ ],
+ [
+ "Ġle",
+ "thal"
+ ],
+ [
+ "le",
+ "vel"
+ ],
+ [
+ "Ġg",
+ "ears"
+ ],
+ [
+ "Ġbehaviour",
+ "al"
+ ],
+ [
+ "Ġcapital",
+ "ist"
+ ],
+ [
+ "Ġtu",
+ "ple"
+ ],
+ [
+ "osph",
+ "ate"
+ ],
+ [
+ "Ġce",
+ "ase"
+ ],
+ [
+ "Ġsupplement",
+ "ary"
+ ],
+ [
+ "ĠEnh",
+ "anced"
+ ],
+ [
+ "?",
+ ")"
+ ],
+ [
+ "ath",
+ "a"
+ ],
+ [
+ "Ġsubsc",
+ "ribe"
+ ],
+ [
+ "Ġhe",
+ "ap"
+ ],
+ [
+ "ĠH",
+ "at"
+ ],
+ [
+ "Ġbal",
+ "d"
+ ],
+ [
+ "ĠGu",
+ "y"
+ ],
+ [
+ "ĠEqu",
+ "ity"
+ ],
+ [
+ "ra",
+ "cial"
+ ],
+ [
+ "Ġcl",
+ "ips"
+ ],
+ [
+ "Ġover",
+ "th"
+ ],
+ [
+ "Vis",
+ "ual"
+ ],
+ [
+ "Ġbacter",
+ "ium"
+ ],
+ [
+ "Ġch",
+ "in"
+ ],
+ [
+ "Ġbar",
+ "ley"
+ ],
+ [
+ "30",
+ "3"
+ ],
+ [
+ "ĠUg",
+ "anda"
+ ],
+ [
+ "Ġv",
+ "in"
+ ],
+ [
+ "ou",
+ "st"
+ ],
+ [
+ "E",
+ "val"
+ ],
+ [
+ "Ġe",
+ "uropean"
+ ],
+ [
+ "ĠB",
+ "iden"
+ ],
+ [
+ "Ġic",
+ "ons"
+ ],
+ [
+ "u",
+ "asive"
+ ],
+ [
+ "ric",
+ "ted"
+ ],
+ [
+ "Ġpo",
+ "inter"
+ ],
+ [
+ "Ġbur",
+ "ge"
+ ],
+ [
+ "Ġp",
+ "ains"
+ ],
+ [
+ "ry",
+ "s"
+ ],
+ [
+ "Ġnow",
+ "here"
+ ],
+ [
+ "Ġsuper",
+ "b"
+ ],
+ [
+ "W",
+ "as"
+ ],
+ [
+ "ĠT",
+ "ales"
+ ],
+ [
+ "Ġunivers",
+ "ally"
+ ],
+ [
+ "Ġincons",
+ "ist"
+ ],
+ [
+ "B",
+ "USINESS"
+ ],
+ [
+ "ĠC",
+ "ryst"
+ ],
+ [
+ "Ġen",
+ "light"
+ ],
+ [
+ "Ġarchae",
+ "ologists"
+ ],
+ [
+ "AR",
+ "CH"
+ ],
+ [
+ "Ġe",
+ "ukary"
+ ],
+ [
+ "Ġrecur",
+ "rence"
+ ],
+ [
+ "Ä",
+ "ĩ"
+ ],
+ [
+ "ĠW",
+ "onder"
+ ],
+ [
+ "Ġtire",
+ "lessly"
+ ],
+ [
+ "Stand",
+ "ard"
+ ],
+ [
+ "ĠRis",
+ "ks"
+ ],
+ [
+ "Ġs",
+ "pp"
+ ],
+ [
+ "Ġcar",
+ "pet"
+ ],
+ [
+ "Ġsumm",
+ "aries"
+ ],
+ [
+ ":",
+ "\\"
+ ],
+ [
+ "Ġaw",
+ "ait"
+ ],
+ [
+ "Ġpedag",
+ "ogical"
+ ],
+ [
+ "in",
+ "ine"
+ ],
+ [
+ "Ġsu",
+ "p"
+ ],
+ [
+ "U",
+ "CATION"
+ ],
+ [
+ "ĠPharm",
+ "ac"
+ ],
+ [
+ "ĠT",
+ "owns"
+ ],
+ [
+ "empt",
+ "y"
+ ],
+ [
+ "Ġsuns",
+ "hine"
+ ],
+ [
+ "Ġs",
+ "ibling"
+ ],
+ [
+ "bl",
+ "og"
+ ],
+ [
+ "H",
+ "um"
+ ],
+ [
+ "ĠG",
+ "rades"
+ ],
+ [
+ "Ġris",
+ "en"
+ ],
+ [
+ "Ġstat",
+ "ues"
+ ],
+ [
+ "Ġpean",
+ "ut"
+ ],
+ [
+ "ĠNAT",
+ "O"
+ ],
+ [
+ "Ġdisc",
+ "oura"
+ ],
+ [
+ "Ġwar",
+ "rior"
+ ],
+ [
+ "Ġrational",
+ "e"
+ ],
+ [
+ "Ġbiom",
+ "edical"
+ ],
+ [
+ "d",
+ "ep"
+ ],
+ [
+ "Ġblank",
+ "et"
+ ],
+ [
+ "ĠâĢĵ",
+ "Ċ"
+ ],
+ [
+ "eng",
+ "ue"
+ ],
+ [
+ "Ġhero",
+ "ic"
+ ],
+ [
+ "g",
+ "rass"
+ ],
+ [
+ "ĠH",
+ "orn"
+ ],
+ [
+ "ld",
+ "ots"
+ ],
+ [
+ "Vol",
+ "ume"
+ ],
+ [
+ "pe",
+ "x"
+ ],
+ [
+ "27",
+ "3"
+ ],
+ [
+ "ĠCat",
+ "hedral"
+ ],
+ [
+ "ĠVen",
+ "ice"
+ ],
+ [
+ "Ġr",
+ "anged"
+ ],
+ [
+ "Ġfun",
+ "eral"
+ ],
+ [
+ "Ġjust",
+ "ification"
+ ],
+ [
+ "ĠT",
+ "ap"
+ ],
+ [
+ "hemat",
+ "ics"
+ ],
+ [
+ "F",
+ "ast"
+ ],
+ [
+ "ĠR",
+ "yan"
+ ],
+ [
+ "Ġles",
+ "bian"
+ ],
+ [
+ "Ġc",
+ "u"
+ ],
+ [
+ "Ġg",
+ "erman"
+ ],
+ [
+ "ort",
+ "ment"
+ ],
+ [
+ "ĠSc",
+ "ore"
+ ],
+ [
+ "ĠPort",
+ "land"
+ ],
+ [
+ "L",
+ "iter"
+ ],
+ [
+ "Ġb",
+ "iting"
+ ],
+ [
+ "arg",
+ "er"
+ ],
+ [
+ "-d",
+ "etermination"
+ ],
+ [
+ "¬",
+ "â"
+ ],
+ [
+ "Ġob",
+ "edience"
+ ],
+ [
+ "Ġemb",
+ "odies"
+ ],
+ [
+ "Ġoutl",
+ "ining"
+ ],
+ [
+ "ĠRead",
+ "er"
+ ],
+ [
+ "B",
+ "ra"
+ ],
+ [
+ "Ġv",
+ "ivo"
+ ],
+ [
+ "ĠW",
+ "ard"
+ ],
+ [
+ "ĠB",
+ "ibli"
+ ],
+ [
+ "Ġl",
+ "over"
+ ],
+ [
+ "Ġclust",
+ "ering"
+ ],
+ [
+ "ear",
+ "th"
+ ],
+ [
+ "asp",
+ "berry"
+ ],
+ [
+ "ĠG",
+ "ross"
+ ],
+ [
+ "ĠV",
+ "III"
+ ],
+ [
+ "Ġpres",
+ "idency"
+ ],
+ [
+ "P",
+ "RO"
+ ],
+ [
+ "Ġf",
+ "ür"
+ ],
+ [
+ "ĠExam",
+ "ining"
+ ],
+ [
+ "Y",
+ "OU"
+ ],
+ [
+ "S",
+ "olve"
+ ],
+ [
+ "av",
+ "an"
+ ],
+ [
+ "Th",
+ "omas"
+ ],
+ [
+ "/s",
+ "he"
+ ],
+ [
+ "havior",
+ "al"
+ ],
+ [
+ "D",
+ "B"
+ ],
+ [
+ "s",
+ "u"
+ ],
+ [
+ "Ġsol",
+ "ace"
+ ],
+ [
+ "Ġ<",
+ "<"
+ ],
+ [
+ "Ġe",
+ "go"
+ ],
+ [
+ "-",
+ "("
+ ],
+ [
+ "Ġsocial",
+ "ist"
+ ],
+ [
+ "Ġshel",
+ "ters"
+ ],
+ [
+ "Ġmil",
+ "estone"
+ ],
+ [
+ "Ġunderm",
+ "ine"
+ ],
+ [
+ "ĠH",
+ "ousing"
+ ],
+ [
+ "Ġquot",
+ "ations"
+ ],
+ [
+ "Ġdens",
+ "ities"
+ ],
+ [
+ "Ġtur",
+ "moil"
+ ],
+ [
+ "Ġreminis",
+ "cent"
+ ],
+ [
+ "c",
+ "up"
+ ],
+ [
+ "Ġsyn",
+ "onymous"
+ ],
+ [
+ "a",
+ "ic"
+ ],
+ [
+ "Ġeconom",
+ "ists"
+ ],
+ [
+ "Ġforb",
+ "idden"
+ ],
+ [
+ "Ġsu",
+ "ite"
+ ],
+ [
+ "Ġlapt",
+ "ops"
+ ],
+ [
+ "Ġant",
+ "idepress"
+ ],
+ [
+ "Ġmitochond",
+ "rial"
+ ],
+ [
+ "ĠS",
+ "ocrates"
+ ],
+ [
+ "ĠTH",
+ "IS"
+ ],
+ [
+ "Ġdr",
+ "ills"
+ ],
+ [
+ "Ġembry",
+ "os"
+ ],
+ [
+ "'",
+ "S"
+ ],
+ [
+ "Ġa",
+ "pr"
+ ],
+ [
+ "ĠY",
+ "u"
+ ],
+ [
+ "ĠSoci",
+ "ology"
+ ],
+ [
+ "\\",
+ "cdot"
+ ],
+ [
+ "ess",
+ "ential"
+ ],
+ [
+ "Ġfol",
+ "ding"
+ ],
+ [
+ "OGRAP",
+ "HY"
+ ],
+ [
+ "=",
+ "x"
+ ],
+ [
+ "ĠM",
+ "T"
+ ],
+ [
+ "ib",
+ "ular"
+ ],
+ [
+ "ob",
+ "iles"
+ ],
+ [
+ "Ġf",
+ "are"
+ ],
+ [
+ "Ġexception",
+ "ally"
+ ],
+ [
+ "ask",
+ "ed"
+ ],
+ [
+ "Ġt",
+ "icks"
+ ],
+ [
+ "Ġexhib",
+ "itions"
+ ],
+ [
+ "ract",
+ "ing"
+ ],
+ [
+ "Ø",
+ "¨"
+ ],
+ [
+ "Ġimp",
+ "ressions"
+ ],
+ [
+ "..",
+ ".,"
+ ],
+ [
+ "Ġdetail",
+ "ing"
+ ],
+ [
+ "Ġadorn",
+ "ed"
+ ],
+ [
+ "ĠPar",
+ "agraph"
+ ],
+ [
+ "Ġà",
+ "¹"
+ ],
+ [
+ "rop",
+ "olis"
+ ],
+ [
+ "Ġborrow",
+ "ing"
+ ],
+ [
+ "nd",
+ "a"
+ ],
+ [
+ "ĠK",
+ "os"
+ ],
+ [
+ "ud",
+ "ed"
+ ],
+ [
+ "Ġge",
+ "othermal"
+ ],
+ [
+ "Ġform",
+ "ative"
+ ],
+ [
+ "ĠAng",
+ "le"
+ ],
+ [
+ "Ġconv",
+ "iction"
+ ],
+ [
+ "Ġisot",
+ "ope"
+ ],
+ [
+ "-m",
+ "akers"
+ ],
+ [
+ "ĠMind",
+ "fulness"
+ ],
+ [
+ "Ġsixt",
+ "y"
+ ],
+ [
+ "Ġunch",
+ "anged"
+ ],
+ [
+ "2",
+ "17"
+ ],
+ [
+ "Ġconsp",
+ "iracy"
+ ],
+ [
+ "Ġacad",
+ "emia"
+ ],
+ [
+ "Ġampl",
+ "ify"
+ ],
+ [
+ "Ġper",
+ "vasive"
+ ],
+ [
+ "B",
+ "uy"
+ ],
+ [
+ "ps",
+ "is"
+ ],
+ [
+ "L",
+ "ab"
+ ],
+ [
+ "sc",
+ "ar"
+ ],
+ [
+ "/",
+ "R"
+ ],
+ [
+ "ĠAdd",
+ "iction"
+ ],
+ [
+ "am",
+ "as"
+ ],
+ [
+ "Ġrefres",
+ "hing"
+ ],
+ [
+ "Ġtrig",
+ "gering"
+ ],
+ [
+ "Ġcompl",
+ "aint"
+ ],
+ [
+ "Ġecl",
+ "ipse"
+ ],
+ [
+ ">>",
+ ">"
+ ],
+ [
+ "ĠC",
+ "anyon"
+ ],
+ [
+ "Ġshe",
+ "ds"
+ ],
+ [
+ "br",
+ "ate"
+ ],
+ [
+ "ĠMor",
+ "ris"
+ ],
+ [
+ "Ġmo",
+ "ons"
+ ],
+ [
+ "Ġround",
+ "ing"
+ ],
+ [
+ "h",
+ "space"
+ ],
+ [
+ "ac",
+ "ión"
+ ],
+ [
+ "-d",
+ "egree"
+ ],
+ [
+ "Ġhom",
+ "ogeneous"
+ ],
+ [
+ "Ġmel",
+ "ted"
+ ],
+ [
+ "ĠWhe",
+ "never"
+ ],
+ [
+ ")",
+ "),"
+ ],
+ [
+ "Ġm",
+ "erc"
+ ],
+ [
+ "ĠC",
+ "auc"
+ ],
+ [
+ "ĠDemocr",
+ "ats"
+ ],
+ [
+ "n",
+ "ell"
+ ],
+ [
+ "Ġgraph",
+ "ing"
+ ],
+ [
+ "Ġachie",
+ "vable"
+ ],
+ [
+ "Ġnit",
+ "rate"
+ ],
+ [
+ "ST",
+ "M"
+ ],
+ [
+ "Ġsacrific",
+ "es"
+ ],
+ [
+ "Calcul",
+ "ate"
+ ],
+ [
+ "\"",
+ "In"
+ ],
+ [
+ "ĠP",
+ "enn"
+ ],
+ [
+ "Ġder",
+ "ives"
+ ],
+ [
+ "Ġestablish",
+ "ments"
+ ],
+ [
+ "ĠLead",
+ "ers"
+ ],
+ [
+ "lock",
+ "ing"
+ ],
+ [
+ "tain",
+ "ment"
+ ],
+ [
+ "Ġsuccess",
+ "or"
+ ],
+ [
+ "-te",
+ "ch"
+ ],
+ [
+ "Ġencrypt",
+ "ed"
+ ],
+ [
+ "Ġا",
+ "ÙĦ"
+ ],
+ [
+ "C",
+ "ultural"
+ ],
+ [
+ "Ġrad",
+ "ial"
+ ],
+ [
+ "-c",
+ "igare"
+ ],
+ [
+ "ĠVir",
+ "us"
+ ],
+ [
+ "ĠU",
+ "ns"
+ ],
+ [
+ "et",
+ "ta"
+ ],
+ [
+ "Ġsummar",
+ "ized"
+ ],
+ [
+ "Ġproduct",
+ "ions"
+ ],
+ [
+ "Ġunderstand",
+ "ings"
+ ],
+ [
+ "Ġdesert",
+ "s"
+ ],
+ [
+ "Ġc",
+ "ush"
+ ],
+ [
+ "Ġd",
+ "t"
+ ],
+ [
+ "est",
+ "ive"
+ ],
+ [
+ "ĠR",
+ "oll"
+ ],
+ [
+ "ĠRo",
+ "ots"
+ ],
+ [
+ "Ġsubsid",
+ "ies"
+ ],
+ [
+ "-",
+ "negative"
+ ],
+ [
+ "W",
+ "ritten"
+ ],
+ [
+ "ĠMedic",
+ "are"
+ ],
+ [
+ "Ġvol",
+ "ts"
+ ],
+ [
+ "het",
+ "ically"
+ ],
+ [
+ "Ġd",
+ "rough"
+ ],
+ [
+ "Orig",
+ "inal"
+ ],
+ [
+ "ĠP",
+ "AR"
+ ],
+ [
+ "ch",
+ "air"
+ ],
+ [
+ "Ġtransport",
+ "ing"
+ ],
+ [
+ "Ġult",
+ "r"
+ ],
+ [
+ "Ġobs",
+ "ervers"
+ ],
+ [
+ "Ġdis",
+ "gu"
+ ],
+ [
+ "ĠG",
+ "RE"
+ ],
+ [
+ "ĠIndust",
+ "ries"
+ ],
+ [
+ "Ġintern",
+ "ally"
+ ],
+ [
+ "Ġparent",
+ "heses"
+ ],
+ [
+ "mon",
+ "ds"
+ ],
+ [
+ "is",
+ "ans"
+ ],
+ [
+ "gg",
+ "le"
+ ],
+ [
+ "Ġtransplant",
+ "ation"
+ ],
+ [
+ "k",
+ "ers"
+ ],
+ [
+ "Ġimp",
+ "ressed"
+ ],
+ [
+ "-l",
+ "ived"
+ ],
+ [
+ "ĠMel",
+ "bourne"
+ ],
+ [
+ ":",
+ "\","
+ ],
+ [
+ "ĠCo",
+ "ffee"
+ ],
+ [
+ "n",
+ "or"
+ ],
+ [
+ "Ch",
+ "inese"
+ ],
+ [
+ "Ġsat",
+ "ire"
+ ],
+ [
+ "Ġp",
+ "orous"
+ ],
+ [
+ "Ġdem",
+ "ocr"
+ ],
+ [
+ "Cross",
+ "Ref"
+ ],
+ [
+ "Î",
+ "·"
+ ],
+ [
+ "Res",
+ "ults"
+ ],
+ [
+ "Ġal",
+ "ly"
+ ],
+ [
+ "ĠSe",
+ "cure"
+ ],
+ [
+ "ane",
+ "ously"
+ ],
+ [
+ "ag",
+ "les"
+ ],
+ [
+ "ĠAp",
+ "ost"
+ ],
+ [
+ "Ġsediment",
+ "ary"
+ ],
+ [
+ "Ġch",
+ "inese"
+ ],
+ [
+ "?",
+ "\"Ċ"
+ ],
+ [
+ "ffic",
+ "acy"
+ ],
+ [
+ "Ġmult",
+ "ic"
+ ],
+ [
+ "Ġlat",
+ "ent"
+ ],
+ [
+ "ĠDet",
+ "roit"
+ ],
+ [
+ ".",
+ ")ĊĊ"
+ ],
+ [
+ "ĠStud",
+ "ying"
+ ],
+ [
+ "Ph",
+ "ys"
+ ],
+ [
+ ".",
+ "]Ċ"
+ ],
+ [
+ "RE",
+ "L"
+ ],
+ [
+ "Ġturb",
+ "ulent"
+ ],
+ [
+ "I",
+ "AL"
+ ],
+ [
+ "Ġp",
+ "unch"
+ ],
+ [
+ "Ġfle",
+ "w"
+ ],
+ [
+ "Ġrot",
+ "ational"
+ ],
+ [
+ "-r",
+ "ange"
+ ],
+ [
+ "ĠComprehens",
+ "ion"
+ ],
+ [
+ "ĠMain",
+ "taining"
+ ],
+ [
+ "ĠQueens",
+ "land"
+ ],
+ [
+ "Ġthir",
+ "teen"
+ ],
+ [
+ "Ġhypot",
+ "hes"
+ ],
+ [
+ "ĠBusiness",
+ "es"
+ ],
+ [
+ "Âł",
+ "ĊĊ"
+ ],
+ [
+ "Ġsh",
+ "aking"
+ ],
+ [
+ "3",
+ "12"
+ ],
+ [
+ "B",
+ "egin"
+ ],
+ [
+ "-h",
+ "ow"
+ ],
+ [
+ "Ġhur",
+ "ricanes"
+ ],
+ [
+ "-gener",
+ "ated"
+ ],
+ [
+ "Ġundes",
+ "irable"
+ ],
+ [
+ "ĠW",
+ "es"
+ ],
+ [
+ "ĠM",
+ "aur"
+ ],
+ [
+ "o",
+ "S"
+ ],
+ [
+ "Ġst",
+ "airs"
+ ],
+ [
+ "Ġaud",
+ "i"
+ ],
+ [
+ "ĠN",
+ "ad"
+ ],
+ [
+ "Ġpack",
+ "ing"
+ ],
+ [
+ "ais",
+ "y"
+ ],
+ [
+ "Ġpr",
+ "ism"
+ ],
+ [
+ "Ġembark",
+ "ed"
+ ],
+ [
+ "Ġless",
+ "en"
+ ],
+ [
+ "ĠDrug",
+ "s"
+ ],
+ [
+ "alth",
+ "ough"
+ ],
+ [
+ "let",
+ "ters"
+ ],
+ [
+ "cel",
+ "ain"
+ ],
+ [
+ "Ġagg",
+ "rav"
+ ],
+ [
+ "Ġthe",
+ "ological"
+ ],
+ [
+ "our",
+ "ism"
+ ],
+ [
+ "ĠM",
+ "t"
+ ],
+ [
+ "ĠC",
+ "BT"
+ ],
+ [
+ "Ch",
+ "oosing"
+ ],
+ [
+ "Ġsp",
+ "o"
+ ],
+ [
+ "Ġcor",
+ "pus"
+ ],
+ [
+ "opath",
+ "ic"
+ ],
+ [
+ "T",
+ "er"
+ ],
+ [
+ "Ġth",
+ "romb"
+ ],
+ [
+ "-",
+ "pe"
+ ],
+ [
+ "Ġun",
+ "just"
+ ],
+ [
+ "-c",
+ "ut"
+ ],
+ [
+ "Ġinject",
+ "ions"
+ ],
+ [
+ "ĠT",
+ "rou"
+ ],
+ [
+ "ract",
+ "ical"
+ ],
+ [
+ "Ġsuff",
+ "erers"
+ ],
+ [
+ "Ġexplore",
+ "r"
+ ],
+ [
+ "ĠIndones",
+ "ian"
+ ],
+ [
+ "ĠF",
+ "al"
+ ],
+ [
+ "Ġlic",
+ "ensing"
+ ],
+ [
+ "_",
+ "r"
+ ],
+ [
+ "op",
+ "rote"
+ ],
+ [
+ "ĠR",
+ "ank"
+ ],
+ [
+ "Ġplay",
+ "w"
+ ],
+ [
+ "Ġpul",
+ "s"
+ ],
+ [
+ "Ġinspect",
+ "ions"
+ ],
+ [
+ "5",
+ "12"
+ ],
+ [
+ "Ġsyll",
+ "ables"
+ ],
+ [
+ "!",
+ "/"
+ ],
+ [
+ "C",
+ "y"
+ ],
+ [
+ "G",
+ "F"
+ ],
+ [
+ "Ġhous",
+ "ed"
+ ],
+ [
+ "Ġsuns",
+ "creen"
+ ],
+ [
+ "ĠV",
+ "ar"
+ ],
+ [
+ "Ġant",
+ "is"
+ ],
+ [
+ "Ġled",
+ "ger"
+ ],
+ [
+ "US",
+ "A"
+ ],
+ [
+ "ĠB",
+ "anks"
+ ],
+ [
+ "Ġpe",
+ "at"
+ ],
+ [
+ "ĠPict",
+ "ures"
+ ],
+ [
+ "Ġn",
+ "ets"
+ ],
+ [
+ "ĠVari",
+ "able"
+ ],
+ [
+ "ĠM",
+ "akes"
+ ],
+ [
+ "Ġgo",
+ "ogle"
+ ],
+ [
+ "Ġpred",
+ "etermined"
+ ],
+ [
+ "ĠHarm",
+ "ony"
+ ],
+ [
+ "cc",
+ "entric"
+ ],
+ [
+ "col",
+ "m"
+ ],
+ [
+ "C",
+ "all"
+ ],
+ [
+ "Ġres",
+ "urrection"
+ ],
+ [
+ "ĠPe",
+ "oples"
+ ],
+ [
+ "ĠM",
+ "W"
+ ],
+ [
+ "_",
+ "v"
+ ],
+ [
+ "Ġinsert",
+ "ion"
+ ],
+ [
+ "Ġenfor",
+ "ced"
+ ],
+ [
+ "in",
+ "ism"
+ ],
+ [
+ "Ġor",
+ "anges"
+ ],
+ [
+ "Ġlivelihood",
+ "s"
+ ],
+ [
+ "Ġany",
+ "body"
+ ],
+ [
+ "Pl",
+ "ant"
+ ],
+ [
+ "Ġsusp",
+ "ense"
+ ],
+ [
+ "Ġensure",
+ "d"
+ ],
+ [
+ "Ġw",
+ "if"
+ ],
+ [
+ "ad",
+ "an"
+ ],
+ [
+ "oura",
+ "ble"
+ ],
+ [
+ "Ġsmell",
+ "s"
+ ],
+ [
+ "Ġmosa",
+ "ic"
+ ],
+ [
+ "M",
+ "en"
+ ],
+ [
+ "Ind",
+ "ian"
+ ],
+ [
+ "Ġmorph",
+ "ological"
+ ],
+ [
+ "Ġrain",
+ "water"
+ ],
+ [
+ "Ġcounsel",
+ "or"
+ ],
+ [
+ "Ġeng",
+ "land"
+ ],
+ [
+ "Ġdy",
+ "es"
+ ],
+ [
+ "atern",
+ "ity"
+ ],
+ [
+ "g",
+ "amma"
+ ],
+ [
+ "pt",
+ "a"
+ ],
+ [
+ "/",
+ "x"
+ ],
+ [
+ "Ġwin",
+ "ters"
+ ],
+ [
+ "Ġsan",
+ "ctions"
+ ],
+ [
+ "ä",
+ "t"
+ ],
+ [
+ "C",
+ "reat"
+ ],
+ [
+ "en",
+ "ergy"
+ ],
+ [
+ "iss",
+ "on"
+ ],
+ [
+ "-b",
+ "earing"
+ ],
+ [
+ "Ġprogress",
+ "ively"
+ ],
+ [
+ "u",
+ "nderstanding"
+ ],
+ [
+ "ĠP",
+ "aint"
+ ],
+ [
+ "Ġsil",
+ "ic"
+ ],
+ [
+ "ĠInf",
+ "rastructure"
+ ],
+ [
+ "23",
+ "8"
+ ],
+ [
+ "ĠAl",
+ "pha"
+ ],
+ [
+ "Ġtit",
+ "anium"
+ ],
+ [
+ "m",
+ "aster"
+ ],
+ [
+ "Ġrel",
+ "ent"
+ ],
+ [
+ "Ġover",
+ "flow"
+ ],
+ [
+ "-",
+ "In"
+ ],
+ [
+ "Ġsug",
+ "ary"
+ ],
+ [
+ "Ġit",
+ "al"
+ ],
+ [
+ "4",
+ "40"
+ ],
+ [
+ "ĠR",
+ "av"
+ ],
+ [
+ "ĠEx",
+ "ternal"
+ ],
+ [
+ "ok",
+ "a"
+ ],
+ [
+ "Ġmot",
+ "ives"
+ ],
+ [
+ "Ġcert",
+ "ifications"
+ ],
+ [
+ "Ġp",
+ "acks"
+ ],
+ [
+ "j",
+ "ug"
+ ],
+ [
+ "ĠP",
+ "ole"
+ ],
+ [
+ "ĠU",
+ "P"
+ ],
+ [
+ "Ġlow",
+ "ers"
+ ],
+ [
+ "-r",
+ "un"
+ ],
+ [
+ "Ġsepar",
+ "ates"
+ ],
+ [
+ "Ġan",
+ "nex"
+ ],
+ [
+ "ĠL",
+ "l"
+ ],
+ [
+ "ĠAct",
+ "ually"
+ ],
+ [
+ "_",
+ "array"
+ ],
+ [
+ "ig",
+ "g"
+ ],
+ [
+ "ect",
+ "in"
+ ],
+ [
+ "Ġf",
+ "ights"
+ ],
+ [
+ "Ġk",
+ "not"
+ ],
+ [
+ "ĠCon",
+ "cent"
+ ],
+ [
+ "ET",
+ "H"
+ ],
+ [
+ "Ġnan",
+ "o"
+ ],
+ [
+ "N",
+ "R"
+ ],
+ [
+ "an",
+ "za"
+ ],
+ [
+ "ĠL",
+ "ock"
+ ],
+ [
+ "Mus",
+ "ic"
+ ],
+ [
+ "ĠF",
+ "itness"
+ ],
+ [
+ "rem",
+ "ove"
+ ],
+ [
+ "Ġvig",
+ "orous"
+ ],
+ [
+ "ĠBern",
+ "ard"
+ ],
+ [
+ "Ġsh",
+ "ores"
+ ],
+ [
+ "ĠEst",
+ "ate"
+ ],
+ [
+ "aph",
+ "rag"
+ ],
+ [
+ "ĠDiscover",
+ "ing"
+ ],
+ [
+ "ah",
+ "aran"
+ ],
+ [
+ "ĠCe",
+ "ment"
+ ],
+ [
+ "Ġsens",
+ "ible"
+ ],
+ [
+ "ON",
+ "E"
+ ],
+ [
+ "Ġground",
+ "work"
+ ],
+ [
+ "ol",
+ "idation"
+ ],
+ [
+ "ĠIn",
+ "sect"
+ ],
+ [
+ "Ġincent",
+ "ive"
+ ],
+ [
+ "ĠTerrit",
+ "ory"
+ ],
+ [
+ "ĠĠĠĠ",
+ "čĊ"
+ ],
+ [
+ "ĠElectric",
+ "ity"
+ ],
+ [
+ "ĠM",
+ "iami"
+ ],
+ [
+ "ĠDet",
+ "ection"
+ ],
+ [
+ "ĠAm",
+ "sterdam"
+ ],
+ [
+ "ang",
+ "o"
+ ],
+ [
+ "ĠDi",
+ "pl"
+ ],
+ [
+ "alle",
+ "ts"
+ ],
+ [
+ "Ġherb",
+ "iv"
+ ],
+ [
+ "ap",
+ "olis"
+ ],
+ [
+ "Ġtraject",
+ "ories"
+ ],
+ [
+ "W",
+ "ords"
+ ],
+ [
+ "ĠGra",
+ "ce"
+ ],
+ [
+ "const",
+ "ruct"
+ ],
+ [
+ "g",
+ "om"
+ ],
+ [
+ "Î",
+ "³"
+ ],
+ [
+ "]",
+ "="
+ ],
+ [
+ "ĠS",
+ "ic"
+ ],
+ [
+ "Ġfamiliar",
+ "ize"
+ ],
+ [
+ "[",
+ "\\"
+ ],
+ [
+ "Ġconnect",
+ "ive"
+ ],
+ [
+ "Ġhem",
+ "oglobin"
+ ],
+ [
+ "Ġd",
+ "b"
+ ],
+ [
+ "Ġmon",
+ "key"
+ ],
+ [
+ "Ġjud",
+ "ged"
+ ],
+ [
+ "Ġfur",
+ "ry"
+ ],
+ [
+ "Ġburge",
+ "oning"
+ ],
+ [
+ "âĢĶ",
+ "in"
+ ],
+ [
+ "Ġsustain",
+ "ing"
+ ],
+ [
+ "Ġbir",
+ "ths"
+ ],
+ [
+ "Ġcl",
+ "og"
+ ],
+ [
+ "Ġdeterm",
+ "inant"
+ ],
+ [
+ "ĠEnt",
+ "reprene"
+ ],
+ [
+ "Ġpart",
+ "n"
+ ],
+ [
+ "Ġportray",
+ "al"
+ ],
+ [
+ "Or",
+ "der"
+ ],
+ [
+ "ch",
+ "art"
+ ],
+ [
+ "-",
+ "me"
+ ],
+ [
+ "/",
+ "pro"
+ ],
+ [
+ "em",
+ "ale"
+ ],
+ [
+ "ĠHe",
+ "avy"
+ ],
+ [
+ "Ġampl",
+ "ifier"
+ ],
+ [
+ "ĠC",
+ "ere"
+ ],
+ [
+ "Ġexpect",
+ "ing"
+ ],
+ [
+ "\\",
+ "times"
+ ],
+ [
+ "ie",
+ "u"
+ ],
+ [
+ "Ġde",
+ "ities"
+ ],
+ [
+ "Ġcan",
+ "opy"
+ ],
+ [
+ "Ph",
+ "il"
+ ],
+ [
+ "Ġsplit",
+ "ting"
+ ],
+ [
+ "S",
+ "ave"
+ ],
+ [
+ "\\",
+ "theta"
+ ],
+ [
+ "oc",
+ "cur"
+ ],
+ [
+ "pe",
+ "cific"
+ ],
+ [
+ "-review",
+ "ed"
+ ],
+ [
+ "Ġt",
+ "ertiary"
+ ],
+ [
+ "ra",
+ "ising"
+ ],
+ [
+ "Ġunder",
+ "p"
+ ],
+ [
+ "agn",
+ "et"
+ ],
+ [
+ "Ġcompost",
+ "ing"
+ ],
+ [
+ "ĠAdvent",
+ "ures"
+ ],
+ [
+ "at",
+ "hetic"
+ ],
+ [
+ "Ġdon",
+ "ated"
+ ],
+ [
+ "Ġuncertain",
+ "ties"
+ ],
+ [
+ "ĠH",
+ "P"
+ ],
+ [
+ "ĠMess",
+ "age"
+ ],
+ [
+ "ĠMan",
+ "hattan"
+ ],
+ [
+ "aly",
+ "tic"
+ ],
+ [
+ "Ġflat",
+ "ten"
+ ],
+ [
+ "h",
+ "ome"
+ ],
+ [
+ "ĠAtl",
+ "anta"
+ ],
+ [
+ "rad",
+ "ed"
+ ],
+ [
+ "ĠGo",
+ "ing"
+ ],
+ [
+ "ĠPrint",
+ "ing"
+ ],
+ [
+ "ph",
+ "alt"
+ ],
+ [
+ "Ġrem",
+ "arks"
+ ],
+ [
+ "Ġthought",
+ "fully"
+ ],
+ [
+ "E",
+ "arth"
+ ],
+ [
+ "ĠSp",
+ "read"
+ ],
+ [
+ "Ġvis",
+ "cos"
+ ],
+ [
+ "Ġtow",
+ "el"
+ ],
+ [
+ "ĠS",
+ "om"
+ ],
+ [
+ "ĠAdapt",
+ "able"
+ ],
+ [
+ "_",
+ "matrix"
+ ],
+ [
+ "Ġco",
+ "oper"
+ ],
+ [
+ "Ġsol",
+ "ver"
+ ],
+ [
+ "ĠFl",
+ "ood"
+ ],
+ [
+ "ann",
+ "ica"
+ ],
+ [
+ "mon",
+ "th"
+ ],
+ [
+ "ĠAnaly",
+ "tics"
+ ],
+ [
+ "Ġuse",
+ "less"
+ ],
+ [
+ "cept",
+ "ual"
+ ],
+ [
+ "Ġwar",
+ "n"
+ ],
+ [
+ "Ġm",
+ "und"
+ ],
+ [
+ "ĠTe",
+ "en"
+ ],
+ [
+ "Ġge",
+ "orge"
+ ],
+ [
+ "ĠDem",
+ "and"
+ ],
+ [
+ "Ġfluores",
+ "cent"
+ ],
+ [
+ "ĠS",
+ "U"
+ ],
+ [
+ "ĠAl",
+ "ban"
+ ],
+ [
+ "ĠWhere",
+ "as"
+ ],
+ [
+ "ur",
+ "k"
+ ],
+ [
+ "Ġattract",
+ "s"
+ ],
+ [
+ "Ġstabil",
+ "ize"
+ ],
+ [
+ "col",
+ "onial"
+ ],
+ [
+ "Ġra",
+ "ck"
+ ],
+ [
+ "Ġes",
+ "ophagus"
+ ],
+ [
+ "Ġille",
+ "g"
+ ],
+ [
+ "Ġb",
+ "ishop"
+ ],
+ [
+ "b",
+ "us"
+ ],
+ [
+ "ĠH",
+ "earing"
+ ],
+ [
+ "aj",
+ "a"
+ ],
+ [
+ "čĊčĊ",
+ "čĊ"
+ ],
+ [
+ "Ġin",
+ "land"
+ ],
+ [
+ "and",
+ "om"
+ ],
+ [
+ "ĠHe",
+ "aven"
+ ],
+ [
+ "Ġhead",
+ "lines"
+ ],
+ [
+ "ĠRad",
+ "iation"
+ ],
+ [
+ "Ġwaters",
+ "hed"
+ ],
+ [
+ "ah",
+ "u"
+ ],
+ [
+ "hy",
+ "de"
+ ],
+ [
+ "åħ",
+ "¥"
+ ],
+ [
+ "Ġpatri",
+ "arch"
+ ],
+ [
+ "ĠL",
+ "uck"
+ ],
+ [
+ "ĠAc",
+ "celer"
+ ],
+ [
+ "Ġastron",
+ "omical"
+ ],
+ [
+ "Ġre",
+ "he"
+ ],
+ [
+ "Ġj",
+ "okes"
+ ],
+ [
+ "Ġunderstand",
+ "able"
+ ],
+ [
+ "-f",
+ "old"
+ ],
+ [
+ "usch",
+ "witz"
+ ],
+ [
+ "Ġeffort",
+ "lessly"
+ ],
+ [
+ "Ġmerg",
+ "ed"
+ ],
+ [
+ "ef",
+ "it"
+ ],
+ [
+ "Ġburd",
+ "ens"
+ ],
+ [
+ "in",
+ "ational"
+ ],
+ [
+ "Ġden",
+ "ial"
+ ],
+ [
+ "ynt",
+ "hetic"
+ ],
+ [
+ "\"",
+ "It"
+ ],
+ [
+ "Ġz",
+ "oom"
+ ],
+ [
+ "Î",
+ "º"
+ ],
+ [
+ "*",
+ ","
+ ],
+ [
+ "-d",
+ "em"
+ ],
+ [
+ "Ġbi",
+ "otechnology"
+ ],
+ [
+ "âĢľ",
+ "In"
+ ],
+ [
+ "ĠPat",
+ "ri"
+ ],
+ [
+ "N",
+ "otes"
+ ],
+ [
+ "Y",
+ "P"
+ ],
+ [
+ "|",
+ "\\"
+ ],
+ [
+ "Ġend",
+ "ot"
+ ],
+ [
+ "à¤",
+ "ķ"
+ ],
+ [
+ "board",
+ "ing"
+ ],
+ [
+ "Ġaccept",
+ "s"
+ ],
+ [
+ "Ġleak",
+ "age"
+ ],
+ [
+ "ĠP",
+ "hy"
+ ],
+ [
+ "ĠM",
+ "I"
+ ],
+ [
+ "ĠSte",
+ "ven"
+ ],
+ [
+ "Ġh",
+ "ues"
+ ],
+ [
+ "0",
+ "80"
+ ],
+ [
+ "ĠS",
+ "F"
+ ],
+ [
+ "ĠX",
+ "ML"
+ ],
+ [
+ "IG",
+ "ION"
+ ],
+ [
+ "m",
+ "ad"
+ ],
+ [
+ "Ġsynthes",
+ "ized"
+ ],
+ [
+ "Ġconf",
+ "er"
+ ],
+ [
+ "Ġï",
+ "¿½"
+ ],
+ [
+ ".",
+ "View"
+ ],
+ [
+ "m",
+ "ake"
+ ],
+ [
+ "m",
+ "ethod"
+ ],
+ [
+ "Ġarom",
+ "a"
+ ],
+ [
+ "he",
+ "art"
+ ],
+ [
+ "Ġro",
+ "ses"
+ ],
+ [
+ "-st",
+ "ud"
+ ],
+ [
+ "Ġw",
+ "ished"
+ ],
+ [
+ "Ġst",
+ "agn"
+ ],
+ [
+ "Ġcontrast",
+ "s"
+ ],
+ [
+ "AM",
+ "A"
+ ],
+ [
+ "Com",
+ "pare"
+ ],
+ [
+ "SO",
+ "CIAL"
+ ],
+ [
+ "ĠFeed",
+ "back"
+ ],
+ [
+ "Ġcons",
+ "erved"
+ ],
+ [
+ "ĠOffic",
+ "ial"
+ ],
+ [
+ "Ġexpend",
+ "itures"
+ ],
+ [
+ "ï¼",
+ "ī"
+ ],
+ [
+ "Ġdors",
+ "al"
+ ],
+ [
+ "Ġw",
+ "ives"
+ ],
+ [
+ "ĠPolic",
+ "ies"
+ ],
+ [
+ "T",
+ "ech"
+ ],
+ [
+ "ĠT",
+ "ol"
+ ],
+ [
+ "Ge",
+ "orge"
+ ],
+ [
+ "åĩ",
+ "º"
+ ],
+ [
+ "ĠH",
+ "ands"
+ ],
+ [
+ "-",
+ "par"
+ ],
+ [
+ "ich",
+ "i"
+ ],
+ [
+ "Ġtr",
+ "ivial"
+ ],
+ [
+ "Ġanticip",
+ "ation"
+ ],
+ [
+ "-",
+ "ed"
+ ],
+ [
+ "Ġs",
+ "ights"
+ ],
+ [
+ "ch",
+ "in"
+ ],
+ [
+ "Ġconvers",
+ "ions"
+ ],
+ [
+ "ĠPsych",
+ "iatry"
+ ],
+ [
+ "b",
+ "oy"
+ ],
+ [
+ "Ġhel",
+ "met"
+ ],
+ [
+ "Ġtrib",
+ "ute"
+ ],
+ [
+ "Ġisot",
+ "opes"
+ ],
+ [
+ "S",
+ "U"
+ ],
+ [
+ "ĠWhe",
+ "el"
+ ],
+ [
+ "³³³³³³³³",
+ "³³³"
+ ],
+ [
+ "Ġvolunte",
+ "ering"
+ ],
+ [
+ "Ġbiom",
+ "ark"
+ ],
+ [
+ "quir",
+ "ies"
+ ],
+ [
+ "ĠPalest",
+ "inian"
+ ],
+ [
+ "ĠO",
+ "CD"
+ ],
+ [
+ "Ġrhyth",
+ "mic"
+ ],
+ [
+ "ĠCh",
+ "a"
+ ],
+ [
+ "Ġhosp",
+ "itality"
+ ],
+ [
+ "æĸ",
+ "ĩ"
+ ],
+ [
+ "Ġtransl",
+ "ating"
+ ],
+ [
+ "ĠM",
+ "ills"
+ ],
+ [
+ "Ġsubmer",
+ "ged"
+ ],
+ [
+ "ĠB",
+ "right"
+ ],
+ [
+ "ĠPost",
+ "s"
+ ],
+ [
+ "oar",
+ "thritis"
+ ],
+ [
+ "ĠC",
+ "ited"
+ ],
+ [
+ "ĠM",
+ "aced"
+ ],
+ [
+ "ĠD",
+ "B"
+ ],
+ [
+ "Ġcor",
+ "ps"
+ ],
+ [
+ "ĠTo",
+ "xic"
+ ],
+ [
+ "Ġdefend",
+ "ant"
+ ],
+ [
+ "ĠP",
+ "overty"
+ ],
+ [
+ "ĠOld",
+ "er"
+ ],
+ [
+ "Ġbol",
+ "ster"
+ ],
+ [
+ "Ġext",
+ "ingu"
+ ],
+ [
+ "G",
+ "C"
+ ],
+ [
+ "Ġlatt",
+ "ice"
+ ],
+ [
+ "Ġmin",
+ "ed"
+ ],
+ [
+ "iss",
+ "ible"
+ ],
+ [
+ "ĠC",
+ "ord"
+ ],
+ [
+ "ĠM",
+ "igration"
+ ],
+ [
+ "ruct",
+ "ural"
+ ],
+ [
+ "Ġcountry",
+ "side"
+ ],
+ [
+ "Ġdent",
+ "ists"
+ ],
+ [
+ "33",
+ "8"
+ ],
+ [
+ "Ġcounsel",
+ "ors"
+ ],
+ [
+ "Ġmon",
+ "oxide"
+ ],
+ [
+ "_p",
+ "ath"
+ ],
+ [
+ "Ġdis",
+ "cretion"
+ ],
+ [
+ "Ġl",
+ "umin"
+ ],
+ [
+ "ĠZ",
+ "en"
+ ],
+ [
+ "Ġremn",
+ "ants"
+ ],
+ [
+ "V",
+ "itamin"
+ ],
+ [
+ "m",
+ "und"
+ ],
+ [
+ "ĠRe",
+ "lease"
+ ],
+ [
+ "Ġret",
+ "ros"
+ ],
+ [
+ "Ġmark",
+ "ings"
+ ],
+ [
+ "ĠHel",
+ "en"
+ ],
+ [
+ "Ġdispers",
+ "ed"
+ ],
+ [
+ "7",
+ "20"
+ ],
+ [
+ "Ġcere",
+ "als"
+ ],
+ [
+ "/b",
+ "in"
+ ],
+ [
+ "--------------------------------",
+ "----------------"
+ ],
+ [
+ "Ġclin",
+ "ically"
+ ],
+ [
+ "ore",
+ "xia"
+ ],
+ [
+ "-",
+ "owned"
+ ],
+ [
+ "ĠRecomm",
+ "end"
+ ],
+ [
+ "ĠHug",
+ "hes"
+ ],
+ [
+ "Ġcr",
+ "ush"
+ ],
+ [
+ "Ġartic",
+ "ulate"
+ ],
+ [
+ "er",
+ "ie"
+ ],
+ [
+ "ffic",
+ "ial"
+ ],
+ [
+ "Ġcapt",
+ "ivity"
+ ],
+ [
+ "ĠPlay",
+ "ers"
+ ],
+ [
+ "Ġambig",
+ "uous"
+ ],
+ [
+ "Ġo",
+ "val"
+ ],
+ [
+ "Ġex",
+ "ile"
+ ],
+ [
+ "Ġall",
+ "iances"
+ ],
+ [
+ "Ġday",
+ "time"
+ ],
+ [
+ "ĠÎ",
+ "´"
+ ],
+ [
+ "Ġubiquit",
+ "ous"
+ ],
+ [
+ "|",
+ "A"
+ ],
+ [
+ "Ġr",
+ "ug"
+ ],
+ [
+ "ĠDel",
+ "ivery"
+ ],
+ [
+ "Inc",
+ "orpor"
+ ],
+ [
+ "h",
+ "ill"
+ ],
+ [
+ "v",
+ "iol"
+ ],
+ [
+ "Ġturn",
+ "over"
+ ],
+ [
+ "Ġhair",
+ "s"
+ ],
+ [
+ "}",
+ "}{\\"
+ ],
+ [
+ "Ġconvey",
+ "ed"
+ ],
+ [
+ "bul",
+ "lying"
+ ],
+ [
+ "f",
+ "ills"
+ ],
+ [
+ "ort",
+ "ium"
+ ],
+ [
+ "3",
+ "45"
+ ],
+ [
+ "e",
+ "val"
+ ],
+ [
+ "Ġinc",
+ "ap"
+ ],
+ [
+ "G",
+ "ra"
+ ],
+ [
+ "math",
+ "cal"
+ ],
+ [
+ "rh",
+ "o"
+ ],
+ [
+ "ĠP",
+ "ierre"
+ ],
+ [
+ "ptom",
+ "atic"
+ ],
+ [
+ "W",
+ "ood"
+ ],
+ [
+ "n",
+ "ament"
+ ],
+ [
+ "ĠâĤ",
+ "¬"
+ ],
+ [
+ "ĭ",
+ "ħ"
+ ],
+ [
+ "Ġb",
+ "ilateral"
+ ],
+ [
+ "Ġsan",
+ "it"
+ ],
+ [
+ "Ġswift",
+ "ly"
+ ],
+ [
+ "Ġsub",
+ "gen"
+ ],
+ [
+ "h",
+ "aw"
+ ],
+ [
+ "Ġlif",
+ "ted"
+ ],
+ [
+ "ud",
+ "ing"
+ ],
+ [
+ "Ġswe",
+ "ating"
+ ],
+ [
+ "Ġcost",
+ "umes"
+ ],
+ [
+ "ur",
+ "ous"
+ ],
+ [
+ "Ġm",
+ "olar"
+ ],
+ [
+ "ct",
+ "urnal"
+ ],
+ [
+ "ĠN",
+ "T"
+ ],
+ [
+ "Ġfrustr",
+ "ating"
+ ],
+ [
+ "w",
+ "ave"
+ ],
+ [
+ "anc",
+ "ouver"
+ ],
+ [
+ "ĠPan",
+ "ama"
+ ],
+ [
+ "c",
+ "ible"
+ ],
+ [
+ "h",
+ "d"
+ ],
+ [
+ "Ġpus",
+ "hes"
+ ],
+ [
+ "Ġorigin",
+ "ates"
+ ],
+ [
+ "Ġphilosoph",
+ "ies"
+ ],
+ [
+ "(",
+ "T"
+ ],
+ [
+ "V",
+ "ari"
+ ],
+ [
+ "Ġmy",
+ "el"
+ ],
+ [
+ "Ġspecial",
+ "izes"
+ ],
+ [
+ "B",
+ "s"
+ ],
+ [
+ "ĠB",
+ "ath"
+ ],
+ [
+ "Ġplant",
+ "ation"
+ ],
+ [
+ "O",
+ "ld"
+ ],
+ [
+ "Ġtu",
+ "ition"
+ ],
+ [
+ "G",
+ "ive"
+ ],
+ [
+ "{",
+ "-"
+ ],
+ [
+ "ab",
+ "ets"
+ ],
+ [
+ "00",
+ "6"
+ ],
+ [
+ "Ġinert",
+ "ia"
+ ],
+ [
+ "Ġut",
+ "ens"
+ ],
+ [
+ "l",
+ "ar"
+ ],
+ [
+ "ĠCarl",
+ "os"
+ ],
+ [
+ "D",
+ "D"
+ ],
+ [
+ "Ġchrom",
+ "at"
+ ],
+ [
+ "Ġple",
+ "asing"
+ ],
+ [
+ "n",
+ "amed"
+ ],
+ [
+ "Ġpre",
+ "cursor"
+ ],
+ [
+ "Ġreson",
+ "ates"
+ ],
+ [
+ "Ġcens",
+ "orship"
+ ],
+ [
+ "Ġgate",
+ "way"
+ ],
+ [
+ "Ġsuper",
+ "vised"
+ ],
+ [
+ "Ġ",
+ "Ñĩ"
+ ],
+ [
+ "ĠDis",
+ "abilities"
+ ],
+ [
+ "Ġdisagree",
+ "ment"
+ ],
+ [
+ "Ġmorb",
+ "idity"
+ ],
+ [
+ "ĠS",
+ "creen"
+ ],
+ [
+ "ĠChar",
+ "lie"
+ ],
+ [
+ "oc",
+ "om"
+ ],
+ [
+ "ĠHam",
+ "pshire"
+ ],
+ [
+ "Ġsign",
+ "ify"
+ ],
+ [
+ "br",
+ "aska"
+ ],
+ [
+ "Ġargu",
+ "ably"
+ ],
+ [
+ "ĠCh",
+ "rome"
+ ],
+ [
+ "Ġdism",
+ "ant"
+ ],
+ [
+ "Ġwas",
+ "ted"
+ ],
+ [
+ "3",
+ "70"
+ ],
+ [
+ "ĠM",
+ "ixed"
+ ],
+ [
+ "Ġext",
+ "ensions"
+ ],
+ [
+ "ĠKe",
+ "vin"
+ ],
+ [
+ "ĠPy",
+ "ram"
+ ],
+ [
+ "âĢĻ",
+ "S"
+ ],
+ [
+ "Ġwork",
+ "load"
+ ],
+ [
+ "Ġplant",
+ "ations"
+ ],
+ [
+ "Ġarm",
+ "or"
+ ],
+ [
+ "B",
+ "esides"
+ ],
+ [
+ "Ġh",
+ "one"
+ ],
+ [
+ "ĠWW",
+ "II"
+ ],
+ [
+ "ĠIm",
+ "aging"
+ ],
+ [
+ "Ġcheck",
+ "list"
+ ],
+ [
+ "Ġcrow",
+ "ds"
+ ],
+ [
+ "CD",
+ "C"
+ ],
+ [
+ "Ġtransist",
+ "or"
+ ],
+ [
+ "Ġ",
+ "il"
+ ],
+ [
+ "Ġra",
+ "iny"
+ ],
+ [
+ "i",
+ "u"
+ ],
+ [
+ "C",
+ "ode"
+ ],
+ [
+ "Ġstr",
+ "anger"
+ ],
+ [
+ "ĠRepresent",
+ "atives"
+ ],
+ [
+ "ĠDo",
+ "ctors"
+ ],
+ [
+ "Ġcontract",
+ "ing"
+ ],
+ [
+ "-",
+ "gen"
+ ],
+ [
+ "Ġhe",
+ "el"
+ ],
+ [
+ "o",
+ "ct"
+ ],
+ [
+ "ĠSpe",
+ "aking"
+ ],
+ [
+ "Ġa",
+ "xi"
+ ],
+ [
+ "Ġign",
+ "oring"
+ ],
+ [
+ "M",
+ "art"
+ ],
+ [
+ "ant",
+ "ics"
+ ],
+ [
+ "Ġmascul",
+ "ine"
+ ],
+ [
+ "Î",
+ "Ķ"
+ ],
+ [
+ "ĠB",
+ "one"
+ ],
+ [
+ "ing",
+ "les"
+ ],
+ [
+ "ose",
+ "ph"
+ ],
+ [
+ "ro",
+ "cy"
+ ],
+ [
+ "Ġdon",
+ "ate"
+ ],
+ [
+ "Ġrespect",
+ "s"
+ ],
+ [
+ "Ġswallow",
+ "ing"
+ ],
+ [
+ "Ġlone",
+ "ly"
+ ],
+ [
+ "Ġh",
+ "ib"
+ ],
+ [
+ "ĠCompar",
+ "ing"
+ ],
+ [
+ "Ġsal",
+ "inity"
+ ],
+ [
+ "ĠW",
+ "arm"
+ ],
+ [
+ "ĠE",
+ "bola"
+ ],
+ [
+ "ĠLe",
+ "o"
+ ],
+ [
+ "ĠAut",
+ "hent"
+ ],
+ [
+ "de",
+ "hyde"
+ ],
+ [
+ "Ġbas",
+ "il"
+ ],
+ [
+ "ĠGe",
+ "ological"
+ ],
+ [
+ "Ġphil",
+ "anthrop"
+ ],
+ [
+ "M",
+ "ap"
+ ],
+ [
+ "und",
+ "ed"
+ ],
+ [
+ "Ġkind",
+ "ly"
+ ],
+ [
+ "Ġtravel",
+ "led"
+ ],
+ [
+ "R",
+ "edu"
+ ],
+ [
+ "Ġfa",
+ "ults"
+ ],
+ [
+ "Ġbreath",
+ "s"
+ ],
+ [
+ "Ġpet",
+ "als"
+ ],
+ [
+ "Ġpron",
+ "ounce"
+ ],
+ [
+ "Ġan",
+ "te"
+ ],
+ [
+ "Ġw",
+ "aking"
+ ],
+ [
+ "Ġh",
+ "ort"
+ ],
+ [
+ "Ġjoint",
+ "ly"
+ ],
+ [
+ "Ġst",
+ "ellar"
+ ],
+ [
+ "-m",
+ "ediated"
+ ],
+ [
+ "uc",
+ "ing"
+ ],
+ [
+ "Ġpat",
+ "ents"
+ ],
+ [
+ "resp",
+ "onse"
+ ],
+ [
+ "C",
+ "r"
+ ],
+ [
+ "Ġdispers",
+ "ion"
+ ],
+ [
+ "ĠRac",
+ "hel"
+ ],
+ [
+ "im",
+ "o"
+ ],
+ [
+ "Ġjo",
+ "ke"
+ ],
+ [
+ "Ġvict",
+ "ories"
+ ],
+ [
+ "Ġtelesc",
+ "opes"
+ ],
+ [
+ "Ġcry",
+ "ing"
+ ],
+ [
+ "ans",
+ "wer"
+ ],
+ [
+ "Ġaffil",
+ "iate"
+ ],
+ [
+ "s",
+ "ki"
+ ],
+ [
+ "Ġplan",
+ "ners"
+ ],
+ [
+ "Ġf",
+ "ishes"
+ ],
+ [
+ "b",
+ "etween"
+ ],
+ [
+ "Up",
+ "dated"
+ ],
+ [
+ "Ë",
+ "Ĩ"
+ ],
+ [
+ "}}",
+ "$$"
+ ],
+ [
+ "Ġsp",
+ "ice"
+ ],
+ [
+ "ĠRenew",
+ "able"
+ ],
+ [
+ "(",
+ "object"
+ ],
+ [
+ "Ġclear",
+ "ance"
+ ],
+ [
+ "ÑĤ",
+ "а"
+ ],
+ [
+ "Ġth",
+ "rows"
+ ],
+ [
+ "40",
+ "1"
+ ],
+ [
+ "ĠSm",
+ "oking"
+ ],
+ [
+ "ĠFif",
+ "th"
+ ],
+ [
+ "ed",
+ "er"
+ ],
+ [
+ "Ġmeaning",
+ "fully"
+ ],
+ [
+ "ĠRub",
+ "y"
+ ],
+ [
+ "Ġm",
+ "ins"
+ ],
+ [
+ "Ġinstruct",
+ "ed"
+ ],
+ [
+ "Ġru",
+ "in"
+ ],
+ [
+ ")",
+ "["
+ ],
+ [
+ "Ġend",
+ "ocrine"
+ ],
+ [
+ "Ġpoore",
+ "r"
+ ],
+ [
+ "ĠJ",
+ "ess"
+ ],
+ [
+ "Ġl",
+ "ately"
+ ],
+ [
+ "ĠL",
+ "ung"
+ ],
+ [
+ "Ġred",
+ "ness"
+ ],
+ [
+ "et",
+ "ect"
+ ],
+ [
+ "Ġmed",
+ "iation"
+ ],
+ [
+ "ĠCar",
+ "ter"
+ ],
+ [
+ "ĠM",
+ "oving"
+ ],
+ [
+ "ill",
+ "as"
+ ],
+ [
+ "Ġ'-",
+ "'"
+ ],
+ [
+ "ĠP",
+ "owers"
+ ],
+ [
+ "ical",
+ "s"
+ ],
+ [
+ "Ġgly",
+ "c"
+ ],
+ [
+ "b",
+ "iotic"
+ ],
+ [
+ "ĠB",
+ "elt"
+ ],
+ [
+ "Ġwork",
+ "ings"
+ ],
+ [
+ "hel",
+ "m"
+ ],
+ [
+ "Ġunf",
+ "ortunate"
+ ],
+ [
+ "ĠB",
+ "ranch"
+ ],
+ [
+ "ure",
+ "r"
+ ],
+ [
+ "Ġind",
+ "ent"
+ ],
+ [
+ "ĠFl",
+ "ag"
+ ],
+ [
+ "Ġlit",
+ "igation"
+ ],
+ [
+ "ĠCont",
+ "rast"
+ ],
+ [
+ "ĠCal",
+ "endar"
+ ],
+ [
+ "Ġex",
+ "qu"
+ ],
+ [
+ "Ġreinfor",
+ "ces"
+ ],
+ [
+ "Ġtr",
+ "ump"
+ ],
+ [
+ "ĠM",
+ "ode"
+ ],
+ [
+ "ĠFound",
+ "ations"
+ ],
+ [
+ "Ġart",
+ "illery"
+ ],
+ [
+ "u",
+ "ph"
+ ],
+ [
+ "Ġelig",
+ "ibility"
+ ],
+ [
+ "Ġst",
+ "air"
+ ],
+ [
+ "ĠP",
+ "om"
+ ],
+ [
+ "cont",
+ "rolled"
+ ],
+ [
+ "Ġmic",
+ "ron"
+ ],
+ [
+ "å",
+ "½"
+ ],
+ [
+ "ĠGard",
+ "ens"
+ ],
+ [
+ "ber",
+ "y"
+ ],
+ [
+ "Ġembark",
+ "ing"
+ ],
+ [
+ "Ġintim",
+ "acy"
+ ],
+ [
+ "k",
+ "ward"
+ ],
+ [
+ "Ġorb",
+ "its"
+ ],
+ [
+ "Ġdev",
+ "ote"
+ ],
+ [
+ "Ġpist",
+ "on"
+ ],
+ [
+ "å",
+ "Į"
+ ],
+ [
+ "Ġfor",
+ "aging"
+ ],
+ [
+ "Ġster",
+ "ile"
+ ],
+ [
+ "oske",
+ "letal"
+ ],
+ [
+ "Ġsil",
+ "ly"
+ ],
+ [
+ "ĠFl",
+ "at"
+ ],
+ [
+ "Ġtrigon",
+ "ometric"
+ ],
+ [
+ "ĠW",
+ "iley"
+ ],
+ [
+ "claim",
+ "er"
+ ],
+ [
+ "ĠAz",
+ "te"
+ ],
+ [
+ "ath",
+ "on"
+ ],
+ [
+ "Ġbattle",
+ "field"
+ ],
+ [
+ "ĠAy",
+ "urved"
+ ],
+ [
+ "Ġov",
+ "arian"
+ ],
+ [
+ "st",
+ "eps"
+ ],
+ [
+ "pro",
+ "v"
+ ],
+ [
+ "ĠObserv",
+ "atory"
+ ],
+ [
+ "Ġcont",
+ "end"
+ ],
+ [
+ "Ø",
+ "³"
+ ],
+ [
+ "th",
+ "orne"
+ ],
+ [
+ "ĠM",
+ "agnetic"
+ ],
+ [
+ "gom",
+ "ery"
+ ],
+ [
+ "-l",
+ "anguage"
+ ],
+ [
+ "ĠRef",
+ "uge"
+ ],
+ [
+ "Ġdesign",
+ "ation"
+ ],
+ [
+ "ĠEmp",
+ "ower"
+ ],
+ [
+ "i",
+ "ography"
+ ],
+ [
+ "Ġland",
+ "fill"
+ ],
+ [
+ "ĠProfess",
+ "ion"
+ ],
+ [
+ "ĠZ",
+ "oo"
+ ],
+ [
+ "24",
+ "5"
+ ],
+ [
+ "Ġsym",
+ "pathetic"
+ ],
+ [
+ "ĠMult",
+ "iply"
+ ],
+ [
+ "Ġunder",
+ "way"
+ ],
+ [
+ "Ġsc",
+ "av"
+ ],
+ [
+ "ĠAnt",
+ "ib"
+ ],
+ [
+ "Ġcasual",
+ "ties"
+ ],
+ [
+ "Ġp",
+ "als"
+ ],
+ [
+ "Ġch",
+ "unks"
+ ],
+ [
+ "Ġsh",
+ "irt"
+ ],
+ [
+ "ip",
+ "el"
+ ],
+ [
+ "-",
+ "air"
+ ],
+ [
+ "Ġsy",
+ "nd"
+ ],
+ [
+ "ĠL",
+ "inks"
+ ],
+ [
+ "Ġï",
+ "Ĥ"
+ ],
+ [
+ "A",
+ "h"
+ ],
+ [
+ "ar",
+ "ial"
+ ],
+ [
+ "Ġanaly",
+ "tic"
+ ],
+ [
+ "Ġcat",
+ "he"
+ ],
+ [
+ "ĠM",
+ "ul"
+ ],
+ [
+ "Ġpar",
+ "ish"
+ ],
+ [
+ "St",
+ "age"
+ ],
+ [
+ "Ġcul",
+ "p"
+ ],
+ [
+ "Ġsanct",
+ "uary"
+ ],
+ [
+ "att",
+ "les"
+ ],
+ [
+ "ĠMin",
+ "eral"
+ ],
+ [
+ "Ġexert",
+ "ed"
+ ],
+ [
+ "Ġautom",
+ "ate"
+ ],
+ [
+ "6",
+ "22"
+ ],
+ [
+ "sequ",
+ "ences"
+ ],
+ [
+ "ĠM",
+ "ak"
+ ],
+ [
+ "Ġarchitect",
+ "ures"
+ ],
+ [
+ "Ġtun",
+ "ing"
+ ],
+ [
+ "ñ",
+ "o"
+ ],
+ [
+ "ĠInf",
+ "ection"
+ ],
+ [
+ "ig",
+ "ms"
+ ],
+ [
+ "ĠSome",
+ "one"
+ ],
+ [
+ "Ġspec",
+ "ulation"
+ ],
+ [
+ "un",
+ "ge"
+ ],
+ [
+ "Ġadvis",
+ "or"
+ ],
+ [
+ "an",
+ "mar"
+ ],
+ [
+ "gh",
+ "ai"
+ ],
+ [
+ "Ġmic",
+ "rop"
+ ],
+ [
+ "Ġprosper",
+ "ous"
+ ],
+ [
+ "30",
+ "5"
+ ],
+ [
+ "Ġsn",
+ "aps"
+ ],
+ [
+ "Ġmant",
+ "le"
+ ],
+ [
+ "Ġcons",
+ "erving"
+ ],
+ [
+ "ĠAm",
+ "y"
+ ],
+ [
+ "Ġillum",
+ "inated"
+ ],
+ [
+ "ograph",
+ "ically"
+ ],
+ [
+ "ĠMar",
+ "riage"
+ ],
+ [
+ "Ġf",
+ "ighter"
+ ],
+ [
+ "ĠB",
+ "und"
+ ],
+ [
+ "Ġuniform",
+ "ly"
+ ],
+ [
+ ")",
+ "?Ċ"
+ ],
+ [
+ "Ġf",
+ "use"
+ ],
+ [
+ "In",
+ "clude"
+ ],
+ [
+ "4",
+ "10"
+ ],
+ [
+ "×",
+ "ķ"
+ ],
+ [
+ "ut",
+ "ives"
+ ],
+ [
+ "Ġco",
+ "ats"
+ ],
+ [
+ "t",
+ "rue"
+ ],
+ [
+ "ĠI",
+ "B"
+ ],
+ [
+ "flow",
+ "ers"
+ ],
+ [
+ "Ä",
+ "į"
+ ],
+ [
+ "Ġhand",
+ "book"
+ ],
+ [
+ "ĠTanz",
+ "ania"
+ ],
+ [
+ "Ġpar",
+ "ab"
+ ],
+ [
+ "ĠVari",
+ "ables"
+ ],
+ [
+ "Ġsupre",
+ "m"
+ ],
+ [
+ "Ġsed",
+ "entary"
+ ],
+ [
+ "Ġbench",
+ "mark"
+ ],
+ [
+ "it",
+ "iveness"
+ ],
+ [
+ "Ġpsych",
+ "oan"
+ ],
+ [
+ "Ġn",
+ "atives"
+ ],
+ [
+ "ĠR",
+ "ew"
+ ],
+ [
+ "Ġfort",
+ "ified"
+ ],
+ [
+ "Ġpol",
+ "yp"
+ ],
+ [
+ "ĠW",
+ "ash"
+ ],
+ [
+ "Ġr",
+ "idge"
+ ],
+ [
+ "0",
+ "19"
+ ],
+ [
+ "25",
+ "1"
+ ],
+ [
+ "Ġcollect",
+ "s"
+ ],
+ [
+ "Ġre",
+ "naissance"
+ ],
+ [
+ "ĠAny",
+ "one"
+ ],
+ [
+ "Ġfle",
+ "e"
+ ],
+ [
+ "in",
+ "um"
+ ],
+ [
+ "-",
+ "play"
+ ],
+ [
+ "-",
+ "zero"
+ ],
+ [
+ "Ġa",
+ "pert"
+ ],
+ [
+ "ĠInter",
+ "ior"
+ ],
+ [
+ "Ġthin",
+ "ner"
+ ],
+ [
+ "Ġmol",
+ "ten"
+ ],
+ [
+ "ir",
+ "k"
+ ],
+ [
+ "Ġdent",
+ "istry"
+ ],
+ [
+ "Ġtransc",
+ "ends"
+ ],
+ [
+ "L",
+ "aw"
+ ],
+ [
+ "Ġt",
+ "art"
+ ],
+ [
+ "Ġatt",
+ "ained"
+ ],
+ [
+ "Ġpig",
+ "e"
+ ],
+ [
+ "Ġindividual",
+ "ized"
+ ],
+ [
+ "Ġbo",
+ "ots"
+ ],
+ [
+ "ung",
+ "al"
+ ],
+ [
+ "Ġfram",
+ "ing"
+ ],
+ [
+ "Ġassert",
+ "ion"
+ ],
+ [
+ "Ġant",
+ "iquity"
+ ],
+ [
+ "Ġacc",
+ "us"
+ ],
+ [
+ "ĠMat",
+ "ters"
+ ],
+ [
+ "Ġpoll",
+ "inators"
+ ],
+ [
+ "|",
+ "Name"
+ ],
+ [
+ "ĠArch",
+ "ive"
+ ],
+ [
+ "-con",
+ "taining"
+ ],
+ [
+ "ç",
+ "Ľ"
+ ],
+ [
+ "ĠBl",
+ "oom"
+ ],
+ [
+ "C",
+ "ard"
+ ],
+ [
+ "f",
+ "i"
+ ],
+ [
+ "Ä",
+ "ĵ"
+ ],
+ [
+ "[",
+ "k"
+ ],
+ [
+ "ro",
+ "ach"
+ ],
+ [
+ "Ġgrow",
+ "ers"
+ ],
+ [
+ "Ġlob",
+ "by"
+ ],
+ [
+ "ĠDub",
+ "lin"
+ ],
+ [
+ "Ġoff",
+ "ense"
+ ],
+ [
+ "ĠHistor",
+ "ically"
+ ],
+ [
+ "Res",
+ "p"
+ ],
+ [
+ "Ġdele",
+ "ted"
+ ],
+ [
+ "s",
+ "chool"
+ ],
+ [
+ "cent",
+ "ral"
+ ],
+ [
+ "U",
+ "t"
+ ],
+ [
+ "ĠN",
+ "aval"
+ ],
+ [
+ "Ġpredict",
+ "s"
+ ],
+ [
+ "ul",
+ "o"
+ ],
+ [
+ "à",
+ "²"
+ ],
+ [
+ "Ġst",
+ "unt"
+ ],
+ [
+ "(n",
+ "ums"
+ ],
+ [
+ "ĠAr",
+ "ithmetic"
+ ],
+ [
+ "ĠFinn",
+ "ish"
+ ],
+ [
+ "26",
+ "5"
+ ],
+ [
+ "Ġr",
+ "ud"
+ ],
+ [
+ "ĠConf",
+ "uci"
+ ],
+ [
+ "Ġbra",
+ "ce"
+ ],
+ [
+ "ĠIsrael",
+ "ites"
+ ],
+ [
+ "rolog",
+ "ical"
+ ],
+ [
+ "ĠB",
+ "ak"
+ ],
+ [
+ "Ġsal",
+ "ads"
+ ],
+ [
+ "m",
+ "ount"
+ ],
+ [
+ "-l",
+ "aw"
+ ],
+ [
+ "|",
+ "D"
+ ],
+ [
+ "+",
+ "c"
+ ],
+ [
+ "24",
+ "1"
+ ],
+ [
+ "Ġdiag",
+ "on"
+ ],
+ [
+ "Ġboost",
+ "s"
+ ],
+ [
+ "Ġscar",
+ "let"
+ ],
+ [
+ "Ġmod",
+ "ulation"
+ ],
+ [
+ "ĠNor",
+ "se"
+ ],
+ [
+ "Ġfac",
+ "et"
+ ],
+ [
+ "p",
+ "ad"
+ ],
+ [
+ "22",
+ "8"
+ ],
+ [
+ "Ġd",
+ "ancers"
+ ],
+ [
+ "Ġsp",
+ "elled"
+ ],
+ [
+ "Ġb",
+ "isexual"
+ ],
+ [
+ "-s",
+ "u"
+ ],
+ [
+ "ĠM",
+ "b"
+ ],
+ [
+ "Ġintimid",
+ "ating"
+ ],
+ [
+ "Ġcontract",
+ "ors"
+ ],
+ [
+ "ĠHV",
+ "AC"
+ ],
+ [
+ "âĢĿ",
+ "),"
+ ],
+ [
+ "Ġprint",
+ "ables"
+ ],
+ [
+ "-s",
+ "ensitive"
+ ],
+ [
+ "ĠPot",
+ "ter"
+ ],
+ [
+ "Ġche",
+ "w"
+ ],
+ [
+ "Ġrecip",
+ "roc"
+ ],
+ [
+ "ä",
+ "¼"
+ ],
+ [
+ "ĠH",
+ "omer"
+ ],
+ [
+ "ĠCO",
+ "MM"
+ ],
+ [
+ "/A",
+ "IDS"
+ ],
+ [
+ "Ġking",
+ "doms"
+ ],
+ [
+ "Ġneut",
+ "rons"
+ ],
+ [
+ "d",
+ "oc"
+ ],
+ [
+ "bal",
+ "ance"
+ ],
+ [
+ "am",
+ "ic"
+ ],
+ [
+ "ĠD",
+ "ave"
+ ],
+ [
+ "Ġpos",
+ "itivity"
+ ],
+ [
+ "Ġdigit",
+ "ally"
+ ],
+ [
+ "================",
+ "================"
+ ],
+ [
+ "Ġrecurs",
+ "ive"
+ ],
+ [
+ "Ġsquir",
+ "rels"
+ ],
+ [
+ "L",
+ "AB"
+ ],
+ [
+ "e",
+ "le"
+ ],
+ [
+ "ĠP",
+ "T"
+ ],
+ [
+ "Ġgener",
+ "a"
+ ],
+ [
+ "Ġdev",
+ "ised"
+ ],
+ [
+ "amp",
+ "us"
+ ],
+ [
+ "Pro",
+ "gram"
+ ],
+ [
+ "ĠExp",
+ "ressions"
+ ],
+ [
+ "-",
+ "Y"
+ ],
+ [
+ "Ġch",
+ "ore"
+ ],
+ [
+ "ĠR",
+ "uth"
+ ],
+ [
+ "ĠCal",
+ "cium"
+ ],
+ [
+ "bb",
+ "ing"
+ ],
+ [
+ "ĠT",
+ "ouch"
+ ],
+ [
+ "_",
+ "type"
+ ],
+ [
+ "un",
+ "ed"
+ ],
+ [
+ "Ġsat",
+ "uration"
+ ],
+ [
+ "Ġexceed",
+ "ed"
+ ],
+ [
+ "oh",
+ "ns"
+ ],
+ [
+ "Ġviscos",
+ "ity"
+ ],
+ [
+ "-",
+ "help"
+ ],
+ [
+ "Ġw",
+ "ines"
+ ],
+ [
+ "ĠH",
+ "ash"
+ ],
+ [
+ "ah",
+ "an"
+ ],
+ [
+ "Ġdist",
+ "orted"
+ ],
+ [
+ "ĠWar",
+ "ren"
+ ],
+ [
+ "ĠAtl",
+ "as"
+ ],
+ [
+ "Ġcra",
+ "cking"
+ ],
+ [
+ "ĠTurn",
+ "er"
+ ],
+ [
+ "ĠTibet",
+ "an"
+ ],
+ [
+ "Ġmap",
+ "le"
+ ],
+ [
+ "Ġabsor",
+ "bs"
+ ],
+ [
+ "Ġtun",
+ "nels"
+ ],
+ [
+ "end",
+ "ered"
+ ],
+ [
+ "Ġair",
+ "flow"
+ ],
+ [
+ "3",
+ "11"
+ ],
+ [
+ "Ġm",
+ "ism"
+ ],
+ [
+ "ĠT",
+ "it"
+ ],
+ [
+ "Ġant",
+ "ip"
+ ],
+ [
+ "Ġimped",
+ "ance"
+ ],
+ [
+ "Ġup",
+ "stream"
+ ],
+ [
+ "Ġc",
+ "ricket"
+ ],
+ [
+ "0",
+ "13"
+ ],
+ [
+ "C",
+ "ON"
+ ],
+ [
+ "-g",
+ "l"
+ ],
+ [
+ "Ġdismiss",
+ "ed"
+ ],
+ [
+ "P",
+ "ers"
+ ],
+ [
+ "id",
+ "uous"
+ ],
+ [
+ "ĠN",
+ "ut"
+ ],
+ [
+ "Ġhierarch",
+ "ies"
+ ],
+ [
+ "ĠB",
+ "achelor"
+ ],
+ [
+ "Ġbra",
+ "ces"
+ ],
+ [
+ "Ġguard",
+ "ians"
+ ],
+ [
+ ".",
+ "r"
+ ],
+ [
+ "O",
+ "bs"
+ ],
+ [
+ "en",
+ "es"
+ ],
+ [
+ "ĠP",
+ "oss"
+ ],
+ [
+ "è",
+ "§"
+ ],
+ [
+ "Ġscre",
+ "ws"
+ ],
+ [
+ "Ġinf",
+ "amous"
+ ],
+ [
+ "ĠÐ",
+ "±"
+ ],
+ [
+ "Ġdisc",
+ "ourage"
+ ],
+ [
+ "Ġprofound",
+ "ly"
+ ],
+ [
+ "Ġ--",
+ ">"
+ ],
+ [
+ "Ġgran",
+ "ite"
+ ],
+ [
+ "Ġadm",
+ "ired"
+ ],
+ [
+ "ort",
+ "ions"
+ ],
+ [
+ "Ġpen",
+ "insula"
+ ],
+ [
+ "d",
+ "ot"
+ ],
+ [
+ "ĠR",
+ "osen"
+ ],
+ [
+ "ron",
+ "omy"
+ ],
+ [
+ "Ġsoci",
+ "ological"
+ ],
+ [
+ "ĠCle",
+ "veland"
+ ],
+ [
+ "ĠR",
+ "ect"
+ ],
+ [
+ "ond",
+ "a"
+ ],
+ [
+ "AT",
+ "A"
+ ],
+ [
+ "Ġpit",
+ "falls"
+ ],
+ [
+ "ĠPythag",
+ "orean"
+ ],
+ [
+ "Ġexhaust",
+ "ed"
+ ],
+ [
+ "ĠM",
+ "ail"
+ ],
+ [
+ "Ġmed",
+ "iated"
+ ],
+ [
+ "Ġvol",
+ "atility"
+ ],
+ [
+ "ĠP",
+ "sal"
+ ],
+ [
+ "Ġf",
+ "ills"
+ ],
+ [
+ "ĠB",
+ "ru"
+ ],
+ [
+ "Im",
+ "ple"
+ ],
+ [
+ "g",
+ "roups"
+ ],
+ [
+ "-ex",
+ "isting"
+ ],
+ [
+ "ent",
+ "e"
+ ],
+ [
+ "Ġvoc",
+ "ational"
+ ],
+ [
+ "Ġadvantage",
+ "ous"
+ ],
+ [
+ "Art",
+ "ificial"
+ ],
+ [
+ "Ġapp",
+ "re"
+ ],
+ [
+ "ĠMur",
+ "ray"
+ ],
+ [
+ "Ġimpul",
+ "ses"
+ ],
+ [
+ "ĠG",
+ "rid"
+ ],
+ [
+ "Ġcare",
+ "d"
+ ],
+ [
+ "22",
+ "7"
+ ],
+ [
+ "ĠB",
+ "ou"
+ ],
+ [
+ "aff",
+ "e"
+ ],
+ [
+ "pir",
+ "ing"
+ ],
+ [
+ ".cl",
+ "ose"
+ ],
+ [
+ "Ġback",
+ "ing"
+ ],
+ [
+ "ĠB",
+ "illy"
+ ],
+ [
+ "Ġscal",
+ "ability"
+ ],
+ [
+ "ustom",
+ "ed"
+ ],
+ [
+ "Ġp",
+ "agan"
+ ],
+ [
+ "ĠE",
+ "sp"
+ ],
+ [
+ "Ġmyst",
+ "ical"
+ ],
+ [
+ "Current",
+ "ly"
+ ],
+ [
+ "ab",
+ "sor"
+ ],
+ [
+ "Ġsatisf",
+ "ies"
+ ],
+ [
+ "um",
+ "ed"
+ ],
+ [
+ "ĠK",
+ "o"
+ ],
+ [
+ "ĠCons",
+ "idering"
+ ],
+ [
+ "leg",
+ "raph"
+ ],
+ [
+ "Ġc",
+ "akes"
+ ],
+ [
+ "Ġdisc",
+ "overs"
+ ],
+ [
+ "4",
+ "30"
+ ],
+ [
+ "ĠTra",
+ "ck"
+ ],
+ [
+ "ĠPe",
+ "er"
+ ],
+ [
+ "Ġcommun",
+ "ism"
+ ],
+ [
+ "ĠSpect",
+ "rum"
+ ],
+ [
+ "Ġlog",
+ "ically"
+ ],
+ [
+ "T",
+ "om"
+ ],
+ [
+ "or",
+ "ch"
+ ],
+ [
+ "ax",
+ "y"
+ ],
+ [
+ "D",
+ "an"
+ ],
+ [
+ "equ",
+ "iv"
+ ],
+ [
+ "Ġcaptiv",
+ "ate"
+ ],
+ [
+ "ĠNot",
+ "ably"
+ ],
+ [
+ "Ġdisproportion",
+ "ately"
+ ],
+ [
+ "{align",
+ "ed"
+ ],
+ [
+ "Ġst",
+ "a"
+ ],
+ [
+ "Ġimp",
+ "osing"
+ ],
+ [
+ "So",
+ "ft"
+ ],
+ [
+ "ĠT",
+ "ony"
+ ],
+ [
+ "ĠRe",
+ "ich"
+ ],
+ [
+ "ĠGr",
+ "inding"
+ ],
+ [
+ "ĠSupport",
+ "ing"
+ ],
+ [
+ "Ġkn",
+ "ots"
+ ],
+ [
+ "l",
+ "ag"
+ ],
+ [
+ "ĠShe",
+ "ets"
+ ],
+ [
+ "ĠK",
+ "rish"
+ ],
+ [
+ "Ġnation",
+ "ally"
+ ],
+ [
+ "aund",
+ "ry"
+ ],
+ [
+ "ĠNo",
+ "ah"
+ ],
+ [
+ "ĠLy",
+ "me"
+ ],
+ [
+ "é",
+ "Ĺ"
+ ],
+ [
+ "Ġth",
+ "igh"
+ ],
+ [
+ "amm",
+ "ed"
+ ],
+ [
+ "ĠNov",
+ "a"
+ ],
+ [
+ "Ġrenew",
+ "al"
+ ],
+ [
+ "uk",
+ "i"
+ ],
+ [
+ "Ġmor",
+ "ally"
+ ],
+ [
+ "Ġhun",
+ "ter"
+ ],
+ [
+ "ist",
+ "ine"
+ ],
+ [
+ "-inter",
+ "cept"
+ ],
+ [
+ "Ġsu",
+ "pers"
+ ],
+ [
+ "Ġloc",
+ "ks"
+ ],
+ [
+ "Ġcroc",
+ "od"
+ ],
+ [
+ "ĠPh",
+ "one"
+ ],
+ [
+ "Pl",
+ "ay"
+ ],
+ [
+ "ĠD",
+ "ating"
+ ],
+ [
+ "Ġsince",
+ "re"
+ ],
+ [
+ "apt",
+ "ic"
+ ],
+ [
+ "Every",
+ "one"
+ ],
+ [
+ "ace",
+ "a"
+ ],
+ [
+ "W",
+ "E"
+ ],
+ [
+ "Ġant",
+ "ique"
+ ],
+ [
+ "ĠMoroc",
+ "co"
+ ],
+ [
+ "Ġw",
+ "art"
+ ],
+ [
+ "Ġgen",
+ "omes"
+ ],
+ [
+ "Ġmet",
+ "re"
+ ],
+ [
+ "Ġ",
+ "}{"
+ ],
+ [
+ "ĠR",
+ "alph"
+ ],
+ [
+ "-round",
+ "ed"
+ ],
+ [
+ "ĠJ",
+ "ake"
+ ],
+ [
+ "S",
+ "ample"
+ ],
+ [
+ "Ġundergo",
+ "es"
+ ],
+ [
+ "u",
+ "cc"
+ ],
+ [
+ "OL",
+ "I"
+ ],
+ [
+ "ĠP",
+ "ron"
+ ],
+ [
+ "Ġtask",
+ "ed"
+ ],
+ [
+ "Ġgroom",
+ "ing"
+ ],
+ [
+ "ĠY",
+ "an"
+ ],
+ [
+ "Ġ`",
+ "("
+ ],
+ [
+ "Ġincorpor",
+ "ation"
+ ],
+ [
+ "Ġby",
+ "tes"
+ ],
+ [
+ ",",
+ "and"
+ ],
+ [
+ "c",
+ "orn"
+ ],
+ [
+ "Ġg",
+ "enders"
+ ],
+ [
+ "ĠEd",
+ "inburgh"
+ ],
+ [
+ "Ġcompuls",
+ "ory"
+ ],
+ [
+ "ĠZ",
+ "imbabwe"
+ ],
+ [
+ "Ġhonest",
+ "ly"
+ ],
+ [
+ "ak",
+ "ia"
+ ],
+ [
+ "ind",
+ "a"
+ ],
+ [
+ "Ġoff",
+ "enders"
+ ],
+ [
+ "ĠEm",
+ "ployment"
+ ],
+ [
+ "ĠCount",
+ "ing"
+ ],
+ [
+ "Ġreper",
+ "to"
+ ],
+ [
+ "ĠMan",
+ "chester"
+ ],
+ [
+ "Ġconstruct",
+ "ions"
+ ],
+ [
+ "Ġcos",
+ "ine"
+ ],
+ [
+ "Ġb",
+ "ounce"
+ ],
+ [
+ "00",
+ "8"
+ ],
+ [
+ "ety",
+ "l"
+ ],
+ [
+ "An",
+ "n"
+ ],
+ [
+ "Ġmush",
+ "room"
+ ],
+ [
+ "Ġau",
+ "ction"
+ ],
+ [
+ "erg",
+ "ies"
+ ],
+ [
+ "\\",
+ "sqrt"
+ ],
+ [
+ "ĠMy",
+ "stery"
+ ],
+ [
+ "IT",
+ "E"
+ ],
+ [
+ "os",
+ "hi"
+ ],
+ [
+ "ĠE",
+ "thernet"
+ ],
+ [
+ "Ġconf",
+ "irms"
+ ],
+ [
+ "Ġfer",
+ "mented"
+ ],
+ [
+ "oc",
+ "oc"
+ ],
+ [
+ "aw",
+ "ays"
+ ],
+ [
+ "Ġconstitu",
+ "ent"
+ ],
+ [
+ "Ġt",
+ "read"
+ ],
+ [
+ "Ġsail",
+ "ors"
+ ],
+ [
+ "par",
+ "alle"
+ ],
+ [
+ "M",
+ "EDICAL"
+ ],
+ [
+ "im",
+ "ir"
+ ],
+ [
+ "Ġaff",
+ "inity"
+ ],
+ [
+ "ĠRecogn",
+ "ize"
+ ],
+ [
+ "=",
+ "int"
+ ],
+ [
+ "P",
+ "a"
+ ],
+ [
+ "Ġpol",
+ "ished"
+ ],
+ [
+ "Ġb",
+ "ins"
+ ],
+ [
+ "ĠG",
+ "un"
+ ],
+ [
+ "ĠB",
+ "omb"
+ ],
+ [
+ "ĠSubt",
+ "raction"
+ ],
+ [
+ "em",
+ "ory"
+ ],
+ [
+ "Ġi",
+ "OS"
+ ],
+ [
+ "Ġrestrict",
+ "ive"
+ ],
+ [
+ "Ġerect",
+ "ed"
+ ],
+ [
+ "Ġobst",
+ "ruction"
+ ],
+ [
+ "C",
+ "a"
+ ],
+ [
+ "å",
+ "ĴĮ"
+ ],
+ [
+ "Ġparallel",
+ "ogram"
+ ],
+ [
+ "ĠBul",
+ "let"
+ ],
+ [
+ "et",
+ "ra"
+ ],
+ [
+ "Ġpancreat",
+ "ic"
+ ],
+ [
+ "Ġvig",
+ "or"
+ ],
+ [
+ "ĠT",
+ "A"
+ ],
+ [
+ "ell",
+ "ers"
+ ],
+ [
+ "Ġm",
+ "apped"
+ ],
+ [
+ "ĠSt",
+ "ick"
+ ],
+ [
+ "ĠDr",
+ "inking"
+ ],
+ [
+ "educ",
+ "ation"
+ ],
+ [
+ "ĠA",
+ "ck"
+ ],
+ [
+ "Ġde",
+ "let"
+ ],
+ [
+ "im",
+ "er"
+ ],
+ [
+ "-p",
+ "res"
+ ],
+ [
+ "Ġrelat",
+ "ivity"
+ ],
+ [
+ "O",
+ "m"
+ ],
+ [
+ "ĠW",
+ "ag"
+ ],
+ [
+ "F",
+ "E"
+ ],
+ [
+ "Ġcoll",
+ "apsed"
+ ],
+ [
+ "Ġsam",
+ "pled"
+ ],
+ [
+ "Intern",
+ "et"
+ ],
+ [
+ "Ġtet",
+ "ra"
+ ],
+ [
+ "ol",
+ "ate"
+ ],
+ [
+ "Ġar",
+ "id"
+ ],
+ [
+ "2",
+ "19"
+ ],
+ [
+ "ĠRe",
+ "ce"
+ ],
+ [
+ "ĠA",
+ "ld"
+ ],
+ [
+ "Ġcol",
+ "oured"
+ ],
+ [
+ "ĠContin",
+ "ental"
+ ],
+ [
+ "Ġdispos",
+ "able"
+ ],
+ [
+ "Ġbless",
+ "ed"
+ ],
+ [
+ "ĠC",
+ "B"
+ ],
+ [
+ "ĠSal",
+ "v"
+ ],
+ [
+ "oun",
+ "ces"
+ ],
+ [
+ "c",
+ "ia"
+ ],
+ [
+ "tle",
+ "ment"
+ ],
+ [
+ "Ġcar",
+ "ot"
+ ],
+ [
+ "Ġcounter",
+ "act"
+ ],
+ [
+ "Ġtox",
+ "in"
+ ],
+ [
+ "ĠMet",
+ "eor"
+ ],
+ [
+ "ĠK",
+ "ate"
+ ],
+ [
+ "Ġcrypt",
+ "ography"
+ ],
+ [
+ "res",
+ "a"
+ ],
+ [
+ "Tra",
+ "ditional"
+ ],
+ [
+ "Ġanaly",
+ "st"
+ ],
+ [
+ "A",
+ "meric"
+ ],
+ [
+ "Ġto",
+ "ps"
+ ],
+ [
+ "ĠH",
+ "undred"
+ ],
+ [
+ "ot",
+ "oxic"
+ ],
+ [
+ "-h",
+ "ome"
+ ],
+ [
+ "rib",
+ "ute"
+ ],
+ [
+ "Ġst",
+ "itches"
+ ],
+ [
+ "Ġcram",
+ "ps"
+ ],
+ [
+ "-",
+ "Al"
+ ],
+ [
+ "Ġper",
+ "c"
+ ],
+ [
+ "Ġflour",
+ "ished"
+ ],
+ [
+ "ĠSt",
+ "ars"
+ ],
+ [
+ "Ġrepl",
+ "en"
+ ],
+ [
+ "Ġreb",
+ "uild"
+ ],
+ [
+ "Ġaux",
+ "iliary"
+ ],
+ [
+ "We",
+ "ek"
+ ],
+ [
+ "Le",
+ "vel"
+ ],
+ [
+ "Ġmerchand",
+ "ise"
+ ],
+ [
+ "w",
+ "hy"
+ ],
+ [
+ "ĠE",
+ "uler"
+ ],
+ [
+ "ĠFam",
+ "ous"
+ ],
+ [
+ "Ġbe",
+ "ating"
+ ],
+ [
+ "Ġ",
+ ")ĊĊ"
+ ],
+ [
+ "ĠCh",
+ "in"
+ ],
+ [
+ "ĠCamb",
+ "odia"
+ ],
+ [
+ "ĠI",
+ "b"
+ ],
+ [
+ "os",
+ "ome"
+ ],
+ [
+ "Contin",
+ "ue"
+ ],
+ [
+ "ĠT",
+ "odd"
+ ],
+ [
+ "aw",
+ "i"
+ ],
+ [
+ "cap",
+ "ing"
+ ],
+ [
+ "Ġs",
+ "aints"
+ ],
+ [
+ "ĠR",
+ "ick"
+ ],
+ [
+ "cess",
+ "ors"
+ ],
+ [
+ "Ġret",
+ "ains"
+ ],
+ [
+ "ĠÐ",
+ "°"
+ ],
+ [
+ "Me",
+ "et"
+ ],
+ [
+ "IT",
+ "ER"
+ ],
+ [
+ "K",
+ "A"
+ ],
+ [
+ "_",
+ "article"
+ ],
+ [
+ "oc",
+ "ative"
+ ],
+ [
+ "ĠRe",
+ "construction"
+ ],
+ [
+ "ĠSh",
+ "apes"
+ ],
+ [
+ "Ġvic",
+ "inity"
+ ],
+ [
+ "ĠGen",
+ "eva"
+ ],
+ [
+ "Ã",
+ "«"
+ ],
+ [
+ "ĠU",
+ "nd"
+ ],
+ [
+ "Ġhect",
+ "ares"
+ ],
+ [
+ "ish",
+ "ops"
+ ],
+ [
+ "8",
+ "50"
+ ],
+ [
+ "Ġion",
+ "ic"
+ ],
+ [
+ "Str",
+ "ateg"
+ ],
+ [
+ "Ġin",
+ "accurate"
+ ],
+ [
+ "Ġâ",
+ "İ"
+ ],
+ [
+ "Ġadm",
+ "iration"
+ ],
+ [
+ "æ³",
+ "ķ"
+ ],
+ [
+ "Ġstim",
+ "ulated"
+ ],
+ [
+ "ĠFoot",
+ "ball"
+ ],
+ [
+ "ul",
+ "i"
+ ],
+ [
+ "Ġswe",
+ "pt"
+ ],
+ [
+ "ĠSequ",
+ "ence"
+ ],
+ [
+ "3",
+ "15"
+ ],
+ [
+ "T",
+ "s"
+ ],
+ [
+ "im",
+ "ilar"
+ ],
+ [
+ ")",
+ "!"
+ ],
+ [
+ "h",
+ "l"
+ ],
+ [
+ "ĠT",
+ "M"
+ ],
+ [
+ "ig",
+ "mat"
+ ],
+ [
+ "ĠAdv",
+ "oc"
+ ],
+ [
+ "Ġavoc",
+ "ado"
+ ],
+ [
+ "Ġh",
+ "ips"
+ ],
+ [
+ "ach",
+ "t"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠ",
+ "ĠĠĠĠĠĠ"
+ ],
+ [
+ "Ġcoord",
+ "inating"
+ ],
+ [
+ "Ġdiscrim",
+ "inatory"
+ ],
+ [
+ "ĠCom",
+ "merce"
+ ],
+ [
+ "Ġdocument",
+ "ing"
+ ],
+ [
+ "Ġint",
+ "ro"
+ ],
+ [
+ "-b",
+ "orne"
+ ],
+ [
+ "osc",
+ "opic"
+ ],
+ [
+ "Ġgu",
+ "inea"
+ ],
+ [
+ "Mult",
+ "i"
+ ],
+ [
+ "Ġfol",
+ "ded"
+ ],
+ [
+ "Ġmay",
+ "or"
+ ],
+ [
+ "ll",
+ "i"
+ ],
+ [
+ "Ġh",
+ "ose"
+ ],
+ [
+ "Ġd",
+ "ug"
+ ],
+ [
+ "Ġman",
+ "ners"
+ ],
+ [
+ "ĠV",
+ "iking"
+ ],
+ [
+ "Ġbefore",
+ "hand"
+ ],
+ [
+ "Ġconf",
+ "use"
+ ],
+ [
+ "Ġsn",
+ "ails"
+ ],
+ [
+ "p",
+ "al"
+ ],
+ [
+ "op",
+ "ed"
+ ],
+ [
+ "ĠG",
+ "arc"
+ ],
+ [
+ "],",
+ "["
+ ],
+ [
+ "ĠS",
+ "OL"
+ ],
+ [
+ "Ġcon",
+ "not"
+ ],
+ [
+ "ĠPhys",
+ "iology"
+ ],
+ [
+ "Ġform",
+ "ulate"
+ ],
+ [
+ "ĠOb",
+ "esity"
+ ],
+ [
+ "-",
+ "equ"
+ ],
+ [
+ "s",
+ "ay"
+ ],
+ [
+ "ĠD",
+ "ensity"
+ ],
+ [
+ "Ġtra",
+ "pez"
+ ],
+ [
+ "ĠZ",
+ "o"
+ ],
+ [
+ "-int",
+ "ensive"
+ ],
+ [
+ "ĠDynam",
+ "ic"
+ ],
+ [
+ "Ġphotovolta",
+ "ic"
+ ],
+ [
+ "ĠT",
+ "rip"
+ ],
+ [
+ "eth",
+ "ical"
+ ],
+ [
+ "Ġpeace",
+ "fully"
+ ],
+ [
+ "ĠCham",
+ "ber"
+ ],
+ [
+ "Ġd",
+ "ire"
+ ],
+ [
+ "Ġper",
+ "oxide"
+ ],
+ [
+ "ĠWell",
+ "ness"
+ ],
+ [
+ "ub",
+ "es"
+ ],
+ [
+ "ĠRe",
+ "levance"
+ ],
+ [
+ "Ġsatis",
+ "factory"
+ ],
+ [
+ "-ph",
+ "ase"
+ ],
+ [
+ "Ġse",
+ "psis"
+ ],
+ [
+ "Ġtend",
+ "on"
+ ],
+ [
+ "Ġscholars",
+ "hips"
+ ],
+ [
+ "Ġstar",
+ "ter"
+ ],
+ [
+ "flamm",
+ "ation"
+ ],
+ [
+ ".",
+ "'Ċ"
+ ],
+ [
+ "ĥ",
+ "½"
+ ],
+ [
+ "Ġa",
+ "queous"
+ ],
+ [
+ "Ġso",
+ "othing"
+ ],
+ [
+ "Ġorgan",
+ "izers"
+ ],
+ [
+ "Ġk",
+ "a"
+ ],
+ [
+ "-p",
+ "ositive"
+ ],
+ [
+ "n",
+ "n"
+ ],
+ [
+ "-f",
+ "ocused"
+ ],
+ [
+ "Ġper",
+ "tains"
+ ],
+ [
+ "ij",
+ "i"
+ ],
+ [
+ "our",
+ "cing"
+ ],
+ [
+ "Ġmaster",
+ "pieces"
+ ],
+ [
+ "ĠReason",
+ "ing"
+ ],
+ [
+ "ĠJama",
+ "ica"
+ ],
+ [
+ "ãĢĤ",
+ "Ċ"
+ ],
+ [
+ "Ġdownt",
+ "own"
+ ],
+ [
+ "ĠO",
+ "pin"
+ ],
+ [
+ "Ġant",
+ "it"
+ ],
+ [
+ "Ġtort",
+ "ure"
+ ],
+ [
+ "N",
+ "I"
+ ],
+ [
+ "Ġa",
+ "we"
+ ],
+ [
+ "ac",
+ "ic"
+ ],
+ [
+ "ĠApp",
+ "endix"
+ ],
+ [
+ "=",
+ "False"
+ ],
+ [
+ "ow",
+ "l"
+ ],
+ [
+ "Ġcop",
+ "ying"
+ ],
+ [
+ "Ġdoctor",
+ "al"
+ ],
+ [
+ "AA",
+ "AA"
+ ],
+ [
+ "A",
+ "p"
+ ],
+ [
+ ",",
+ "t"
+ ],
+ [
+ "ĠW",
+ "E"
+ ],
+ [
+ "ĠBar",
+ "oque"
+ ],
+ [
+ "ĠTur",
+ "tle"
+ ],
+ [
+ "paralle",
+ "led"
+ ],
+ [
+ "Ġspecific",
+ "s"
+ ],
+ [
+ "c",
+ "end"
+ ],
+ [
+ "ed",
+ "ar"
+ ],
+ [
+ "ar",
+ "ations"
+ ],
+ [
+ "ĠEpid",
+ "em"
+ ],
+ [
+ "ĠMe",
+ "asuring"
+ ],
+ [
+ "ature",
+ "d"
+ ],
+ [
+ "ĠEqu",
+ "ality"
+ ],
+ [
+ "Ġreprodu",
+ "ced"
+ ],
+ [
+ "Ġbless",
+ "ings"
+ ],
+ [
+ "ĠC",
+ "ite"
+ ],
+ [
+ "Ġblow",
+ "ing"
+ ],
+ [
+ "Ġresult",
+ "ant"
+ ],
+ [
+ "w",
+ "ritten"
+ ],
+ [
+ "rit",
+ "ies"
+ ],
+ [
+ "by",
+ "e"
+ ],
+ [
+ "ĠRepublic",
+ "ans"
+ ],
+ [
+ "ur",
+ "ry"
+ ],
+ [
+ "ĠSt",
+ "em"
+ ],
+ [
+ "-b",
+ "ack"
+ ],
+ [
+ "Ġhapp",
+ "ily"
+ ],
+ [
+ "Recent",
+ "ly"
+ ],
+ [
+ "Ġmis",
+ "information"
+ ],
+ [
+ "Ġvacc",
+ "inations"
+ ],
+ [
+ "inn",
+ "ings"
+ ],
+ [
+ "Ġhe",
+ "ir"
+ ],
+ [
+ "ĠSc",
+ "ar"
+ ],
+ [
+ "Ġl",
+ "ambda"
+ ],
+ [
+ "Ġle",
+ "ase"
+ ],
+ [
+ "ĠHyd",
+ "rogen"
+ ],
+ [
+ "se",
+ "xual"
+ ],
+ [
+ "ĠA",
+ "RE"
+ ],
+ [
+ "Ġcon",
+ "cluding"
+ ],
+ [
+ "ĠDe",
+ "an"
+ ],
+ [
+ "Ġsem",
+ "inal"
+ ],
+ [
+ "opl",
+ "ankton"
+ ],
+ [
+ "ĠSouth",
+ "west"
+ ],
+ [
+ "ach",
+ "i"
+ ],
+ [
+ "TI",
+ "ES"
+ ],
+ [
+ "in",
+ "ical"
+ ],
+ [
+ "ĠC",
+ "opy"
+ ],
+ [
+ "Ġfa",
+ "ulty"
+ ],
+ [
+ ".w",
+ "ikipedia"
+ ],
+ [
+ "B",
+ "LE"
+ ],
+ [
+ "Ã",
+ "¯"
+ ],
+ [
+ "Ġmunicip",
+ "alities"
+ ],
+ [
+ "/",
+ "-"
+ ],
+ [
+ "-p",
+ "ressure"
+ ],
+ [
+ "ush",
+ "i"
+ ],
+ [
+ "_ch",
+ "osen"
+ ],
+ [
+ "Ġcurs",
+ "ive"
+ ],
+ [
+ "Ġl",
+ "od"
+ ],
+ [
+ "ĠGo",
+ "al"
+ ],
+ [
+ "Ġsket",
+ "ches"
+ ],
+ [
+ "-S",
+ "aharan"
+ ],
+ [
+ "Ġembry",
+ "onic"
+ ],
+ [
+ "ĠP",
+ "ER"
+ ],
+ [
+ "26",
+ "4"
+ ],
+ [
+ "f",
+ "ix"
+ ],
+ [
+ "Ġarr",
+ "anging"
+ ],
+ [
+ "PS",
+ "YCHOLOGY"
+ ],
+ [
+ "il",
+ "ies"
+ ],
+ [
+ "ĠS",
+ "V"
+ ],
+ [
+ "ĠAdv",
+ "ances"
+ ],
+ [
+ "s",
+ "ocial"
+ ],
+ [
+ "ĠP",
+ "ossible"
+ ],
+ [
+ "Ġun",
+ "le"
+ ],
+ [
+ "Ġburn",
+ "out"
+ ],
+ [
+ "ĠM",
+ "ari"
+ ],
+ [
+ "Ġself",
+ "ish"
+ ],
+ [
+ "c",
+ "uts"
+ ],
+ [
+ "Ġorn",
+ "amental"
+ ],
+ [
+ "ĠConst",
+ "itutional"
+ ],
+ [
+ "ĠFamiliar",
+ "ize"
+ ],
+ [
+ "Ġconduct",
+ "ive"
+ ],
+ [
+ "V",
+ "ery"
+ ],
+ [
+ "Ġcompos",
+ "ers"
+ ],
+ [
+ "-",
+ "ended"
+ ],
+ [
+ "Ġaw",
+ "ake"
+ ],
+ [
+ "omorph",
+ "ic"
+ ],
+ [
+ "P",
+ "ER"
+ ],
+ [
+ "i",
+ "aries"
+ ],
+ [
+ "p",
+ "ron"
+ ],
+ [
+ "Ġbase",
+ "ment"
+ ],
+ [
+ "Eng",
+ "ine"
+ ],
+ [
+ "ĠAf",
+ "ro"
+ ],
+ [
+ "ica",
+ "id"
+ ],
+ [
+ ",",
+ "j"
+ ],
+ [
+ "Ġslow",
+ "s"
+ ],
+ [
+ "ĠB",
+ "our"
+ ],
+ [
+ "ĠExplore",
+ "r"
+ ],
+ [
+ "]",
+ "),"
+ ],
+ [
+ "Ġass",
+ "ortment"
+ ],
+ [
+ "Pr",
+ "ice"
+ ],
+ [
+ "E",
+ "lectric"
+ ],
+ [
+ "o",
+ "zy"
+ ],
+ [
+ "S",
+ "at"
+ ],
+ [
+ "ĠInd",
+ "ic"
+ ],
+ [
+ "Ġwater",
+ "ways"
+ ],
+ [
+ "ĠEx",
+ "amine"
+ ],
+ [
+ "ĠInt",
+ "ellectual"
+ ],
+ [
+ "ĠFib",
+ "onacci"
+ ],
+ [
+ "-",
+ "i"
+ ],
+ [
+ "og",
+ "an"
+ ],
+ [
+ "Ġi",
+ "ii"
+ ],
+ [
+ "ĠMay",
+ "o"
+ ],
+ [
+ "ĠDevelopment",
+ "al"
+ ],
+ [
+ "3",
+ "21"
+ ],
+ [
+ "IS",
+ "BN"
+ ],
+ [
+ "Ġhard",
+ "y"
+ ],
+ [
+ "Ġsquee",
+ "ze"
+ ],
+ [
+ "24",
+ "3"
+ ],
+ [
+ "ĠClass",
+ "ic"
+ ],
+ [
+ "ĠJul",
+ "ius"
+ ],
+ [
+ "ĠRedu",
+ "ced"
+ ],
+ [
+ "Imp",
+ "act"
+ ],
+ [
+ "Ġco",
+ "herence"
+ ],
+ [
+ "ĠC",
+ "arm"
+ ],
+ [
+ "ĠFr",
+ "ances"
+ ],
+ [
+ "ĠR",
+ "C"
+ ],
+ [
+ "Ġsocial",
+ "ism"
+ ],
+ [
+ "Ġobs",
+ "c"
+ ],
+ [
+ "ĠAss",
+ "ign"
+ ],
+ [
+ "Ġmamm",
+ "al"
+ ],
+ [
+ "5",
+ "40"
+ ],
+ [
+ "Ġopt",
+ "ics"
+ ],
+ [
+ "Ġepit",
+ "helial"
+ ],
+ [
+ "d",
+ "ots"
+ ],
+ [
+ "Ġsh",
+ "ipped"
+ ],
+ [
+ "Ġrev",
+ "olves"
+ ],
+ [
+ "H",
+ "en"
+ ],
+ [
+ "Ġp",
+ "uff"
+ ],
+ [
+ "Ġst",
+ "ains"
+ ],
+ [
+ "ĠS",
+ "ons"
+ ],
+ [
+ "Ġf",
+ "aint"
+ ],
+ [
+ "Ġcon",
+ "es"
+ ],
+ [
+ "Ġred",
+ "emption"
+ ],
+ [
+ "Ġsel",
+ "dom"
+ ],
+ [
+ "Ġc",
+ "ob"
+ ],
+ [
+ "od",
+ "erm"
+ ],
+ [
+ "ĠPrinc",
+ "ipal"
+ ],
+ [
+ "Ġse",
+ "ized"
+ ],
+ [
+ "oph",
+ "one"
+ ],
+ [
+ "4",
+ "15"
+ ],
+ [
+ "p",
+ "ent"
+ ],
+ [
+ "Ġinterconnected",
+ "ness"
+ ],
+ [
+ "ĠB",
+ "rowse"
+ ],
+ [
+ "Ġexhaust",
+ "ion"
+ ],
+ [
+ "it",
+ "ious"
+ ],
+ [
+ "ĠE",
+ "ure"
+ ],
+ [
+ "Ġcas",
+ "ino"
+ ],
+ [
+ "Ġs",
+ "outheastern"
+ ],
+ [
+ "Ġch",
+ "alk"
+ ],
+ [
+ "Ġgar",
+ "age"
+ ],
+ [
+ "Ġf",
+ "ighters"
+ ],
+ [
+ "ĠP",
+ "ine"
+ ],
+ [
+ "Ġ=",
+ "ĊĊ"
+ ],
+ [
+ "Ġencounter",
+ "ing"
+ ],
+ [
+ "g",
+ "t"
+ ],
+ [
+ "ĠH",
+ "ISTORY"
+ ],
+ [
+ "Ġalert",
+ "s"
+ ],
+ [
+ "Ġj",
+ "am"
+ ],
+ [
+ "Back",
+ "ground"
+ ],
+ [
+ "ĠCertific",
+ "ate"
+ ],
+ [
+ "op",
+ "ping"
+ ],
+ [
+ "N",
+ "ET"
+ ],
+ [
+ "IV",
+ "E"
+ ],
+ [
+ "Ġeleg",
+ "ance"
+ ],
+ [
+ "ĠTechn",
+ "ological"
+ ],
+ [
+ "Ġcircumst",
+ "ance"
+ ],
+ [
+ "G",
+ "P"
+ ],
+ [
+ "W",
+ "ould"
+ ],
+ [
+ "s",
+ "ource"
+ ],
+ [
+ "b",
+ "c"
+ ],
+ [
+ "us",
+ "a"
+ ],
+ [
+ "art",
+ "ments"
+ ],
+ [
+ "Ġcons",
+ "cience"
+ ],
+ [
+ "Ġisol",
+ "ates"
+ ],
+ [
+ "ĠPrin",
+ "cess"
+ ],
+ [
+ "ĠR",
+ "ib"
+ ],
+ [
+ "Ġbind",
+ "s"
+ ],
+ [
+ "2",
+ "18"
+ ],
+ [
+ "ĠI",
+ "van"
+ ],
+ [
+ ".",
+ "zeros"
+ ],
+ [
+ "B",
+ "al"
+ ],
+ [
+ "bra",
+ "nd"
+ ],
+ [
+ "æĸ",
+ "¹"
+ ],
+ [
+ "ĠCh",
+ "lor"
+ ],
+ [
+ ".s",
+ "ize"
+ ],
+ [
+ "Ġcent",
+ "rifug"
+ ],
+ [
+ "ut",
+ "a"
+ ],
+ [
+ "Ġemb",
+ "roid"
+ ],
+ [
+ "Ġbet",
+ "ting"
+ ],
+ [
+ "Ġsk",
+ "ate"
+ ],
+ [
+ "Ġshar",
+ "ply"
+ ],
+ [
+ "Ġdisappoint",
+ "ed"
+ ],
+ [
+ "Ġdisc",
+ "s"
+ ],
+ [
+ "med",
+ "icine"
+ ],
+ [
+ "ĠBeaut",
+ "y"
+ ],
+ [
+ "Ġselect",
+ "ions"
+ ],
+ [
+ "ĠTrans",
+ "l"
+ ],
+ [
+ "ĠL",
+ "DL"
+ ],
+ [
+ "EC",
+ "D"
+ ],
+ [
+ "ĠBal",
+ "d"
+ ],
+ [
+ "Ġparliament",
+ "ary"
+ ],
+ [
+ "Ġut",
+ "most"
+ ],
+ [
+ "Ġcoc",
+ "aine"
+ ],
+ [
+ "u",
+ "ction"
+ ],
+ [
+ "Ġextract",
+ "ing"
+ ],
+ [
+ "pl",
+ "asia"
+ ],
+ [
+ "Ġfil",
+ "ing"
+ ],
+ [
+ "S",
+ "en"
+ ],
+ [
+ "Ġa",
+ "verages"
+ ],
+ [
+ "pp",
+ "ings"
+ ],
+ [
+ "ĠCh",
+ "and"
+ ],
+ [
+ "Ġcat",
+ "ar"
+ ],
+ [
+ "ĠChar",
+ "ter"
+ ],
+ [
+ "ĠOrgan",
+ "isation"
+ ],
+ [
+ "Ġrecru",
+ "ited"
+ ],
+ [
+ "Ġmus",
+ "cul"
+ ],
+ [
+ "ĠImpro",
+ "ving"
+ ],
+ [
+ "Ġnumer",
+ "ic"
+ ],
+ [
+ "Ġskept",
+ "icism"
+ ],
+ [
+ "iro",
+ "sh"
+ ],
+ [
+ "ĠSpr",
+ "ings"
+ ],
+ [
+ "Ġ'*",
+ "'"
+ ],
+ [
+ "6",
+ "40"
+ ],
+ [
+ "Ġrev",
+ "ival"
+ ],
+ [
+ "ĠHem",
+ "isphere"
+ ],
+ [
+ "ĠImple",
+ "ment"
+ ],
+ [
+ "ĠPlat",
+ "form"
+ ],
+ [
+ "erm",
+ "ost"
+ ],
+ [
+ "om",
+ "at"
+ ],
+ [
+ "ĠJud",
+ "ge"
+ ],
+ [
+ "Ġhel",
+ "per"
+ ],
+ [
+ "Ġ'",
+ "+'"
+ ],
+ [
+ "Ġhold",
+ "ers"
+ ],
+ [
+ "Ġl",
+ "iable"
+ ],
+ [
+ "Ġrect",
+ "angles"
+ ],
+ [
+ "ĠV",
+ "s"
+ ],
+ [
+ "Ġunders",
+ "c"
+ ],
+ [
+ "ĠP",
+ "ink"
+ ],
+ [
+ "under",
+ "stood"
+ ],
+ [
+ "Ġsp",
+ "icy"
+ ],
+ [
+ "28",
+ "8"
+ ],
+ [
+ "ATION",
+ "S"
+ ],
+ [
+ "ur",
+ "ge"
+ ],
+ [
+ "о",
+ "Ñģ"
+ ],
+ [
+ "b",
+ "u"
+ ],
+ [
+ "Ġde",
+ "ity"
+ ],
+ [
+ "em",
+ "ing"
+ ],
+ [
+ "ar",
+ "ine"
+ ],
+ [
+ "as",
+ "ured"
+ ],
+ [
+ "ĠH",
+ "ours"
+ ],
+ [
+ "Ġenthusi",
+ "astic"
+ ],
+ [
+ "Ġveter",
+ "an"
+ ],
+ [
+ "Ġab",
+ "norm"
+ ],
+ [
+ "-g",
+ "reen"
+ ],
+ [
+ "Ġp",
+ "iles"
+ ],
+ [
+ "и",
+ "Ñģ"
+ ],
+ [
+ "b",
+ "ia"
+ ],
+ [
+ "f",
+ "ood"
+ ],
+ [
+ "Ġk",
+ "ale"
+ ],
+ [
+ "ĠMed",
+ "itation"
+ ],
+ [
+ "âĢ",
+ "ĭ"
+ ],
+ [
+ "Ġrecogn",
+ "izable"
+ ],
+ [
+ "-h",
+ "uman"
+ ],
+ [
+ "ĠSe",
+ "eds"
+ ],
+ [
+ "amb",
+ "ia"
+ ],
+ [
+ "_w",
+ "ikihow"
+ ],
+ [
+ "Ġcomp",
+ "elled"
+ ],
+ [
+ "Ġinteract",
+ "s"
+ ],
+ [
+ "ĠAbsolute",
+ "ly"
+ ],
+ [
+ "_",
+ "se"
+ ],
+ [
+ "Ġh",
+ "uh"
+ ],
+ [
+ "Ġcar",
+ "ving"
+ ],
+ [
+ "Ġemp",
+ "ath"
+ ],
+ [
+ "Ġdraft",
+ "ing"
+ ],
+ [
+ "Ġpel",
+ "lets"
+ ],
+ [
+ "ĠH",
+ "oney"
+ ],
+ [
+ "Ġdepict",
+ "ions"
+ ],
+ [
+ "!!",
+ "!"
+ ],
+ [
+ "Ġtow",
+ "ering"
+ ],
+ [
+ "Ġn",
+ "avy"
+ ],
+ [
+ "ps",
+ "um"
+ ],
+ [
+ "Ġ:",
+ ":"
+ ],
+ [
+ "Ġ<",
+ "-"
+ ],
+ [
+ "ocy",
+ "t"
+ ],
+ [
+ "B",
+ "ase"
+ ],
+ [
+ "Ġrev",
+ "ital"
+ ],
+ [
+ "Ġcommand",
+ "ed"
+ ],
+ [
+ "ĠÏ",
+ "Ħ"
+ ],
+ [
+ "Ġa",
+ "fore"
+ ],
+ [
+ "on",
+ "line"
+ ],
+ [
+ "reg",
+ "ate"
+ ],
+ [
+ "Ġten",
+ "ure"
+ ],
+ [
+ "ĠBas",
+ "ically"
+ ],
+ [
+ "-per",
+ "formance"
+ ],
+ [
+ "Ġtoothp",
+ "aste"
+ ],
+ [
+ "Ġse",
+ "ab"
+ ],
+ [
+ "Ġpar",
+ "ity"
+ ],
+ [
+ "(",
+ "w"
+ ],
+ [
+ "Ġc",
+ "rab"
+ ],
+ [
+ "Ġr",
+ "ansom"
+ ],
+ [
+ "&",
+ "A"
+ ],
+ [
+ "Ġshort",
+ "ness"
+ ],
+ [
+ "è",
+ "Ģ"
+ ],
+ [
+ "Ġspect",
+ "ra"
+ ],
+ [
+ "Ġaff",
+ "air"
+ ],
+ [
+ "ĠH",
+ "us"
+ ],
+ [
+ "Ġext",
+ "remes"
+ ],
+ [
+ "Ġin",
+ "comes"
+ ],
+ [
+ "Ġbra",
+ "kes"
+ ],
+ [
+ "son",
+ "ian"
+ ],
+ [
+ "OM",
+ "E"
+ ],
+ [
+ "Ġ",
+ "?ĊĊ"
+ ],
+ [
+ "Ġmig",
+ "raine"
+ ],
+ [
+ "un",
+ "h"
+ ],
+ [
+ "M",
+ "ental"
+ ],
+ [
+ "An",
+ "alysis"
+ ],
+ [
+ "ag",
+ "ent"
+ ],
+ [
+ "Ġcont",
+ "our"
+ ],
+ [
+ "-E",
+ "uropean"
+ ],
+ [
+ "Ġcho",
+ "res"
+ ],
+ [
+ "p",
+ "ersonal"
+ ],
+ [
+ "em",
+ "ically"
+ ],
+ [
+ "asc",
+ "ar"
+ ],
+ [
+ "ĠPal",
+ "m"
+ ],
+ [
+ "Ġr",
+ "ides"
+ ],
+ [
+ "ĠJosh",
+ "ua"
+ ],
+ [
+ "ĠO",
+ "racle"
+ ],
+ [
+ "Ġstr",
+ "ides"
+ ],
+ [
+ "AT",
+ "H"
+ ],
+ [
+ "Ġreve",
+ "red"
+ ],
+ [
+ "st",
+ "ated"
+ ],
+ [
+ "ĠTw",
+ "enty"
+ ],
+ [
+ "Ġafter",
+ "ward"
+ ],
+ [
+ "ĠLead",
+ "er"
+ ],
+ [
+ "Ġpri",
+ "zes"
+ ],
+ [
+ "ĠCoast",
+ "al"
+ ],
+ [
+ "en",
+ "ch"
+ ],
+ [
+ "Ġnon",
+ "verbal"
+ ],
+ [
+ "Ġmor",
+ "als"
+ ],
+ [
+ "Ġredd",
+ "ish"
+ ],
+ [
+ "Ġland",
+ "fills"
+ ],
+ [
+ "zz",
+ "les"
+ ],
+ [
+ "P",
+ "ath"
+ ],
+ [
+ "mean",
+ "ing"
+ ],
+ [
+ "art",
+ "es"
+ ],
+ [
+ "ĠP",
+ "P"
+ ],
+ [
+ "_",
+ "state"
+ ],
+ [
+ "p",
+ "res"
+ ],
+ [
+ "Ġr",
+ "im"
+ ],
+ [
+ "Ġun",
+ "paralleled"
+ ],
+ [
+ "ĠHe",
+ "in"
+ ],
+ [
+ "Ġjo",
+ "ins"
+ ],
+ [
+ "Ġh",
+ "ull"
+ ],
+ [
+ "Ġdistrib",
+ "uting"
+ ],
+ [
+ "ĠBiod",
+ "iversity"
+ ],
+ [
+ "(",
+ "u"
+ ],
+ [
+ "al",
+ "ys"
+ ],
+ [
+ "Ġfin",
+ "ishes"
+ ],
+ [
+ "Ġnecessit",
+ "ating"
+ ],
+ [
+ "il",
+ "itary"
+ ],
+ [
+ "EL",
+ "TS"
+ ],
+ [
+ "b",
+ "ors"
+ ],
+ [
+ "Ġcha",
+ "otic"
+ ],
+ [
+ "ĠImprove",
+ "ment"
+ ],
+ [
+ "Ġkn",
+ "itting"
+ ],
+ [
+ "in",
+ "ol"
+ ],
+ [
+ "UL",
+ "L"
+ ],
+ [
+ ".f",
+ "ind"
+ ],
+ [
+ "Ġp",
+ "c"
+ ],
+ [
+ "ĠL",
+ "ip"
+ ],
+ [
+ "Ġaw",
+ "kward"
+ ],
+ [
+ "ĠOm",
+ "ega"
+ ],
+ [
+ "Ġana",
+ "erobic"
+ ],
+ [
+ "e",
+ "lectric"
+ ],
+ [
+ "p",
+ "ots"
+ ],
+ [
+ "Ġst",
+ "al"
+ ],
+ [
+ "Ġtun",
+ "es"
+ ],
+ [
+ "Bl",
+ "ood"
+ ],
+ [
+ "è",
+ "¦"
+ ],
+ [
+ "Ġmin",
+ "isters"
+ ],
+ [
+ "ĠPl",
+ "ains"
+ ],
+ [
+ "Ġmon",
+ "ks"
+ ],
+ [
+ "IS",
+ "M"
+ ],
+ [
+ "Ġ________________",
+ "___"
+ ],
+ [
+ "ĠÃ",
+ "Ĥ"
+ ],
+ [
+ "66",
+ "6"
+ ],
+ [
+ "Ġlegit",
+ "imacy"
+ ],
+ [
+ "ce",
+ "ls"
+ ],
+ [
+ "Ġreact",
+ "ors"
+ ],
+ [
+ "ethyl",
+ "ene"
+ ],
+ [
+ "ĠR",
+ "unning"
+ ],
+ [
+ "Ġph",
+ "ishing"
+ ],
+ [
+ "An",
+ "cient"
+ ],
+ [
+ "Ġsh",
+ "ining"
+ ],
+ [
+ "Ġlat",
+ "ency"
+ ],
+ [
+ "Ġintros",
+ "pection"
+ ],
+ [
+ "on",
+ "omous"
+ ],
+ [
+ "ĠN",
+ "P"
+ ],
+ [
+ "Ġdiagn",
+ "ostics"
+ ],
+ [
+ "Ġpoll",
+ "uted"
+ ],
+ [
+ "Ġe",
+ "gypt"
+ ],
+ [
+ "the",
+ "ir"
+ ],
+ [
+ "ĠCert",
+ "ified"
+ ],
+ [
+ "Ġdu",
+ "plicate"
+ ],
+ [
+ "ĠFant",
+ "asy"
+ ],
+ [
+ "Ġvent",
+ "ures"
+ ],
+ [
+ "Ġe",
+ "ccentric"
+ ],
+ [
+ "bs",
+ "p"
+ ],
+ [
+ "Ag",
+ "ain"
+ ],
+ [
+ "(",
+ "approx"
+ ],
+ [
+ "`",
+ "s"
+ ],
+ [
+ ".",
+ "\\"
+ ],
+ [
+ "ang",
+ "ible"
+ ],
+ [
+ "Ġaut",
+ "istic"
+ ],
+ [
+ "Ġstri",
+ "pes"
+ ],
+ [
+ "ĠW",
+ "A"
+ ],
+ [
+ "ar",
+ "ate"
+ ],
+ [
+ "-p",
+ "roducing"
+ ],
+ [
+ "Ġillum",
+ "ination"
+ ],
+ [
+ "rais",
+ "al"
+ ],
+ [
+ "Ġbur",
+ "nt"
+ ],
+ [
+ "tt",
+ "i"
+ ],
+ [
+ "au",
+ "coma"
+ ],
+ [
+ "HE",
+ "MA"
+ ],
+ [
+ "ĠG",
+ "em"
+ ],
+ [
+ "W",
+ "est"
+ ],
+ [
+ "ĠComb",
+ "ining"
+ ],
+ [
+ "âĢĿ",
+ ")."
+ ],
+ [
+ "Ġref",
+ "erencing"
+ ],
+ [
+ "off",
+ "s"
+ ],
+ [
+ "Ar",
+ "ray"
+ ],
+ [
+ "ĠR",
+ "ates"
+ ],
+ [
+ "ole",
+ "cules"
+ ],
+ [
+ "Ġwitness",
+ "ing"
+ ],
+ [
+ "t",
+ "own"
+ ],
+ [
+ "åĪ",
+ "Ĩ"
+ ],
+ [
+ "ract",
+ "ed"
+ ],
+ [
+ "Ġmicrob",
+ "iota"
+ ],
+ [
+ "ĠE",
+ "q"
+ ],
+ [
+ "St",
+ "ill"
+ ],
+ [
+ "l",
+ "arge"
+ ],
+ [
+ "ĠP",
+ "f"
+ ],
+ [
+ "Ġunder",
+ "represented"
+ ],
+ [
+ "_m",
+ "ax"
+ ],
+ [
+ "ç",
+ "§"
+ ],
+ [
+ "Ġst",
+ "am"
+ ],
+ [
+ "VI",
+ "EW"
+ ],
+ [
+ "Ġlact",
+ "ose"
+ ],
+ [
+ "ĠFried",
+ "rich"
+ ],
+ [
+ "|",
+ "F"
+ ],
+ [
+ "Ġc",
+ "ott"
+ ],
+ [
+ "Ġinsp",
+ "ires"
+ ],
+ [
+ "L",
+ "O"
+ ],
+ [
+ "ĠExt",
+ "reme"
+ ],
+ [
+ "Ġbro",
+ "th"
+ ],
+ [
+ "ĠGr",
+ "iff"
+ ],
+ [
+ "ĠF",
+ "oss"
+ ],
+ [
+ "-year",
+ "s"
+ ],
+ [
+ "ĠInst",
+ "ruct"
+ ],
+ [
+ "-ref",
+ "lection"
+ ],
+ [
+ "y",
+ "ed"
+ ],
+ [
+ "ĠP",
+ "ure"
+ ],
+ [
+ "Ġcur",
+ "b"
+ ],
+ [
+ "ĠH",
+ "ipp"
+ ],
+ [
+ "Ġen",
+ "v"
+ ],
+ [
+ "ag",
+ "ar"
+ ],
+ [
+ "format",
+ "ics"
+ ],
+ [
+ "ĠRest",
+ "oration"
+ ],
+ [
+ "Scient",
+ "ific"
+ ],
+ [
+ "w",
+ "ere"
+ ],
+ [
+ "Ġrevol",
+ "utions"
+ ],
+ [
+ "Ġdi",
+ "aphrag"
+ ],
+ [
+ "Ġmanip",
+ "ulated"
+ ],
+ [
+ "d",
+ "ings"
+ ],
+ [
+ "aver",
+ "ing"
+ ],
+ [
+ "m",
+ "anship"
+ ],
+ [
+ "so",
+ "lete"
+ ],
+ [
+ "Ġsurpr",
+ "ises"
+ ],
+ [
+ "-on",
+ "ly"
+ ],
+ [
+ "i",
+ "ovascular"
+ ],
+ [
+ "sh",
+ "ort"
+ ],
+ [
+ "P",
+ "rior"
+ ],
+ [
+ "B",
+ "ox"
+ ],
+ [
+ "N",
+ "U"
+ ],
+ [
+ "Ġcal",
+ "ibr"
+ ],
+ [
+ "Ġfore",
+ "stry"
+ ],
+ [
+ "Ġcarcin",
+ "oma"
+ ],
+ [
+ "Ġlack",
+ "ed"
+ ],
+ [
+ "ĠSy",
+ "rian"
+ ],
+ [
+ "Ġparas",
+ "itic"
+ ],
+ [
+ "Ġdrough",
+ "ts"
+ ],
+ [
+ "L",
+ "ocal"
+ ],
+ [
+ "v",
+ "ens"
+ ],
+ [
+ "Ġacc",
+ "ustomed"
+ ],
+ [
+ "ĠDis",
+ "ability"
+ ],
+ [
+ "ass",
+ "ic"
+ ],
+ [
+ "Ġag",
+ "ile"
+ ],
+ [
+ "ĠMax",
+ "imum"
+ ],
+ [
+ "ĠMont",
+ "essori"
+ ],
+ [
+ "Ġ'/",
+ "'"
+ ],
+ [
+ "{",
+ "c"
+ ],
+ [
+ "ĠY",
+ "am"
+ ],
+ [
+ "æ",
+ "Ģ"
+ ],
+ [
+ "ne",
+ "e"
+ ],
+ [
+ "ĠChurch",
+ "ill"
+ ],
+ [
+ "erv",
+ "ices"
+ ],
+ [
+ "24",
+ "2"
+ ],
+ [
+ "s",
+ "ince"
+ ],
+ [
+ "S",
+ "yn"
+ ],
+ [
+ "Ġp",
+ "es"
+ ],
+ [
+ "am",
+ "ph"
+ ],
+ [
+ "Ġ\"",
+ "__"
+ ],
+ [
+ "ĠEssential",
+ "ly"
+ ],
+ [
+ "R",
+ "a"
+ ],
+ [
+ "l",
+ "at"
+ ],
+ [
+ "Ġenum",
+ "erate"
+ ],
+ [
+ "-",
+ "book"
+ ],
+ [
+ "ter",
+ "bury"
+ ],
+ [
+ "Ġautobi",
+ "ography"
+ ],
+ [
+ "Ġgre",
+ "et"
+ ],
+ [
+ "Ġpers",
+ "ists"
+ ],
+ [
+ "Ġabs",
+ "cess"
+ ],
+ [
+ "Ġec",
+ "zema"
+ ],
+ [
+ "Ġen",
+ "semble"
+ ],
+ [
+ "Ġbu",
+ "oy"
+ ],
+ [
+ "Ġc",
+ "ogn"
+ ],
+ [
+ "ĠLat",
+ "est"
+ ],
+ [
+ "f",
+ "ruit"
+ ],
+ [
+ "Ġboost",
+ "er"
+ ],
+ [
+ "/",
+ "H"
+ ],
+ [
+ "P",
+ "aper"
+ ],
+ [
+ "in",
+ "ters"
+ ],
+ [
+ "ĠP",
+ "hen"
+ ],
+ [
+ "ĠW",
+ "iki"
+ ],
+ [
+ "Ġswe",
+ "ets"
+ ],
+ [
+ "å",
+ "·"
+ ],
+ [
+ "ĠE",
+ "agle"
+ ],
+ [
+ "ĠH",
+ "orm"
+ ],
+ [
+ "ĠCompet",
+ "ition"
+ ],
+ [
+ "Ġl",
+ "l"
+ ],
+ [
+ "ĠF",
+ "raction"
+ ],
+ [
+ "ĠW",
+ "ow"
+ ],
+ [
+ "Ġregul",
+ "ator"
+ ],
+ [
+ "Ġart",
+ "istry"
+ ],
+ [
+ "ĠAr",
+ "ray"
+ ],
+ [
+ "oval",
+ "ent"
+ ],
+ [
+ "ĠAn",
+ "at"
+ ],
+ [
+ "Ġphot",
+ "ographic"
+ ],
+ [
+ ":**",
+ "Ċ"
+ ],
+ [
+ "ĠT",
+ "ong"
+ ],
+ [
+ "оÐ",
+ "¹"
+ ],
+ [
+ "Ġtherm",
+ "ometer"
+ ],
+ [
+ "keep",
+ "ers"
+ ],
+ [
+ "ĠCh",
+ "ang"
+ ],
+ [
+ "ĠP",
+ "rag"
+ ],
+ [
+ "ĠT",
+ "iger"
+ ],
+ [
+ "ĠPro",
+ "te"
+ ],
+ [
+ "ĠLeban",
+ "on"
+ ],
+ [
+ "0",
+ "18"
+ ],
+ [
+ "ĠE",
+ "ug"
+ ],
+ [
+ "ĠGovern",
+ "ance"
+ ],
+ [
+ "Ġbrows",
+ "ers"
+ ],
+ [
+ "at",
+ "on"
+ ],
+ [
+ "Ġy",
+ "ork"
+ ],
+ [
+ "ind",
+ "le"
+ ],
+ [
+ "Fin",
+ "ancial"
+ ],
+ [
+ "22",
+ "6"
+ ],
+ [
+ "ĠMus",
+ "cle"
+ ],
+ [
+ "ro",
+ "ly"
+ ],
+ [
+ "Ġinter",
+ "st"
+ ],
+ [
+ "Ġcr",
+ "ashes"
+ ],
+ [
+ "ĠMay",
+ "or"
+ ],
+ [
+ "up",
+ "date"
+ ],
+ [
+ "ĠStan",
+ "ley"
+ ],
+ [
+ "im",
+ "ating"
+ ],
+ [
+ "ĠTrans",
+ "formation"
+ ],
+ [
+ "Ġlip",
+ "ids"
+ ],
+ [
+ "ĠThe",
+ "ater"
+ ],
+ [
+ "irming",
+ "ham"
+ ],
+ [
+ "-w",
+ "ing"
+ ],
+ [
+ "Ġpour",
+ "ing"
+ ],
+ [
+ "ew",
+ "orthy"
+ ],
+ [
+ "Ġtele",
+ "communications"
+ ],
+ [
+ "ER",
+ "D"
+ ],
+ [
+ "Ġc",
+ "ovenant"
+ ],
+ [
+ "24",
+ "7"
+ ],
+ [
+ "ĠS",
+ "ites"
+ ],
+ [
+ "Ġdivid",
+ "end"
+ ],
+ [
+ "l",
+ "ength"
+ ],
+ [
+ "it",
+ "as"
+ ],
+ [
+ "ĠEqu",
+ "al"
+ ],
+ [
+ "Commun",
+ "ity"
+ ],
+ [
+ "ĠInst",
+ "itution"
+ ],
+ [
+ "Ä",
+ "ĥ"
+ ],
+ [
+ "ir",
+ "ling"
+ ],
+ [
+ "28",
+ "5"
+ ],
+ [
+ "ffect",
+ "ed"
+ ],
+ [
+ "Ġoccup",
+ "ies"
+ ],
+ [
+ "Mod",
+ "el"
+ ],
+ [
+ "bi",
+ "ased"
+ ],
+ [
+ "at",
+ "ology"
+ ],
+ [
+ "ĠE",
+ "lim"
+ ],
+ [
+ "Ġhead",
+ "ings"
+ ],
+ [
+ "Ġwat",
+ "ts"
+ ],
+ [
+ "ĠHab",
+ "itat"
+ ],
+ [
+ "Ġparad",
+ "igms"
+ ],
+ [
+ "ĠArchae",
+ "ology"
+ ],
+ [
+ "y",
+ "c"
+ ],
+ [
+ "Ġtall",
+ "er"
+ ],
+ [
+ "Ġpolym",
+ "orph"
+ ],
+ [
+ "50",
+ "1"
+ ],
+ [
+ "Ġacknowled",
+ "ges"
+ ],
+ [
+ "Ġconf",
+ "ine"
+ ],
+ [
+ "ĠTrig",
+ "on"
+ ],
+ [
+ "Ġy",
+ "ummy"
+ ],
+ [
+ "ĠDet",
+ "ailed"
+ ],
+ [
+ "et",
+ "es"
+ ],
+ [
+ "Ġrid",
+ "ers"
+ ],
+ [
+ "Ġcleans",
+ "ing"
+ ],
+ [
+ "Ġmer",
+ "its"
+ ],
+ [
+ "Ġcra",
+ "vings"
+ ],
+ [
+ "ĠPit",
+ "ts"
+ ],
+ [
+ "ĠAR",
+ "T"
+ ],
+ [
+ "Ġspark",
+ "ing"
+ ],
+ [
+ "Ġcosm",
+ "os"
+ ],
+ [
+ "Ġdispos",
+ "ed"
+ ],
+ [
+ "Ġj",
+ "umps"
+ ],
+ [
+ "ĠNo",
+ "vels"
+ ],
+ [
+ "ay",
+ "ed"
+ ],
+ [
+ "ud",
+ "es"
+ ],
+ [
+ "ĠAb",
+ "ove"
+ ],
+ [
+ "Ġsie",
+ "ge"
+ ],
+ [
+ "Ġplaus",
+ "ible"
+ ],
+ [
+ "G",
+ "r"
+ ],
+ [
+ "ĠTher",
+ "mal"
+ ],
+ [
+ "ĠK",
+ "enn"
+ ],
+ [
+ "com",
+ "puter"
+ ],
+ [
+ "Ident",
+ "ify"
+ ],
+ [
+ "ri",
+ "o"
+ ],
+ [
+ "-hand",
+ "ed"
+ ],
+ [
+ "_",
+ "val"
+ ],
+ [
+ "Ġh",
+ "ood"
+ ],
+ [
+ "ate",
+ "mal"
+ ],
+ [
+ "Ġimpact",
+ "ful"
+ ],
+ [
+ "hel",
+ "ium"
+ ],
+ [
+ "CO",
+ "M"
+ ],
+ [
+ "Ġgrass",
+ "lands"
+ ],
+ [
+ "Ġt",
+ "apping"
+ ],
+ [
+ "Ġs",
+ "clerosis"
+ ],
+ [
+ "Ġfam",
+ "ine"
+ ],
+ [
+ "Ġepist",
+ "em"
+ ],
+ [
+ "bol",
+ "ic"
+ ],
+ [
+ "col",
+ "umn"
+ ],
+ [
+ "`",
+ "ĊĊ"
+ ],
+ [
+ "t",
+ "is"
+ ],
+ [
+ "ĠFund",
+ "amentals"
+ ],
+ [
+ "h",
+ "s"
+ ],
+ [
+ "Ġchrom",
+ "ium"
+ ],
+ [
+ "Ġsp",
+ "ikes"
+ ],
+ [
+ "Ġhall",
+ "uc"
+ ],
+ [
+ "ĠJenn",
+ "ifer"
+ ],
+ [
+ "5",
+ "20"
+ ],
+ [
+ "Ġcolle",
+ "ague"
+ ],
+ [
+ "V",
+ "s"
+ ],
+ [
+ "ĠK",
+ "E"
+ ],
+ [
+ "ĠSh",
+ "aw"
+ ],
+ [
+ "Public",
+ "ation"
+ ],
+ [
+ "Ġcomput",
+ "ations"
+ ],
+ [
+ "Ġmerg",
+ "ing"
+ ],
+ [
+ "j",
+ "ah"
+ ],
+ [
+ "ĠA",
+ "uschwitz"
+ ],
+ [
+ "ĠUs",
+ "age"
+ ],
+ [
+ "ĠLith",
+ "uan"
+ ],
+ [
+ "v",
+ "t"
+ ],
+ [
+ "Ġpo",
+ "ised"
+ ],
+ [
+ "æ",
+ "İ"
+ ],
+ [
+ "ut",
+ "ers"
+ ],
+ [
+ "é",
+ "n"
+ ],
+ [
+ "Ġseg",
+ "mentation"
+ ],
+ [
+ "amer",
+ "ican"
+ ],
+ [
+ "u",
+ "ador"
+ ],
+ [
+ "Ġoun",
+ "ce"
+ ],
+ [
+ "en",
+ "ne"
+ ],
+ [
+ "Ġd",
+ "ucks"
+ ],
+ [
+ "ĠG",
+ "host"
+ ],
+ [
+ "Ġres",
+ "ent"
+ ],
+ [
+ "Ġc",
+ "sv"
+ ],
+ [
+ "Ġinf",
+ "ringe"
+ ],
+ [
+ "ĠRe",
+ "ally"
+ ],
+ [
+ "ĠÏ",
+ "Ĩ"
+ ],
+ [
+ "e",
+ "ach"
+ ],
+ [
+ "S",
+ "un"
+ ],
+ [
+ "Ġconduct",
+ "ors"
+ ],
+ [
+ "Ġconstell",
+ "ation"
+ ],
+ [
+ "ĠShe",
+ "ll"
+ ],
+ [
+ "ĠMet",
+ "a"
+ ],
+ [
+ "ĠK",
+ "night"
+ ],
+ [
+ "Ġfl",
+ "ames"
+ ],
+ [
+ "ĠCrypt",
+ "ocur"
+ ],
+ [
+ "Ġphys",
+ "ique"
+ ],
+ [
+ "ĠGradu",
+ "ally"
+ ],
+ [
+ "ĠVert",
+ "ical"
+ ],
+ [
+ "ed",
+ "es"
+ ],
+ [
+ "Ġd",
+ "ome"
+ ],
+ [
+ "ĠTechn",
+ "ique"
+ ],
+ [
+ "ĠPark",
+ "er"
+ ],
+ [
+ "Ġpack",
+ "aged"
+ ],
+ [
+ "Ġcontract",
+ "ed"
+ ],
+ [
+ "ĠVol",
+ "can"
+ ],
+ [
+ "ĠD",
+ "eg"
+ ],
+ [
+ "Ġreal",
+ "ms"
+ ],
+ [
+ "ĠE",
+ "z"
+ ],
+ [
+ "c",
+ "ue"
+ ],
+ [
+ "Ġ\\",
+ "Ċ"
+ ],
+ [
+ "Ġpolar",
+ "ization"
+ ],
+ [
+ "Ġsubmit",
+ "ting"
+ ],
+ [
+ "Ġpsych",
+ "osocial"
+ ],
+ [
+ "if",
+ "erous"
+ ],
+ [
+ "ĠOw",
+ "l"
+ ],
+ [
+ "ĠB",
+ "ert"
+ ],
+ [
+ "ĠIn",
+ "cluding"
+ ],
+ [
+ "V",
+ "arious"
+ ],
+ [
+ "Ġs",
+ "ab"
+ ],
+ [
+ "Ġinnoc",
+ "ence"
+ ],
+ [
+ "-in",
+ "formed"
+ ],
+ [
+ "Ġencl",
+ "osure"
+ ],
+ [
+ "ĠTher",
+ "m"
+ ],
+ [
+ "Ġfactor",
+ "ization"
+ ],
+ [
+ "Ġalumin",
+ "ium"
+ ],
+ [
+ "Ġbless",
+ "ing"
+ ],
+ [
+ "ĠðŁ",
+ "ij"
+ ],
+ [
+ "Ġinfant",
+ "ry"
+ ],
+ [
+ "ĠSt",
+ "rait"
+ ],
+ [
+ "Ġirre",
+ "versible"
+ ],
+ [
+ "ĠAth",
+ "let"
+ ],
+ [
+ "F",
+ "re"
+ ],
+ [
+ "ĠC",
+ "od"
+ ],
+ [
+ "Ġcompress",
+ "or"
+ ],
+ [
+ "P",
+ "aul"
+ ],
+ [
+ "Ġheart",
+ "beat"
+ ],
+ [
+ "Ġassign",
+ "ing"
+ ],
+ [
+ "ĠProm",
+ "oting"
+ ],
+ [
+ "R",
+ "equ"
+ ],
+ [
+ "ash",
+ "a"
+ ],
+ [
+ "lu",
+ "ence"
+ ],
+ [
+ "fact",
+ "or"
+ ],
+ [
+ "Ġhy",
+ "br"
+ ],
+ [
+ "ĠFarm",
+ "ers"
+ ],
+ [
+ "ĠDef",
+ "initions"
+ ],
+ [
+ "ĠC",
+ "AP"
+ ],
+ [
+ "Ġblood",
+ "y"
+ ],
+ [
+ "29",
+ "9"
+ ],
+ [
+ "Ġcompar",
+ "atively"
+ ],
+ [
+ "Ġshad",
+ "ed"
+ ],
+ [
+ "Ġverte",
+ "bra"
+ ],
+ [
+ "Ġtablesp",
+ "oons"
+ ],
+ [
+ "-cl",
+ "ick"
+ ],
+ [
+ "ĠProced",
+ "ure"
+ ],
+ [
+ "g",
+ "ow"
+ ],
+ [
+ "Ġagg",
+ "ress"
+ ],
+ [
+ "oph",
+ "ysical"
+ ],
+ [
+ "ĠTra",
+ "ditions"
+ ],
+ [
+ "45",
+ "1"
+ ],
+ [
+ "at",
+ "ization"
+ ],
+ [
+ "ĠM",
+ "amm"
+ ],
+ [
+ "Ġe",
+ "Book"
+ ],
+ [
+ "Ġthr",
+ "ill"
+ ],
+ [
+ "à¥",
+ "ĭ"
+ ],
+ [
+ "ĠLeg",
+ "end"
+ ],
+ [
+ "Ġuncover",
+ "ing"
+ ],
+ [
+ "d",
+ "c"
+ ],
+ [
+ "Fact",
+ "ors"
+ ],
+ [
+ "Ġmitochond",
+ "ria"
+ ],
+ [
+ "ĠResil",
+ "ience"
+ ],
+ [
+ "ĠSt",
+ "yles"
+ ],
+ [
+ "n",
+ "ets"
+ ],
+ [
+ "}",
+ "x"
+ ],
+ [
+ "op",
+ "ian"
+ ],
+ [
+ ".",
+ "un"
+ ],
+ [
+ "Ġra",
+ "pp"
+ ],
+ [
+ "cast",
+ "ing"
+ ],
+ [
+ "ĠAb",
+ "u"
+ ],
+ [
+ "ass",
+ "ador"
+ ],
+ [
+ "[",
+ "]"
+ ],
+ [
+ "al",
+ "ia"
+ ],
+ [
+ "Ġunint",
+ "ended"
+ ],
+ [
+ "em",
+ "atic"
+ ],
+ [
+ "Ġref",
+ "erenced"
+ ],
+ [
+ "Ġtrain",
+ "er"
+ ],
+ [
+ "Ġrest",
+ "s"
+ ],
+ [
+ "ĠDisc",
+ "rimination"
+ ],
+ [
+ "0",
+ "14"
+ ],
+ [
+ "Ġh",
+ "ing"
+ ],
+ [
+ "Qu",
+ "estions"
+ ],
+ [
+ "Ġdesper",
+ "ate"
+ ],
+ [
+ "Ġremark",
+ "ably"
+ ],
+ [
+ "ĠMah",
+ "ar"
+ ],
+ [
+ "Â",
+ "¼"
+ ],
+ [
+ "inf",
+ "ection"
+ ],
+ [
+ "fl",
+ "ix"
+ ],
+ [
+ "Ġdistract",
+ "ed"
+ ],
+ [
+ "ĠRe",
+ "con"
+ ],
+ [
+ "Ġblo",
+ "ating"
+ ],
+ [
+ "Ġdi",
+ "ode"
+ ],
+ [
+ "Å",
+ "Ł"
+ ],
+ [
+ "Un",
+ "ivers"
+ ],
+ [
+ "ĠCh",
+ "rom"
+ ],
+ [
+ "ĠSp",
+ "elling"
+ ],
+ [
+ "Ġow",
+ "ning"
+ ],
+ [
+ "ĠFlow",
+ "ers"
+ ],
+ [
+ "ĠD",
+ "ol"
+ ],
+ [
+ "CO",
+ "VID"
+ ],
+ [
+ "Ġcrystall",
+ "ine"
+ ],
+ [
+ "Ġinterven",
+ "e"
+ ],
+ [
+ "Ġsc",
+ "ram"
+ ],
+ [
+ "Ġcris",
+ "p"
+ ],
+ [
+ "ic",
+ "iary"
+ ],
+ [
+ "ĠR",
+ "ic"
+ ],
+ [
+ "Ġhon",
+ "ors"
+ ],
+ [
+ "Ġle",
+ "v"
+ ],
+ [
+ "ĠV",
+ "ancouver"
+ ],
+ [
+ "33",
+ "9"
+ ],
+ [
+ "/",
+ "min"
+ ],
+ [
+ "ĠCh",
+ "ance"
+ ],
+ [
+ "lic",
+ "ts"
+ ],
+ [
+ "Ġattain",
+ "ment"
+ ],
+ [
+ "ose",
+ "xuality"
+ ],
+ [
+ "Ġh",
+ "ast"
+ ],
+ [
+ "at",
+ "io"
+ ],
+ [
+ "ĠChick",
+ "en"
+ ],
+ [
+ "Ġcylind",
+ "ers"
+ ],
+ [
+ "25",
+ "3"
+ ],
+ [
+ "Ġspect",
+ "rom"
+ ],
+ [
+ "Ġsummar",
+ "izes"
+ ],
+ [
+ "Ġdis",
+ "pose"
+ ],
+ [
+ "ĠJ",
+ "a"
+ ],
+ [
+ "Ġchron",
+ "ological"
+ ],
+ [
+ "Ġopp",
+ "ressive"
+ ],
+ [
+ "l",
+ "it"
+ ],
+ [
+ "Ġj",
+ "ungle"
+ ],
+ [
+ "Ġarg",
+ "s"
+ ],
+ [
+ "g",
+ "re"
+ ],
+ [
+ "ĠSt",
+ "uart"
+ ],
+ [
+ "We",
+ "ight"
+ ],
+ [
+ "Ġlisten",
+ "er"
+ ],
+ [
+ "Is",
+ "lam"
+ ],
+ [
+ "ĠI",
+ "X"
+ ],
+ [
+ "rit",
+ "ic"
+ ],
+ [
+ "ĠPregn",
+ "ancy"
+ ],
+ [
+ "ÑĤ",
+ "о"
+ ],
+ [
+ "Ind",
+ "ust"
+ ],
+ [
+ "Ġim",
+ "plicated"
+ ],
+ [
+ "Ġdr",
+ "unk"
+ ],
+ [
+ "igm",
+ "atic"
+ ],
+ [
+ "ont",
+ "ology"
+ ],
+ [
+ "Ġap",
+ "opt"
+ ],
+ [
+ "Ġgrant",
+ "ing"
+ ],
+ [
+ "ĠSh",
+ "ar"
+ ],
+ [
+ "Al",
+ "ong"
+ ],
+ [
+ "ĠAc",
+ "ute"
+ ],
+ [
+ "-d",
+ "istance"
+ ],
+ [
+ "ĠQuant",
+ "itative"
+ ],
+ [
+ "id",
+ "ine"
+ ],
+ [
+ "Sim",
+ "ple"
+ ],
+ [
+ "Ġun",
+ "ite"
+ ],
+ [
+ "S",
+ "an"
+ ],
+ [
+ "ĠNum",
+ "erous"
+ ],
+ [
+ "ĠPhotos",
+ "hop"
+ ],
+ [
+ "ĠM",
+ "orm"
+ ],
+ [
+ "Ġfl",
+ "ock"
+ ],
+ [
+ "Ġch",
+ "ol"
+ ],
+ [
+ "Ġem",
+ "anc"
+ ],
+ [
+ "Ġes",
+ "c"
+ ],
+ [
+ "27",
+ "2"
+ ],
+ [
+ "9",
+ "11"
+ ],
+ [
+ "m",
+ "ium"
+ ],
+ [
+ "W",
+ "ed"
+ ],
+ [
+ "Ġpre",
+ "con"
+ ],
+ [
+ "ĠDel",
+ "aware"
+ ],
+ [
+ "Ġfrag",
+ "mentation"
+ ],
+ [
+ "#",
+ "!/"
+ ],
+ [
+ "ĠâĢ¦",
+ "."
+ ],
+ [
+ "ĠES",
+ "L"
+ ],
+ [
+ "N",
+ "ESS"
+ ],
+ [
+ "Ġm",
+ "oth"
+ ],
+ [
+ "ĠDiagn",
+ "ostic"
+ ],
+ [
+ "Ġskept",
+ "ical"
+ ],
+ [
+ "ect",
+ "omy"
+ ],
+ [
+ "um",
+ "i"
+ ],
+ [
+ "Ġart",
+ "works"
+ ],
+ [
+ "Ġhon",
+ "oring"
+ ],
+ [
+ "Ġafford",
+ "ability"
+ ],
+ [
+ "it",
+ "ut"
+ ],
+ [
+ "Ġav",
+ "ian"
+ ],
+ [
+ "s",
+ "upp"
+ ],
+ [
+ "ĠT",
+ "ale"
+ ],
+ [
+ "Ġu",
+ "pp"
+ ],
+ [
+ "iv",
+ "itis"
+ ],
+ [
+ "ĠP",
+ "ie"
+ ],
+ [
+ "//",
+ "//"
+ ],
+ [
+ "22",
+ "9"
+ ],
+ [
+ "Ġdiss",
+ "ip"
+ ],
+ [
+ "Ġbow",
+ "ls"
+ ],
+ [
+ "Ġcon",
+ "duction"
+ ],
+ [
+ "{",
+ "y"
+ ],
+ [
+ "ĠB",
+ "od"
+ ],
+ [
+ "ĠN",
+ "athan"
+ ],
+ [
+ "Ġinf",
+ "ancy"
+ ],
+ [
+ "Ġcommit",
+ "tees"
+ ],
+ [
+ "ĠKid",
+ "ney"
+ ],
+ [
+ "eto",
+ "oth"
+ ],
+ [
+ "Ġfol",
+ "ds"
+ ],
+ [
+ "ĠClass",
+ "es"
+ ],
+ [
+ ".t",
+ "itle"
+ ],
+ [
+ "Ġbomb",
+ "ing"
+ ],
+ [
+ "Ġimprison",
+ "ment"
+ ],
+ [
+ "ĠSt",
+ "ru"
+ ],
+ [
+ "Ġshock",
+ "ing"
+ ],
+ [
+ "_",
+ "||"
+ ],
+ [
+ "Ġf",
+ "ry"
+ ],
+ [
+ "uc",
+ "ose"
+ ],
+ [
+ "ĠHol",
+ "land"
+ ],
+ [
+ "ĠT",
+ "ank"
+ ],
+ [
+ "Ġcomp",
+ "artment"
+ ],
+ [
+ "Ġinform",
+ "ing"
+ ],
+ [
+ "Ġworth",
+ "while"
+ ],
+ [
+ "ĠSc",
+ "ene"
+ ],
+ [
+ "ĠCorn",
+ "ell"
+ ],
+ [
+ "ĠOptim",
+ "ization"
+ ],
+ [
+ "Q",
+ "uality"
+ ],
+ [
+ "if",
+ "ted"
+ ],
+ [
+ "ect",
+ "ors"
+ ],
+ [
+ "ight",
+ "y"
+ ],
+ [
+ "en",
+ "use"
+ ],
+ [
+ "ĠF",
+ "ell"
+ ],
+ [
+ ".p",
+ "ng"
+ ],
+ [
+ "Ġorth",
+ "ogonal"
+ ],
+ [
+ "F",
+ "ive"
+ ],
+ [
+ "Ġne",
+ "ph"
+ ],
+ [
+ "En",
+ "h"
+ ],
+ [
+ "ĠDoc",
+ "uments"
+ ],
+ [
+ "Ġspl",
+ "end"
+ ],
+ [
+ "ĠH",
+ "end"
+ ],
+ [
+ "Ġmis",
+ "car"
+ ],
+ [
+ "Ġintrig",
+ "ue"
+ ],
+ [
+ "ĠS",
+ "hip"
+ ],
+ [
+ "itch",
+ "ing"
+ ],
+ [
+ "ĠDiet",
+ "ary"
+ ],
+ [
+ "Ġle",
+ "ukemia"
+ ],
+ [
+ "idd",
+ "les"
+ ],
+ [
+ "ĠNe",
+ "ither"
+ ],
+ [
+ "ĠMach",
+ "ines"
+ ],
+ [
+ "Ġhomeless",
+ "ness"
+ ],
+ [
+ "st",
+ "ad"
+ ],
+ [
+ "UN",
+ "D"
+ ],
+ [
+ "Ġl",
+ "ump"
+ ],
+ [
+ "Ġan",
+ "onym"
+ ],
+ [
+ "Ġdisrupt",
+ "ive"
+ ],
+ [
+ "ĠK",
+ "ra"
+ ],
+ [
+ "-t",
+ "wo"
+ ],
+ [
+ "Ġpregn",
+ "ancies"
+ ],
+ [
+ "Ġcust",
+ "ody"
+ ],
+ [
+ "Ġwe",
+ "ighed"
+ ],
+ [
+ "Ġterm",
+ "ination"
+ ],
+ [
+ "!",
+ ")Ċ"
+ ],
+ [
+ "asc",
+ "al"
+ ],
+ [
+ "Ġinterc",
+ "ourse"
+ ],
+ [
+ "a",
+ "q"
+ ],
+ [
+ "Ġh",
+ "alt"
+ ],
+ [
+ "Ġup",
+ "side"
+ ],
+ [
+ "ĠK",
+ "rist"
+ ],
+ [
+ "at",
+ "ible"
+ ],
+ [
+ "Ġsp",
+ "onge"
+ ],
+ [
+ "Ġmyth",
+ "ical"
+ ],
+ [
+ "Form",
+ "at"
+ ],
+ [
+ "Ġeru",
+ "ptions"
+ ],
+ [
+ "Ġend",
+ "omet"
+ ],
+ [
+ "Ġfre",
+ "ight"
+ ],
+ [
+ "f",
+ "eld"
+ ],
+ [
+ "og",
+ "h"
+ ],
+ [
+ "Ġsc",
+ "ars"
+ ],
+ [
+ "ĠD",
+ "S"
+ ],
+ [
+ "ri",
+ "am"
+ ],
+ [
+ "CO",
+ "S"
+ ],
+ [
+ "Ġanat",
+ "omical"
+ ],
+ [
+ ".",
+ "ch"
+ ],
+ [
+ "Ġp",
+ "icks"
+ ],
+ [
+ "Ġsl",
+ "aughter"
+ ],
+ [
+ "Ġpain",
+ "ters"
+ ],
+ [
+ "Ġcat",
+ "hedral"
+ ],
+ [
+ "IS",
+ "A"
+ ],
+ [
+ "Ġconvict",
+ "ed"
+ ],
+ [
+ "Ġo",
+ "st"
+ ],
+ [
+ "Ġpriorit",
+ "izing"
+ ],
+ [
+ "Ġt",
+ "v"
+ ],
+ [
+ "ĠH",
+ "idden"
+ ],
+ [
+ "24",
+ "6"
+ ],
+ [
+ "ĠW",
+ "ol"
+ ],
+ [
+ "Ġus",
+ "able"
+ ],
+ [
+ "-d",
+ "om"
+ ],
+ [
+ "Ġdesc",
+ "ended"
+ ],
+ [
+ "Ġcalcul",
+ "ators"
+ ],
+ [
+ "Ġpept",
+ "ide"
+ ],
+ [
+ "Ġw",
+ "itches"
+ ],
+ [
+ "ĠIn",
+ "n"
+ ],
+ [
+ "ĠPl",
+ "as"
+ ],
+ [
+ "Ġphen",
+ "otype"
+ ],
+ [
+ "Ġl",
+ "ane"
+ ],
+ [
+ "Ġrel",
+ "apse"
+ ],
+ [
+ "Ġintermitt",
+ "ent"
+ ],
+ [
+ "ĠW",
+ "ool"
+ ],
+ [
+ "Ġsp",
+ "or"
+ ],
+ [
+ "o",
+ "oth"
+ ],
+ [
+ "ĠE",
+ "lder"
+ ],
+ [
+ "Ġtra",
+ "y"
+ ],
+ [
+ "ĠRe",
+ "formation"
+ ],
+ [
+ "Ġsubmar",
+ "ine"
+ ],
+ [
+ "_",
+ "text"
+ ],
+ [
+ "Ġalt",
+ "ar"
+ ],
+ [
+ "Ġare",
+ "na"
+ ],
+ [
+ "ĠV",
+ "es"
+ ],
+ [
+ "Ġfortun",
+ "ate"
+ ],
+ [
+ "f",
+ "ields"
+ ],
+ [
+ "act",
+ "ively"
+ ],
+ [
+ "Ġqu",
+ "arry"
+ ],
+ [
+ "Ġinstinct",
+ "s"
+ ],
+ [
+ "ĠSh",
+ "i"
+ ],
+ [
+ "ĠIde",
+ "al"
+ ],
+ [
+ "Ġ",
+ "ie"
+ ],
+ [
+ "Ġde",
+ "ception"
+ ],
+ [
+ "ĠPlay",
+ "er"
+ ],
+ [
+ "Ġcomprehend",
+ "ing"
+ ],
+ [
+ "Ġw",
+ "ipe"
+ ],
+ [
+ "80",
+ "2"
+ ],
+ [
+ "L",
+ "eg"
+ ],
+ [
+ "ĠP",
+ "oe"
+ ],
+ [
+ "Ġbuild",
+ "ers"
+ ],
+ [
+ "ĠArab",
+ "ian"
+ ],
+ [
+ ".",
+ "con"
+ ],
+ [
+ "Ġexpect",
+ "s"
+ ],
+ [
+ "Ġmonop",
+ "oly"
+ ],
+ [
+ "Ġunw",
+ "avering"
+ ],
+ [
+ "H",
+ "ard"
+ ],
+ [
+ "T",
+ "M"
+ ],
+ [
+ "Ġhel",
+ "ium"
+ ],
+ [
+ "Ġno",
+ "isy"
+ ],
+ [
+ "Ġoverl",
+ "ook"
+ ],
+ [
+ "ĠJ",
+ "ason"
+ ],
+ [
+ "Ġintegr",
+ "ates"
+ ],
+ [
+ "L",
+ "ondon"
+ ],
+ [
+ "Ġrib",
+ "bon"
+ ],
+ [
+ "own",
+ "er"
+ ],
+ [
+ "26",
+ "2"
+ ],
+ [
+ "Ġstar",
+ "ters"
+ ],
+ [
+ "ov",
+ "o"
+ ],
+ [
+ "uck",
+ "ed"
+ ],
+ [
+ "ĠEstab",
+ "lishing"
+ ],
+ [
+ "Ġout",
+ "we"
+ ],
+ [
+ "ĠUnder",
+ "ground"
+ ],
+ [
+ "ĠImm",
+ "igration"
+ ],
+ [
+ "ĠStew",
+ "art"
+ ],
+ [
+ "l",
+ "ay"
+ ],
+ [
+ "Ġsupp",
+ "ressed"
+ ],
+ [
+ "Ad",
+ "vantages"
+ ],
+ [
+ "ĠMar",
+ "tha"
+ ],
+ [
+ "Up",
+ "on"
+ ],
+ [
+ "Ġbel",
+ "ts"
+ ],
+ [
+ "utrit",
+ "ional"
+ ],
+ [
+ "Ġasc",
+ "ending"
+ ],
+ [
+ "ĠT",
+ "as"
+ ],
+ [
+ "23",
+ "7"
+ ],
+ [
+ "ipp",
+ "ers"
+ ],
+ [
+ "al",
+ "ach"
+ ],
+ [
+ "Ġf",
+ "eline"
+ ],
+ [
+ "ĠRed",
+ "ucing"
+ ],
+ [
+ "Ġfr",
+ "idge"
+ ],
+ [
+ "C",
+ "ertain"
+ ],
+ [
+ "ac",
+ "illus"
+ ],
+ [
+ "Ġdischarg",
+ "ed"
+ ],
+ [
+ "qu",
+ "est"
+ ],
+ [
+ "ĠB",
+ "alk"
+ ],
+ [
+ "ĠF",
+ "asc"
+ ],
+ [
+ "Ġdeb",
+ "ut"
+ ],
+ [
+ "Ġbr",
+ "ushes"
+ ],
+ [
+ "Ġmoder",
+ "ately"
+ ],
+ [
+ "Ġl",
+ "an"
+ ],
+ [
+ "-d",
+ "i"
+ ],
+ [
+ "Ġm",
+ "c"
+ ],
+ [
+ "Ġdis",
+ "sect"
+ ],
+ [
+ "ia",
+ "o"
+ ],
+ [
+ "Ġpract",
+ "ise"
+ ],
+ [
+ "N",
+ "H"
+ ],
+ [
+ "Ġpl",
+ "ed"
+ ],
+ [
+ "ĠHT",
+ "TP"
+ ],
+ [
+ "3",
+ "23"
+ ],
+ [
+ "ĠA",
+ "aron"
+ ],
+ [
+ "ĠM",
+ "OD"
+ ],
+ [
+ "Ġsubstr",
+ "ates"
+ ],
+ [
+ "Ġpyram",
+ "ids"
+ ],
+ [
+ "Ġquestionna",
+ "ires"
+ ],
+ [
+ "ĠScient",
+ "ist"
+ ],
+ [
+ "Ġmonument",
+ "al"
+ ],
+ [
+ "w",
+ "ered"
+ ],
+ [
+ "?",
+ "!"
+ ],
+ [
+ "St",
+ "ay"
+ ],
+ [
+ "ĠJ",
+ "aw"
+ ],
+ [
+ "Ġund",
+ "en"
+ ],
+ [
+ "ĠG",
+ "B"
+ ],
+ [
+ "23",
+ "9"
+ ],
+ [
+ "ĠO",
+ "ption"
+ ],
+ [
+ "Ġdep",
+ "iction"
+ ],
+ [
+ "umb",
+ "ai"
+ ],
+ [
+ "Ġdefect",
+ "ive"
+ ],
+ [
+ "ĠPartners",
+ "hip"
+ ],
+ [
+ "Ġreg",
+ "ret"
+ ],
+ [
+ "Ġgre",
+ "ed"
+ ],
+ [
+ "Ġgall",
+ "eries"
+ ],
+ [
+ "Ġlog",
+ "istic"
+ ],
+ [
+ "Ġpharm",
+ "acy"
+ ],
+ [
+ "ĠF",
+ "ly"
+ ],
+ [
+ "ĠGuard",
+ "ian"
+ ],
+ [
+ "Ġsoc",
+ "ks"
+ ],
+ [
+ "Ġpoll",
+ "ination"
+ ],
+ [
+ "uk",
+ "a"
+ ],
+ [
+ "Ar",
+ "g"
+ ],
+ [
+ "ss",
+ "on"
+ ],
+ [
+ "Ġyield",
+ "ed"
+ ],
+ [
+ "ĠHarr",
+ "ison"
+ ],
+ [
+ "ĠAss",
+ "istance"
+ ],
+ [
+ "it",
+ "ted"
+ ],
+ [
+ "ĠOb",
+ "st"
+ ],
+ [
+ "Ġdorm",
+ "ant"
+ ],
+ [
+ "Ġd",
+ "ick"
+ ],
+ [
+ "ĠM",
+ "all"
+ ],
+ [
+ "Ġdist",
+ "ancing"
+ ],
+ [
+ "Ġwh",
+ "isp"
+ ],
+ [
+ "Ġun",
+ "real"
+ ],
+ [
+ "Ġwet",
+ "land"
+ ],
+ [
+ "Ġseaw",
+ "ater"
+ ],
+ [
+ "Ġb",
+ "red"
+ ],
+ [
+ "Ġre",
+ "ver"
+ ],
+ [
+ "Â",
+ "«"
+ ],
+ [
+ "Ġautom",
+ "obiles"
+ ],
+ [
+ "ĠMor",
+ "al"
+ ],
+ [
+ "ĠPrior",
+ "it"
+ ],
+ [
+ "G",
+ "erm"
+ ],
+ [
+ "I",
+ "ll"
+ ],
+ [
+ "Ġs",
+ "arc"
+ ],
+ [
+ "ore",
+ "ct"
+ ],
+ [
+ "ĠAustral",
+ "ians"
+ ],
+ [
+ "Ġdev",
+ "il"
+ ],
+ [
+ "Ġsn",
+ "ap"
+ ],
+ [
+ "ĠBr",
+ "us"
+ ],
+ [
+ "Ġab",
+ "used"
+ ],
+ [
+ "Ġdipl",
+ "oma"
+ ],
+ [
+ "Ġaccred",
+ "ited"
+ ],
+ [
+ "Ġam",
+ "yl"
+ ],
+ [
+ "ĠCollect",
+ "ions"
+ ],
+ [
+ "Ġsand",
+ "wich"
+ ],
+ [
+ "ĠV",
+ "e"
+ ],
+ [
+ "umin",
+ "um"
+ ],
+ [
+ "Ġfixt",
+ "ures"
+ ],
+ [
+ "Ġcomm",
+ "a"
+ ],
+ [
+ "ustral",
+ "ian"
+ ],
+ [
+ ")",
+ ")."
+ ],
+ [
+ "atic",
+ "an"
+ ],
+ [
+ "Ġalph",
+ "abets"
+ ],
+ [
+ "Ġantig",
+ "ens"
+ ],
+ [
+ "Ġthe",
+ "e"
+ ],
+ [
+ "Ġpar",
+ "alysis"
+ ],
+ [
+ "Ġa",
+ "rous"
+ ],
+ [
+ "Ġwor",
+ "sh"
+ ],
+ [
+ "N",
+ "ature"
+ ],
+ [
+ "-t",
+ "ailed"
+ ],
+ [
+ "Ġ--",
+ "-"
+ ],
+ [
+ "Ġinterview",
+ "ed"
+ ],
+ [
+ "he",
+ "ng"
+ ],
+ [
+ "Ġtax",
+ "a"
+ ],
+ [
+ "ĠGl",
+ "as"
+ ],
+ [
+ "Ġw",
+ "att"
+ ],
+ [
+ "Ġst",
+ "ained"
+ ],
+ [
+ "Ġin",
+ "oc"
+ ],
+ [
+ "ĠS",
+ "lavery"
+ ],
+ [
+ "ĠM",
+ "AC"
+ ],
+ [
+ "un",
+ "al"
+ ],
+ [
+ "Ġpra",
+ "ised"
+ ],
+ [
+ "r",
+ "angle"
+ ],
+ [
+ "cl",
+ "osure"
+ ],
+ [
+ "ou",
+ "x"
+ ],
+ [
+ "am",
+ "ount"
+ ],
+ [
+ "p",
+ "ip"
+ ],
+ [
+ "Ġanalog",
+ "ous"
+ ],
+ [
+ "Ġassass",
+ "ination"
+ ],
+ [
+ "Ġass",
+ "ure"
+ ],
+ [
+ "Ġboil",
+ "ers"
+ ],
+ [
+ "â",
+ "ĺ"
+ ],
+ [
+ "Ġd",
+ "re"
+ ],
+ [
+ "-p",
+ "urpose"
+ ],
+ [
+ "ĠSupp",
+ "lement"
+ ],
+ [
+ "ĠRespons",
+ "ibility"
+ ],
+ [
+ "ĠHub",
+ "ble"
+ ],
+ [
+ "ĠP",
+ "ip"
+ ],
+ [
+ "Ġexec",
+ "utives"
+ ],
+ [
+ "Ġpatri",
+ "ot"
+ ],
+ [
+ "ĠThe",
+ "rap"
+ ],
+ [
+ "Ġalign",
+ "ing"
+ ],
+ [
+ "n",
+ "em"
+ ],
+ [
+ "it",
+ "ant"
+ ],
+ [
+ "Ġfib",
+ "res"
+ ],
+ [
+ "Ġcur",
+ "ated"
+ ],
+ [
+ "Ġrev",
+ "isions"
+ ],
+ [
+ ".g",
+ "rid"
+ ],
+ [
+ "ĠC",
+ "ul"
+ ],
+ [
+ "Hist",
+ "or"
+ ],
+ [
+ "Ġheter",
+ "ogeneous"
+ ],
+ [
+ "Ġun",
+ "fore"
+ ],
+ [
+ "Ġchem",
+ "ically"
+ ],
+ [
+ "Ġren",
+ "amed"
+ ],
+ [
+ "Ġlands",
+ "l"
+ ],
+ [
+ "T",
+ "L"
+ ],
+ [
+ "23",
+ "6"
+ ],
+ [
+ "am",
+ "ines"
+ ],
+ [
+ "aj",
+ "o"
+ ],
+ [
+ "ĠEc",
+ "ological"
+ ],
+ [
+ "Ġd",
+ "é"
+ ],
+ [
+ "Ġprison",
+ "er"
+ ],
+ [
+ "th",
+ "ora"
+ ],
+ [
+ "Ġhel",
+ "m"
+ ],
+ [
+ "ĠCost",
+ "s"
+ ],
+ [
+ "ĠCh",
+ "an"
+ ],
+ [
+ "Ġmy",
+ "ocard"
+ ],
+ [
+ "Ġchat",
+ "bots"
+ ],
+ [
+ "ra",
+ "ment"
+ ],
+ [
+ "ĠP",
+ "interest"
+ ],
+ [
+ "Ġbus",
+ "hes"
+ ],
+ [
+ "Ġorth",
+ "odont"
+ ],
+ [
+ "f",
+ "amily"
+ ],
+ [
+ "Ġun",
+ "know"
+ ],
+ [
+ "ĠM",
+ "atch"
+ ],
+ [
+ "Ġcaptiv",
+ "ated"
+ ],
+ [
+ "Ġbear",
+ "ings"
+ ],
+ [
+ "-un",
+ "its"
+ ],
+ [
+ "k",
+ "ill"
+ ],
+ [
+ "Ġthe",
+ "at"
+ ],
+ [
+ "or",
+ "ption"
+ ],
+ [
+ "ĠGu",
+ "atemal"
+ ],
+ [
+ "Ġuniform",
+ "s"
+ ],
+ [
+ "bor",
+ "ns"
+ ],
+ [
+ "opl",
+ "an"
+ ],
+ [
+ "H",
+ "I"
+ ],
+ [
+ "ĠN",
+ "ak"
+ ],
+ [
+ "Ġqu",
+ "i"
+ ],
+ [
+ "Ġinf",
+ "ertility"
+ ],
+ [
+ "cd",
+ "ots"
+ ],
+ [
+ "oler",
+ "ant"
+ ],
+ [
+ "Ġth",
+ "res"
+ ],
+ [
+ "Ġsc",
+ "aled"
+ ],
+ [
+ "Ġchar",
+ "itable"
+ ],
+ [
+ "pan",
+ "cies"
+ ],
+ [
+ "ĠB",
+ "urg"
+ ],
+ [
+ "Ġviol",
+ "ated"
+ ],
+ [
+ "Ġmillenn",
+ "ium"
+ ],
+ [
+ "ĠL",
+ "L"
+ ],
+ [
+ "ĠAt",
+ "omic"
+ ],
+ [
+ "Ġexcav",
+ "ation"
+ ],
+ [
+ "IG",
+ "H"
+ ],
+ [
+ "Ġreluct",
+ "ant"
+ ],
+ [
+ "Ġ",
+ "nd"
+ ],
+ [
+ "ĠB",
+ "enn"
+ ],
+ [
+ "ĠPhilipp",
+ "ine"
+ ],
+ [
+ "B",
+ "etween"
+ ],
+ [
+ "ĠM",
+ "g"
+ ],
+ [
+ "ĠFlow",
+ "er"
+ ],
+ [
+ "ig",
+ "a"
+ ],
+ [
+ "28",
+ "1"
+ ],
+ [
+ "ĠPain",
+ "ting"
+ ],
+ [
+ "[",
+ "("
+ ],
+ [
+ "Ġhist",
+ "ogram"
+ ],
+ [
+ "ĠNow",
+ "adays"
+ ],
+ [
+ "ĠT",
+ "arget"
+ ],
+ [
+ "ay",
+ "ana"
+ ],
+ [
+ "Ġrub",
+ "bing"
+ ],
+ [
+ "ĠNG",
+ "Os"
+ ],
+ [
+ "ĠObject",
+ "s"
+ ],
+ [
+ "ĠB",
+ "ened"
+ ],
+ [
+ "ĠW",
+ "ait"
+ ],
+ [
+ "ĠAtt",
+ "or"
+ ],
+ [
+ "ĠDifferent",
+ "ial"
+ ],
+ [
+ "oc",
+ "on"
+ ],
+ [
+ "ĠN",
+ "D"
+ ],
+ [
+ "DUC",
+ "TION"
+ ],
+ [
+ "Ġutens",
+ "ils"
+ ],
+ [
+ "s",
+ "cient"
+ ],
+ [
+ "Ġus",
+ "ername"
+ ],
+ [
+ "Ġdiss",
+ "atis"
+ ],
+ [
+ "G",
+ "roup"
+ ],
+ [
+ "met",
+ "ics"
+ ],
+ [
+ "A",
+ "bs"
+ ],
+ [
+ "Ġ\"",
+ "Ċ"
+ ],
+ [
+ "ĠĠĠĠĠĠĠĠ",
+ "ĠĠĠĠĊ"
+ ],
+ [
+ "Ġtoler",
+ "ant"
+ ],
+ [
+ "Ġparad",
+ "ise"
+ ],
+ [
+ "Ġun",
+ "ic"
+ ],
+ [
+ "Ġmet",
+ "adata"
+ ],
+ [
+ "unt",
+ "ary"
+ ],
+ [
+ "cles",
+ "i"
+ ],
+ [
+ "]",
+ "{\\"
+ ],
+ [
+ "25",
+ "7"
+ ],
+ [
+ "Dep",
+ "ending"
+ ],
+ [
+ "Ġnort",
+ "heastern"
+ ],
+ [
+ "Ġs",
+ "age"
+ ],
+ [
+ "Ġw",
+ "omb"
+ ],
+ [
+ "Ġas",
+ "semble"
+ ],
+ [
+ ".",
+ "insert"
+ ],
+ [
+ "<",
+ "="
+ ],
+ [
+ "Ġo",
+ "at"
+ ],
+ [
+ "Ġrest",
+ "ra"
+ ],
+ [
+ "hol",
+ "m"
+ ],
+ [
+ "Ġsuff",
+ "rage"
+ ],
+ [
+ "ĠR",
+ "on"
+ ],
+ [
+ "ĠApprox",
+ "imately"
+ ],
+ [
+ "Ġpun",
+ "ished"
+ ],
+ [
+ "ant",
+ "o"
+ ],
+ [
+ "Ġsh",
+ "red"
+ ],
+ [
+ "ĠAnd",
+ "re"
+ ],
+ [
+ "è",
+ "re"
+ ],
+ [
+ "Ġpresent",
+ "ly"
+ ],
+ [
+ "Ġmast",
+ "ered"
+ ],
+ [
+ "-des",
+ "igned"
+ ],
+ [
+ "ĠMy",
+ "anmar"
+ ],
+ [
+ "Ġsl",
+ "ots"
+ ],
+ [
+ "ĠMet",
+ "ropolitan"
+ ],
+ [
+ "Follow",
+ "ers"
+ ],
+ [
+ "ç",
+ "İ"
+ ],
+ [
+ "ĠCreat",
+ "ivity"
+ ],
+ [
+ "Ref",
+ "erences"
+ ],
+ [
+ "ĠWis",
+ "dom"
+ ],
+ [
+ "ĠGreg",
+ "ory"
+ ],
+ [
+ "Ġafore",
+ "mentioned"
+ ],
+ [
+ "-",
+ "aged"
+ ],
+ [
+ "Ġdra",
+ "ined"
+ ],
+ [
+ "Ġdiss",
+ "olution"
+ ],
+ [
+ "AR",
+ "N"
+ ],
+ [
+ "at",
+ "ri"
+ ],
+ [
+ "iff",
+ "erent"
+ ],
+ [
+ "ĠTr",
+ "inity"
+ ],
+ [
+ "â",
+ "ľ"
+ ],
+ [
+ "N",
+ "eg"
+ ],
+ [
+ "ĠB",
+ "order"
+ ],
+ [
+ "Ġgrad",
+ "ients"
+ ],
+ [
+ "Ġpear",
+ "l"
+ ],
+ [
+ "Ġpos",
+ "it"
+ ],
+ [
+ "ĠMed",
+ "icaid"
+ ],
+ [
+ "ĠInf",
+ "o"
+ ],
+ [
+ "?",
+ "."
+ ],
+ [
+ "Ġam",
+ "azed"
+ ],
+ [
+ "Ch",
+ "ange"
+ ],
+ [
+ "3",
+ "22"
+ ],
+ [
+ "Ġval",
+ "or"
+ ],
+ [
+ "Ġneur",
+ "onal"
+ ],
+ [
+ "in",
+ "ia"
+ ],
+ [
+ "eral",
+ "a"
+ ],
+ [
+ "Ġadvent",
+ "urous"
+ ],
+ [
+ "L",
+ "ove"
+ ],
+ [
+ "Ġfe",
+ "b"
+ ],
+ [
+ "ĠNe",
+ "urolog"
+ ],
+ [
+ "elf",
+ "th"
+ ],
+ [
+ "ĠZ",
+ "ion"
+ ],
+ [
+ "Ġacron",
+ "ym"
+ ],
+ [
+ "ĠE",
+ "lement"
+ ],
+ [
+ "Ġsym",
+ "metrical"
+ ],
+ [
+ "Ġden",
+ "ying"
+ ],
+ [
+ "Ġact",
+ "u"
+ ],
+ [
+ "Ġmac",
+ "roph"
+ ],
+ [
+ "Ġexagger",
+ "ated"
+ ],
+ [
+ "Ġb",
+ "ake"
+ ],
+ [
+ "ĠM",
+ "AR"
+ ],
+ [
+ "Ġallow",
+ "ance"
+ ],
+ [
+ "Ġexhib",
+ "iting"
+ ],
+ [
+ ".rand",
+ "int"
+ ],
+ [
+ "V",
+ "EL"
+ ],
+ [
+ "eli",
+ "ac"
+ ],
+ [
+ "Ġa",
+ "ure"
+ ],
+ [
+ "ĠC",
+ "AN"
+ ],
+ [
+ "Ġapp",
+ "liance"
+ ],
+ [
+ "ĠSe",
+ "c"
+ ],
+ [
+ "ol",
+ "t"
+ ],
+ [
+ "ĠAn",
+ "a"
+ ],
+ [
+ "ĠS",
+ "ie"
+ ],
+ [
+ "Ġdr",
+ "ums"
+ ],
+ [
+ "Ġlic",
+ "enses"
+ ],
+ [
+ "ĠAlgorith",
+ "ms"
+ ],
+ [
+ "3",
+ "13"
+ ],
+ [
+ "ĠP",
+ "ump"
+ ],
+ [
+ "Ġr",
+ "inse"
+ ],
+ [
+ "Ġsour",
+ "cing"
+ ],
+ [
+ "Ġp",
+ "orn"
+ ],
+ [
+ "per",
+ "ing"
+ ],
+ [
+ "Ġfil",
+ "ament"
+ ],
+ [
+ "Ġsou",
+ "ps"
+ ],
+ [
+ "Ġrheumat",
+ "oid"
+ ],
+ [
+ "Ġreperto",
+ "ire"
+ ],
+ [
+ "_",
+ "set"
+ ],
+ [
+ "Ġbeet",
+ "le"
+ ],
+ [
+ ".",
+ ""
+ ],
+ [
+ "Ġdis",
+ "ob"
+ ],
+ [
+ "âĢĶ",
+ "such"
+ ],
+ [
+ "-",
+ "U"
+ ],
+ [
+ "Ġtransition",
+ "al"
+ ],
+ [
+ "ĠNon",
+ "fiction"
+ ],
+ [
+ "Ġphot",
+ "on"
+ ],
+ [
+ "Ġvill",
+ "agers"
+ ],
+ [
+ "Ġpodcast",
+ "s"
+ ],
+ [
+ "Rober",
+ "t"
+ ],
+ [
+ "Ġwarm",
+ "ly"
+ ],
+ [
+ "pr",
+ "im"
+ ],
+ [
+ "Ġprocure",
+ "ment"
+ ],
+ [
+ "ĠInvest",
+ "igation"
+ ],
+ [
+ "24",
+ "9"
+ ],
+ [
+ "Ġdermat",
+ "itis"
+ ],
+ [
+ "6",
+ "80"
+ ],
+ [
+ "Ġstat",
+ "utory"
+ ],
+ [
+ "Ġimmers",
+ "ed"
+ ],
+ [
+ "An",
+ "imal"
+ ],
+ [
+ "ĠPol",
+ "ynomial"
+ ],
+ [
+ "Ġsau",
+ "ces"
+ ],
+ [
+ "0",
+ "30"
+ ],
+ [
+ "ag",
+ "ne"
+ ],
+ [
+ "ĠOut",
+ "comes"
+ ],
+ [
+ "/",
+ "e"
+ ],
+ [
+ "n",
+ "ode"
+ ],
+ [
+ "Ġtou",
+ "g"
+ ],
+ [
+ "or",
+ "ns"
+ ],
+ [
+ "Ġret",
+ "ro"
+ ],
+ [
+ "Us",
+ "er"
+ ],
+ [
+ "Ġsuperior",
+ "ity"
+ ],
+ [
+ "Ġent",
+ "ail"
+ ],
+ [
+ "pos",
+ "itive"
+ ],
+ [
+ "ĠSum",
+ "mit"
+ ],
+ [
+ "Ġqu",
+ "arant"
+ ],
+ [
+ "Ġcontrad",
+ "iction"
+ ],
+ [
+ "low",
+ "ing"
+ ],
+ [
+ "ĠK",
+ "u"
+ ],
+ [
+ "45",
+ "6"
+ ],
+ [
+ "ut",
+ "an"
+ ],
+ [
+ "ĠG",
+ "ates"
+ ],
+ [
+ "Ġtop",
+ "ography"
+ ],
+ [
+ "ĠLED",
+ "s"
+ ],
+ [
+ "Ġantiv",
+ "iral"
+ ],
+ [
+ "Ġinvestig",
+ "ates"
+ ],
+ [
+ "och",
+ "astic"
+ ],
+ [
+ "(",
+ "word"
+ ],
+ [
+ "3",
+ "14"
+ ],
+ [
+ "R",
+ "F"
+ ],
+ [
+ "Ġpost",
+ "p"
+ ],
+ [
+ "umm",
+ "ies"
+ ],
+ [
+ "ĠSalmon",
+ "ella"
+ ],
+ [
+ "Ġ",
+ "Ñĥ"
+ ],
+ [
+ "ĠS",
+ "end"
+ ],
+ [
+ "ĠM",
+ "ist"
+ ],
+ [
+ "Ġcut",
+ "tings"
+ ],
+ [
+ "Ġattor",
+ "neys"
+ ],
+ [
+ "Ġty",
+ "ph"
+ ],
+ [
+ "Ġclean",
+ "liness"
+ ],
+ [
+ "Ġex",
+ "cluding"
+ ],
+ [
+ "Ġcontroll",
+ "ers"
+ ],
+ [
+ "in",
+ "ety"
+ ],
+ [
+ "ott",
+ "a"
+ ],
+ [
+ "ĠNe",
+ "igh"
+ ],
+ [
+ "Ġdisrupt",
+ "ing"
+ ],
+ [
+ "ĠBrook",
+ "lyn"
+ ],
+ [
+ "ĠBeaut",
+ "iful"
+ ],
+ [
+ "(",
+ "j"
+ ],
+ [
+ "k",
+ "ah"
+ ],
+ [
+ "Ġs",
+ "ir"
+ ],
+ [
+ "Ġse",
+ "ated"
+ ],
+ [
+ "ĠCraft",
+ "s"
+ ],
+ [
+ "ĠFilip",
+ "ino"
+ ],
+ [
+ "Ġdiscoura",
+ "ged"
+ ],
+ [
+ "Ġ(",
+ "Ċ"
+ ],
+ [
+ "ĠN",
+ "ancy"
+ ],
+ [
+ "old",
+ "er"
+ ],
+ [
+ "ĠEv",
+ "ans"
+ ],
+ [
+ "-s",
+ "c"
+ ],
+ [
+ "ĠV",
+ "o"
+ ],
+ [
+ "Ġqual",
+ "ifying"
+ ],
+ [
+ "Ġmund",
+ "ane"
+ ],
+ [
+ "cul",
+ "ation"
+ ],
+ [
+ "d",
+ "b"
+ ],
+ [
+ "Ġc",
+ "ess"
+ ],
+ [
+ "ren",
+ "ched"
+ ],
+ [
+ "á",
+ "s"
+ ],
+ [
+ "ĠVal",
+ "entine"
+ ],
+ [
+ "Ġglac",
+ "ier"
+ ],
+ [
+ "orb",
+ "id"
+ ],
+ [
+ "Ġdepr",
+ "ived"
+ ],
+ [
+ "ĠJ",
+ "azz"
+ ],
+ [
+ "ĠNe",
+ "braska"
+ ],
+ [
+ "Ġpresum",
+ "ably"
+ ],
+ [
+ "Ġge",
+ "ologic"
+ ],
+ [
+ "re",
+ "ns"
+ ],
+ [
+ "ak",
+ "sh"
+ ],
+ [
+ "-int",
+ "ensity"
+ ],
+ [
+ "cle",
+ "ar"
+ ],
+ [
+ "Ġincorrect",
+ "ly"
+ ],
+ [
+ "-",
+ "author"
+ ],
+ [
+ "N",
+ "OT"
+ ],
+ [
+ "tern",
+ "ally"
+ ],
+ [
+ "ĠK",
+ "aren"
+ ],
+ [
+ "ĠG",
+ "rad"
+ ],
+ [
+ "Ġcruc",
+ "ible"
+ ],
+ [
+ "|",
+ "âĢ¢"
+ ],
+ [
+ "Ġret",
+ "inal"
+ ],
+ [
+ "27",
+ "1"
+ ],
+ [
+ "ĠMong",
+ "ol"
+ ],
+ [
+ "C",
+ "auses"
+ ],
+ [
+ "en",
+ "cer"
+ ],
+ [
+ "Ġno",
+ "cturnal"
+ ],
+ [
+ "Ġscal",
+ "able"
+ ],
+ [
+ "Ġ..",
+ ".ĊĊ"
+ ],
+ [
+ "ip",
+ "y"
+ ],
+ [
+ "ĠDec",
+ "imal"
+ ],
+ [
+ "Ġsp",
+ "oil"
+ ],
+ [
+ "ĠHon",
+ "or"
+ ],
+ [
+ "ens",
+ "en"
+ ],
+ [
+ "hy",
+ "a"
+ ],
+ [
+ "ĠB",
+ "irmingham"
+ ],
+ [
+ "ĠBo",
+ "ys"
+ ],
+ [
+ "ĠVeter",
+ "inary"
+ ],
+ [
+ ",",
+ ".Ċ"
+ ],
+ [
+ "Ġincre",
+ "ment"
+ ],
+ [
+ "ĠCl",
+ "ara"
+ ],
+ [
+ "ER",
+ "V"
+ ],
+ [
+ "ĠPres",
+ "ervation"
+ ],
+ [
+ "Ġingen",
+ "uity"
+ ],
+ [
+ "Ġcirc",
+ "adian"
+ ],
+ [
+ "y",
+ "on"
+ ],
+ [
+ "Ġacad",
+ "emically"
+ ],
+ [
+ "Of",
+ "ten"
+ ],
+ [
+ "Ref",
+ "erence"
+ ],
+ [
+ "s",
+ "ometimes"
+ ],
+ [
+ "ĠGerman",
+ "ic"
+ ],
+ [
+ "s",
+ "uper"
+ ],
+ [
+ "in",
+ "arily"
+ ],
+ [
+ "ĠSe",
+ "vere"
+ ],
+ [
+ "ĠDr",
+ "ink"
+ ],
+ [
+ "Ġoptim",
+ "ism"
+ ],
+ [
+ "Ġintrig",
+ "ued"
+ ],
+ [
+ "engu",
+ "ins"
+ ],
+ [
+ "Ġh",
+ "ue"
+ ],
+ [
+ "ven",
+ "ous"
+ ],
+ [
+ "inet",
+ "ics"
+ ],
+ [
+ "Ġillum",
+ "inating"
+ ],
+ [
+ "ĠFund",
+ "amental"
+ ],
+ [
+ "Ġ________________________",
+ "_||"
+ ],
+ [
+ "Ġ___________________",
+ "|Ċ"
+ ],
+ [
+ "C",
+ "ritical"
+ ],
+ [
+ "W",
+ "ild"
+ ],
+ [
+ "plic",
+ "ates"
+ ],
+ [
+ "Ġdr",
+ "astic"
+ ],
+ [
+ "Ġlog",
+ "os"
+ ],
+ [
+ "ĠMont",
+ "real"
+ ],
+ [
+ "ĠMont",
+ "gomery"
+ ],
+ [
+ "ĠIt",
+ "ems"
+ ],
+ [
+ "Ġles",
+ "ion"
+ ],
+ [
+ "Ġconnect",
+ "or"
+ ],
+ [
+ "ĠObs",
+ "erve"
+ ],
+ [
+ "Ġdimin",
+ "ish"
+ ],
+ [
+ "Ġin",
+ "ception"
+ ],
+ [
+ "Ġexch",
+ "anging"
+ ],
+ [
+ "EN",
+ "C"
+ ],
+ [
+ "ĠPray",
+ "er"
+ ],
+ [
+ "Ġhel",
+ "pless"
+ ],
+ [
+ "amb",
+ "urg"
+ ],
+ [
+ "ĠMil",
+ "ky"
+ ],
+ [
+ "I",
+ "d"
+ ],
+ [
+ "Ġign",
+ "ition"
+ ],
+ [
+ "ĠTre",
+ "asury"
+ ],
+ [
+ "QU",
+ "ES"
+ ],
+ [
+ "è¡",
+ "Į"
+ ],
+ [
+ "ĠInt",
+ "el"
+ ],
+ [
+ "Ġdesc",
+ "ending"
+ ],
+ [
+ "Ġdem",
+ "on"
+ ],
+ [
+ "Ġaston",
+ "ishing"
+ ],
+ [
+ "Ġw",
+ "il"
+ ],
+ [
+ "(n",
+ "ode"
+ ],
+ [
+ "ĠiP",
+ "ad"
+ ],
+ [
+ "el",
+ "ian"
+ ],
+ [
+ "Sm",
+ "art"
+ ],
+ [
+ "embr",
+ "ance"
+ ],
+ [
+ "ĠAtmosp",
+ "heric"
+ ],
+ [
+ "-",
+ "form"
+ ],
+ [
+ "ik",
+ "o"
+ ],
+ [
+ "\"",
+ "-"
+ ],
+ [
+ "Ġsl",
+ "ang"
+ ],
+ [
+ "ĠExt",
+ "ended"
+ ],
+ [
+ "Ġalter",
+ "ation"
+ ],
+ [
+ "Ġ\"",
+ "))Ċ"
+ ],
+ [
+ "he",
+ "arted"
+ ],
+ [
+ "Ġmeas",
+ "les"
+ ],
+ [
+ "(",
+ "L"
+ ],
+ [
+ "im",
+ "an"
+ ],
+ [
+ "Ġreported",
+ "ly"
+ ],
+ [
+ "ĠC",
+ "AR"
+ ],
+ [
+ "Ġman",
+ "go"
+ ],
+ [
+ "ĠAr",
+ "r"
+ ],
+ [
+ "Ġhor",
+ "r"
+ ],
+ [
+ "ìĿ",
+ "´"
+ ],
+ [
+ "ĠDiam",
+ "ond"
+ ],
+ [
+ "ozy",
+ "g"
+ ],
+ [
+ "Ġmort",
+ "ar"
+ ],
+ [
+ "Ġb",
+ "ob"
+ ],
+ [
+ "os",
+ "ine"
+ ],
+ [
+ "Ġyoung",
+ "ster"
+ ],
+ [
+ "OU",
+ "T"
+ ],
+ [
+ "ha",
+ "us"
+ ],
+ [
+ "ĠW",
+ "aters"
+ ],
+ [
+ "ict",
+ "ure"
+ ],
+ [
+ "inst",
+ "ance"
+ ],
+ [
+ "Ġenroll",
+ "ment"
+ ],
+ [
+ "-c",
+ "a"
+ ],
+ [
+ "Ġpriv",
+ "ately"
+ ],
+ [
+ "Ġfact",
+ "orial"
+ ],
+ [
+ "Ġbi",
+ "ome"
+ ],
+ [
+ "ĠIs",
+ "n"
+ ],
+ [
+ "Ġod",
+ "ys"
+ ],
+ [
+ "Ġwholes",
+ "ome"
+ ],
+ [
+ "Ġconfigure",
+ "d"
+ ],
+ [
+ "ĠN",
+ "J"
+ ],
+ [
+ "-m",
+ "ark"
+ ],
+ [
+ "Ġexerc",
+ "ised"
+ ],
+ [
+ "Ġaug",
+ "ust"
+ ],
+ [
+ "\"",
+ "))Ċ"
+ ],
+ [
+ "ic",
+ "c"
+ ],
+ [
+ "ke",
+ "e"
+ ],
+ [
+ "Ġret",
+ "rieved"
+ ],
+ [
+ "Ġbi",
+ "ographical"
+ ],
+ [
+ "Ġpy",
+ "game"
+ ],
+ [
+ "Ġguard",
+ "ian"
+ ],
+ [
+ "ote",
+ "chn"
+ ],
+ [
+ "Ġmar",
+ "bles"
+ ],
+ [
+ "Ġevol",
+ "ves"
+ ],
+ [
+ "Ġcontract",
+ "ions"
+ ],
+ [
+ "Ġpal",
+ "ms"
+ ],
+ [
+ "ĠC",
+ "itation"
+ ],
+ [
+ "un",
+ "i"
+ ],
+ [
+ "ag",
+ "ascar"
+ ],
+ [
+ "Ġguess",
+ "ing"
+ ],
+ [
+ "Ġbr",
+ "ide"
+ ],
+ [
+ "Ġpedag",
+ "ogy"
+ ],
+ [
+ "ç",
+ "´"
+ ],
+ [
+ "os",
+ "lav"
+ ],
+ [
+ "ens",
+ "itivity"
+ ],
+ [
+ "ç",
+ "Ĥ"
+ ],
+ [
+ "ĠS",
+ "ammy"
+ ],
+ [
+ "Ġbot",
+ "anical"
+ ],
+ [
+ "ĠTh",
+ "read"
+ ],
+ [
+ "ĠV",
+ "lad"
+ ],
+ [
+ "reg",
+ "n"
+ ],
+ [
+ "Ġtwist",
+ "ed"
+ ],
+ [
+ "ĠM",
+ "unicip"
+ ],
+ [
+ "ĠBe",
+ "e"
+ ],
+ [
+ "pro",
+ "per"
+ ],
+ [
+ "Ġne",
+ "c"
+ ],
+ [
+ "-f",
+ "iction"
+ ],
+ [
+ "Part",
+ "icip"
+ ],
+ [
+ "ĠBalt",
+ "ic"
+ ],
+ [
+ "AB",
+ "C"
+ ],
+ [
+ "irection",
+ "al"
+ ],
+ [
+ "ĠPerform",
+ "ing"
+ ],
+ [
+ "....",
+ ".."
+ ],
+ [
+ "Ġcontinu",
+ "ation"
+ ],
+ [
+ "Ġscript",
+ "ure"
+ ],
+ [
+ "Ġp",
+ "ension"
+ ],
+ [
+ "ĠMy",
+ "ster"
+ ],
+ [
+ ".c",
+ "sv"
+ ],
+ [
+ "Ult",
+ "imately"
+ ],
+ [
+ "-",
+ "at"
+ ],
+ [
+ "S",
+ "n"
+ ],
+ [
+ "Ġnegot",
+ "iating"
+ ],
+ [
+ "ĠK",
+ "i"
+ ],
+ [
+ "Ġbook",
+ "let"
+ ],
+ [
+ "ĠCol",
+ "ors"
+ ],
+ [
+ "Ġrot",
+ "ary"
+ ],
+ [
+ "pl",
+ "astic"
+ ],
+ [
+ "Ġrec",
+ "alled"
+ ],
+ [
+ "Ġf",
+ "ibr"
+ ],
+ [
+ "ĠC",
+ "ases"
+ ],
+ [
+ "ik",
+ "ed"
+ ],
+ [
+ "30",
+ "6"
+ ],
+ [
+ "Ġsusp",
+ "icion"
+ ],
+ [
+ "Ġpref",
+ "ers"
+ ],
+ [
+ "Ġenthusi",
+ "ast"
+ ],
+ [
+ "Ġtrack",
+ "ed"
+ ],
+ [
+ "ĠHait",
+ "i"
+ ],
+ [
+ "H",
+ "P"
+ ],
+ [
+ "ĠT",
+ "CP"
+ ],
+ [
+ "Ġfound",
+ "ers"
+ ],
+ [
+ "ĠBrit",
+ "annica"
+ ],
+ [
+ "Ġh",
+ "ref"
+ ],
+ [
+ "ĠR",
+ "w"
+ ],
+ [
+ "ps",
+ "ilon"
+ ],
+ [
+ "Ġbond",
+ "ed"
+ ],
+ [
+ "rust",
+ "ed"
+ ],
+ [
+ "ĠPediatric",
+ "s"
+ ],
+ [
+ "Ġmig",
+ "ratory"
+ ],
+ [
+ "Ġgerm",
+ "any"
+ ],
+ [
+ "ĠF",
+ "iber"
+ ],
+ [
+ "ĠL",
+ "ed"
+ ],
+ [
+ "-h",
+ "ouse"
+ ],
+ [
+ "Ġmelan",
+ "oma"
+ ],
+ [
+ "Ġa",
+ "ra"
+ ],
+ [
+ "oss",
+ "ary"
+ ],
+ [
+ "r",
+ "ina"
+ ],
+ [
+ "Ġl",
+ "aundry"
+ ],
+ [
+ "Ġalle",
+ "le"
+ ],
+ [
+ "è¾",
+ "ĵ"
+ ],
+ [
+ "und",
+ "ing"
+ ],
+ [
+ "ĠAng",
+ "les"
+ ],
+ [
+ "ĠMor",
+ "ning"
+ ],
+ [
+ "le",
+ "tt"
+ ],
+ [
+ "Ġdim",
+ "ly"
+ ],
+ [
+ "Ġmillenn",
+ "ia"
+ ],
+ [
+ "ĠJ",
+ "ain"
+ ],
+ [
+ "L",
+ "and"
+ ],
+ [
+ "(",
+ "P"
+ ],
+ [
+ "c",
+ "ip"
+ ],
+ [
+ "ing",
+ "ling"
+ ],
+ [
+ "Ġsuper",
+ "v"
+ ],
+ [
+ "Ġrun",
+ "ner"
+ ],
+ [
+ "Ġfigur",
+ "ative"
+ ],
+ [
+ "uck",
+ "er"
+ ],
+ [
+ "in",
+ "cre"
+ ],
+ [
+ "Ġste",
+ "er"
+ ],
+ [
+ "Ġh",
+ "ardship"
+ ],
+ [
+ "Ġtra",
+ "ine"
+ ],
+ [
+ "edi",
+ "ation"
+ ],
+ [
+ "ac",
+ "er"
+ ],
+ [
+ "ĠAll",
+ "ies"
+ ],
+ [
+ "Ġfib",
+ "rosis"
+ ],
+ [
+ "`",
+ ".ĊĊ"
+ ],
+ [
+ "Ġmes",
+ "mer"
+ ],
+ [
+ "/",
+ "day"
+ ],
+ [
+ "Ë",
+ "IJ"
+ ],
+ [
+ "ond",
+ "e"
+ ],
+ [
+ "l",
+ "m"
+ ],
+ [
+ "Ġon",
+ "wards"
+ ],
+ [
+ "ĠIn",
+ "uit"
+ ],
+ [
+ "Ġend",
+ "ors"
+ ],
+ [
+ "-l",
+ "ength"
+ ],
+ [
+ "Ġuph",
+ "old"
+ ],
+ [
+ "il",
+ "ian"
+ ],
+ [
+ "ĠA",
+ "UT"
+ ],
+ [
+ "ĠThe",
+ "me"
+ ],
+ [
+ "Ġins",
+ "cribed"
+ ],
+ [
+ "IN",
+ "S"
+ ],
+ [
+ "Ġmen",
+ "us"
+ ],
+ [
+ "ĠOx",
+ "ygen"
+ ],
+ [
+ "ph",
+ "ilis"
+ ],
+ [
+ "Ġspe",
+ "ar"
+ ],
+ [
+ "ĠInst",
+ "ructions"
+ ],
+ [
+ "-",
+ "over"
+ ],
+ [
+ "ĠM",
+ "M"
+ ],
+ [
+ "oc",
+ "o"
+ ],
+ [
+ "ak",
+ "u"
+ ],
+ [
+ "Ġepidem",
+ "iology"
+ ],
+ [
+ "Ġg",
+ "rit"
+ ],
+ [
+ "Ġassoci",
+ "ates"
+ ],
+ [
+ "Ġconsum",
+ "es"
+ ],
+ [
+ "Ġbiod",
+ "egradable"
+ ],
+ [
+ "â",
+ "Ļ"
+ ],
+ [
+ "Ġthere",
+ "after"
+ ],
+ [
+ "Ġbudd",
+ "ing"
+ ],
+ [
+ "Ġpres",
+ "idents"
+ ],
+ [
+ "ĠP",
+ "ione"
+ ],
+ [
+ "Ġfl",
+ "are"
+ ],
+ [
+ "Ġdev",
+ "oid"
+ ],
+ [
+ "ĠMit",
+ "chell"
+ ],
+ [
+ "r",
+ "ances"
+ ],
+ [
+ "Ġiniti",
+ "ating"
+ ],
+ [
+ "ĠKey",
+ "words"
+ ],
+ [
+ "b",
+ "ands"
+ ],
+ [
+ "Ġsp",
+ "ur"
+ ],
+ [
+ "Ġpre",
+ "natal"
+ ],
+ [
+ "Ġanim",
+ "ations"
+ ],
+ [
+ "US",
+ "E"
+ ],
+ [
+ "ĠS",
+ "aw"
+ ],
+ [
+ "rid",
+ "ay"
+ ],
+ [
+ "ĠCap",
+ "acity"
+ ],
+ [
+ "Ġket",
+ "o"
+ ],
+ [
+ "Ġculp",
+ "rit"
+ ],
+ [
+ "ord",
+ "able"
+ ],
+ [
+ "ve",
+ "ctors"
+ ],
+ [
+ "Ġd",
+ "ich"
+ ],
+ [
+ "art",
+ "e"
+ ],
+ [
+ "ĠN",
+ "y"
+ ],
+ [
+ "Ġreve",
+ "rence"
+ ],
+ [
+ "is",
+ "che"
+ ],
+ [
+ "-t",
+ "emperature"
+ ],
+ [
+ "tr",
+ "l"
+ ],
+ [
+ "Ġsacrific",
+ "ing"
+ ],
+ [
+ "Ġreg",
+ "enerative"
+ ],
+ [
+ "ĠSc",
+ "out"
+ ],
+ [
+ "ag",
+ "us"
+ ],
+ [
+ "âĢĿ",
+ ":"
+ ],
+ [
+ "Ġfl",
+ "oral"
+ ],
+ [
+ "Ġcharacter",
+ "ised"
+ ],
+ [
+ "ĠR",
+ "ush"
+ ],
+ [
+ "ĠAss",
+ "ume"
+ ],
+ [
+ "Ġmig",
+ "rant"
+ ],
+ [
+ "unh",
+ "ofer"
+ ],
+ [
+ "ent",
+ "ence"
+ ],
+ [
+ "28",
+ "3"
+ ],
+ [
+ "avor",
+ "able"
+ ],
+ [
+ "ĠAdvis",
+ "ory"
+ ],
+ [
+ "in",
+ "oids"
+ ],
+ [
+ "row",
+ "ned"
+ ],
+ [
+ "Ġyield",
+ "ing"
+ ],
+ [
+ "Ġevac",
+ "uation"
+ ],
+ [
+ "ĠR",
+ "y"
+ ],
+ [
+ "ĠHe",
+ "ight"
+ ],
+ [
+ "Ġfour",
+ "teen"
+ ],
+ [
+ "ann",
+ "on"
+ ],
+ [
+ "rid",
+ "ged"
+ ],
+ [
+ "Ġarter",
+ "ial"
+ ],
+ [
+ "Ġdiff",
+ "use"
+ ],
+ [
+ "ĠEff",
+ "orts"
+ ],
+ [
+ "ag",
+ "ra"
+ ],
+ [
+ "Ġall",
+ "ure"
+ ],
+ [
+ "Ġste",
+ "aling"
+ ],
+ [
+ "ĠReport",
+ "ing"
+ ],
+ [
+ "(",
+ "R"
+ ],
+ [
+ "Ġbi",
+ "ologists"
+ ],
+ [
+ "Ġproced",
+ "ural"
+ ],
+ [
+ "ĠLib",
+ "eral"
+ ],
+ [
+ "ĠS",
+ "ikh"
+ ],
+ [
+ "od",
+ "al"
+ ],
+ [
+ "Ġsuperhero",
+ "es"
+ ],
+ [
+ "Ñ",
+ "ī"
+ ],
+ [
+ "idd",
+ "ing"
+ ],
+ [
+ "Ġshort",
+ "ened"
+ ],
+ [
+ "$",
+ "-"
+ ],
+ [
+ "Ġc",
+ "oded"
+ ],
+ [
+ "Ġcan",
+ "ned"
+ ],
+ [
+ "Ġse",
+ "aling"
+ ],
+ [
+ "Ġmotor",
+ "cycle"
+ ],
+ [
+ "Ġdys",
+ "lexia"
+ ],
+ [
+ "ĠG",
+ "rey"
+ ],
+ [
+ "Ġlock",
+ "down"
+ ],
+ [
+ "Ġg",
+ "or"
+ ],
+ [
+ "Ġsupposed",
+ "ly"
+ ],
+ [
+ "/",
+ "E"
+ ],
+ [
+ "t",
+ "itle"
+ ],
+ [
+ "ĠS",
+ "ib"
+ ],
+ [
+ "Ġkn",
+ "ight"
+ ],
+ [
+ "Ġalle",
+ "les"
+ ],
+ [
+ "ĠM",
+ "asters"
+ ],
+ [
+ "ĠDesign",
+ "ing"
+ ],
+ [
+ "Ġattach",
+ "ments"
+ ],
+ [
+ "Ġgym",
+ "n"
+ ],
+ [
+ "as",
+ "so"
+ ],
+ [
+ "Ġinv",
+ "itation"
+ ],
+ [
+ "в",
+ "а"
+ ],
+ [
+ "d",
+ "og"
+ ],
+ [
+ "ad",
+ "ows"
+ ],
+ [
+ "ĠAugust",
+ "ine"
+ ],
+ [
+ "ĠRoman",
+ "ia"
+ ],
+ [
+ "Ġcream",
+ "y"
+ ],
+ [
+ "is",
+ "i"
+ ],
+ [
+ "ag",
+ "et"
+ ],
+ [
+ "Ġlot",
+ "teries"
+ ],
+ [
+ "EN",
+ "S"
+ ],
+ [
+ "ĠTra",
+ "ditionally"
+ ],
+ [
+ "Ġcapt",
+ "ive"
+ ],
+ [
+ "Ġpull",
+ "s"
+ ],
+ [
+ "Ġamb",
+ "itions"
+ ],
+ [
+ "ĠN",
+ "ine"
+ ],
+ [
+ "Ġlower",
+ "case"
+ ],
+ [
+ "Pre",
+ "par"
+ ],
+ [
+ "Ġexqu",
+ "isite"
+ ],
+ [
+ "Ġantib",
+ "acterial"
+ ],
+ [
+ "Ġsyll",
+ "able"
+ ],
+ [
+ "Ġgon",
+ "na"
+ ],
+ [
+ "Ġinflu",
+ "x"
+ ],
+ [
+ "Ġg",
+ "ru"
+ ],
+ [
+ "ĠRes",
+ "erved"
+ ],
+ [
+ "ĠEnter",
+ "prise"
+ ],
+ [
+ "Ġabol",
+ "ished"
+ ],
+ [
+ "ĠP",
+ "urchase"
+ ],
+ [
+ "ĠDev",
+ "ice"
+ ],
+ [
+ "Ġpal",
+ "p"
+ ],
+ [
+ "om",
+ "o"
+ ],
+ [
+ "Ġsouth",
+ "western"
+ ],
+ [
+ "ien",
+ "ced"
+ ],
+ [
+ "Ġven",
+ "ous"
+ ],
+ [
+ "el",
+ "p"
+ ],
+ [
+ "obacter",
+ "ia"
+ ],
+ [
+ "3",
+ "27"
+ ],
+ [
+ "Ġm",
+ "ockingbird"
+ ],
+ [
+ "Ġn",
+ "inth"
+ ],
+ [
+ "ig",
+ "uous"
+ ],
+ [
+ "Ġr",
+ "i"
+ ],
+ [
+ "OR",
+ "S"
+ ],
+ [
+ "Ġf",
+ "ins"
+ ],
+ [
+ "ĠU",
+ "TC"
+ ],
+ [
+ "Ġprogress",
+ "ed"
+ ],
+ [
+ "Ġtechn",
+ "ician"
+ ],
+ [
+ "Ġchild",
+ "birth"
+ ],
+ [
+ "ĠCult",
+ "ures"
+ ],
+ [
+ "Ġn",
+ "arc"
+ ],
+ [
+ "urs",
+ "ive"
+ ],
+ [
+ "Ġpret",
+ "end"
+ ],
+ [
+ "Ġanthrop",
+ "ogenic"
+ ],
+ [
+ "Ġunfore",
+ "seen"
+ ],
+ [
+ "Te",
+ "achers"
+ ],
+ [
+ "Ġwh",
+ "istle"
+ ],
+ [
+ "Ġgal",
+ "van"
+ ],
+ [
+ "Ġconstit",
+ "uted"
+ ],
+ [
+ "ĠCoron",
+ "avirus"
+ ],
+ [
+ "Prim",
+ "ary"
+ ],
+ [
+ "/",
+ "index"
+ ],
+ [
+ "Ġb",
+ "c"
+ ],
+ [
+ "Ġso",
+ "ak"
+ ],
+ [
+ "ever",
+ "se"
+ ],
+ [
+ "Ġmemor",
+ "ize"
+ ],
+ [
+ "Ġhand",
+ "ic"
+ ],
+ [
+ "ĠTe",
+ "levision"
+ ],
+ [
+ "aut",
+ "ical"
+ ],
+ [
+ "ĠS",
+ "ut"
+ ],
+ [
+ "ens",
+ "er"
+ ],
+ [
+ "Ġ*",
+ "Ċ"
+ ],
+ [
+ "C",
+ "lean"
+ ],
+ [
+ "]",
+ "]Ċ"
+ ],
+ [
+ "erc",
+ "ase"
+ ],
+ [
+ "acc",
+ "ount"
+ ],
+ [
+ "Ġp",
+ "s"
+ ],
+ [
+ "Ġpredict",
+ "or"
+ ],
+ [
+ "Ġprop",
+ "ulsion"
+ ],
+ [
+ "Ġcoun",
+ "ters"
+ ],
+ [
+ "Orig",
+ "in"
+ ],
+ [
+ "е",
+ "м"
+ ],
+ [
+ "ĠRich",
+ "ards"
+ ],
+ [
+ "ĠVin",
+ "cent"
+ ],
+ [
+ "Ġpl",
+ "aint"
+ ],
+ [
+ "sy",
+ "n"
+ ],
+ [
+ "Ġdeb",
+ "ilitating"
+ ],
+ [
+ "-",
+ "not"
+ ],
+ [
+ "ĠV",
+ "ideos"
+ ],
+ [
+ "pt",
+ "y"
+ ],
+ [
+ "Ġrep",
+ "orter"
+ ],
+ [
+ "aw",
+ "ning"
+ ],
+ [
+ "Ġrew",
+ "rite"
+ ],
+ [
+ "Ġt",
+ "igers"
+ ],
+ [
+ "ĠF",
+ "an"
+ ],
+ [
+ "Ġev",
+ "angel"
+ ],
+ [
+ "ĠClean",
+ "ing"
+ ],
+ [
+ "Ġther",
+ "most"
+ ],
+ [
+ "is",
+ "ch"
+ ],
+ [
+ "rom",
+ "es"
+ ],
+ [
+ "Ġpath",
+ "ological"
+ ],
+ [
+ "-S",
+ "h"
+ ],
+ [
+ "ĠLind",
+ "a"
+ ],
+ [
+ "Ġrevol",
+ "t"
+ ],
+ [
+ "Ġmonaster",
+ "y"
+ ],
+ [
+ "orr",
+ "hea"
+ ],
+ [
+ "Ġmethod",
+ "ological"
+ ],
+ [
+ "Ġche",
+ "f"
+ ],
+ [
+ "6",
+ "25"
+ ],
+ [
+ "ĠS",
+ "K"
+ ],
+ [
+ "te",
+ "ch"
+ ],
+ [
+ "eng",
+ "ing"
+ ],
+ [
+ "____",
+ "_"
+ ],
+ [
+ "-p",
+ "ower"
+ ],
+ [
+ "Ġperm",
+ "issions"
+ ],
+ [
+ "ĠBron",
+ "ze"
+ ],
+ [
+ "ĠOccup",
+ "ational"
+ ],
+ [
+ "ĠG",
+ "it"
+ ],
+ [
+ "Ġdivis",
+ "or"
+ ],
+ [
+ "[",
+ "index"
+ ],
+ [
+ "Ġtax",
+ "p"
+ ],
+ [
+ "Ġconve",
+ "ys"
+ ],
+ [
+ "Ġcor",
+ "als"
+ ],
+ [
+ "ÃŃ",
+ "n"
+ ],
+ [
+ "fol",
+ "k"
+ ],
+ [
+ "Ġrefine",
+ "ment"
+ ],
+ [
+ "J",
+ "esus"
+ ],
+ [
+ "T",
+ "ok"
+ ],
+ [
+ "ĠM",
+ "old"
+ ],
+ [
+ "Ġ\"",
+ "\\"
+ ],
+ [
+ "ish",
+ "able"
+ ],
+ [
+ "Ġconver",
+ "ge"
+ ],
+ [
+ "ĠG",
+ "ary"
+ ],
+ [
+ "Ġvast",
+ "ly"
+ ],
+ [
+ "Ġmold",
+ "ing"
+ ],
+ [
+ "ĠH",
+ "ack"
+ ],
+ [
+ "Ġru",
+ "gged"
+ ],
+ [
+ "Ġabst",
+ "raction"
+ ],
+ [
+ "Ġp",
+ "soriasis"
+ ],
+ [
+ "sh",
+ "ape"
+ ],
+ [
+ "åŃ",
+ "¦"
+ ],
+ [
+ "Ġperiod",
+ "ontal"
+ ],
+ [
+ "Ġprogram",
+ "mer"
+ ],
+ [
+ "Ġground",
+ "ing"
+ ],
+ [
+ "ĠHind",
+ "us"
+ ],
+ [
+ "Import",
+ "ance"
+ ],
+ [
+ "K",
+ "ids"
+ ],
+ [
+ "ĠSen",
+ "ator"
+ ],
+ [
+ "Ġamphib",
+ "ians"
+ ],
+ [
+ "oe",
+ "ing"
+ ],
+ [
+ "ĠNeg",
+ "ro"
+ ],
+ [
+ "iz",
+ "arre"
+ ],
+ [
+ "Ġsent",
+ "iments"
+ ],
+ [
+ "ĠRock",
+ "y"
+ ],
+ [
+ "Ġeigen",
+ "values"
+ ],
+ [
+ "C",
+ "ould"
+ ],
+ [
+ "M",
+ "ary"
+ ],
+ [
+ "å",
+ "¸"
+ ],
+ [
+ "ĠI",
+ "con"
+ ],
+ [
+ "ĠM",
+ "ORE"
+ ],
+ [
+ "ball",
+ "s"
+ ],
+ [
+ "Rep",
+ "ort"
+ ],
+ [
+ "ĠWrit",
+ "er"
+ ],
+ [
+ "Ġdiscre",
+ "pancies"
+ ],
+ [
+ "Ġdiver",
+ "gence"
+ ],
+ [
+ "Ġ",
+ "Ùħ"
+ ],
+ [
+ "Ġboard",
+ "ing"
+ ],
+ [
+ "Ġdem",
+ "ise"
+ ],
+ [
+ "à¥",
+ "ģ"
+ ],
+ [
+ "ĠPrepar",
+ "ing"
+ ],
+ [
+ "pos",
+ "al"
+ ],
+ [
+ "-E",
+ "ng"
+ ],
+ [
+ "Ġblow",
+ "n"
+ ],
+ [
+ "Ġexpans",
+ "ive"
+ ],
+ [
+ "Ġt",
+ "i"
+ ],
+ [
+ "Ġd",
+ "end"
+ ],
+ [
+ "Ġnum",
+ "erals"
+ ],
+ [
+ "ann",
+ "ab"
+ ],
+ [
+ "29",
+ "5"
+ ],
+ [
+ ".",
+ "arg"
+ ],
+ [
+ "M",
+ "o"
+ ],
+ [
+ "sc",
+ "ript"
+ ],
+ [
+ "Ġcond",
+ "ensed"
+ ],
+ [
+ "OLI",
+ "TICAL"
+ ],
+ [
+ "Ġdict",
+ "ate"
+ ],
+ [
+ "Re",
+ "comm"
+ ],
+ [
+ "[",
+ "int"
+ ],
+ [
+ "ĠO",
+ "ste"
+ ],
+ [
+ "B",
+ "r"
+ ],
+ [
+ "Ġlaws",
+ "uit"
+ ],
+ [
+ "-",
+ "imp"
+ ],
+ [
+ "Ġstar",
+ "vation"
+ ],
+ [
+ "ĠKaz",
+ "akh"
+ ],
+ [
+ "×Ļ",
+ "×"
+ ],
+ [
+ "=",
+ ">"
+ ],
+ [
+ "par",
+ "se"
+ ],
+ [
+ "Ġevalu",
+ "ates"
+ ],
+ [
+ "-w",
+ "ritten"
+ ],
+ [
+ "Ġsurround",
+ "s"
+ ],
+ [
+ "Ġswe",
+ "eping"
+ ],
+ [
+ "Ġjudge",
+ "ment"
+ ],
+ [
+ "-p",
+ "olitical"
+ ],
+ [
+ "Ġclar",
+ "ification"
+ ],
+ [
+ "Car",
+ "bon"
+ ],
+ [
+ "Ġcell",
+ "ulose"
+ ],
+ [
+ "Ġcontinu",
+ "um"
+ ],
+ [
+ "ott",
+ "est"
+ ],
+ [
+ "Ġdisadvant",
+ "aged"
+ ],
+ [
+ "/",
+ "G"
+ ],
+ [
+ "е",
+ "Ñģ"
+ ],
+ [
+ "ĠInter",
+ "vention"
+ ],
+ [
+ "ĠBel",
+ "ief"
+ ],
+ [
+ "Sub",
+ "st"
+ ],
+ [
+ "Ġmira",
+ "cle"
+ ],
+ [
+ "ĠS",
+ "ou"
+ ],
+ [
+ "Ġsqu",
+ "ad"
+ ],
+ [
+ "Ġcav",
+ "al"
+ ],
+ [
+ "B",
+ "io"
+ ],
+ [
+ "Ġin",
+ "ward"
+ ],
+ [
+ "ic",
+ "able"
+ ],
+ [
+ "Ġco",
+ "ils"
+ ],
+ [
+ "Ġdeep",
+ "est"
+ ],
+ [
+ "enn",
+ "ial"
+ ],
+ [
+ "ĠJul",
+ "ia"
+ ],
+ [
+ "ĠIde",
+ "ally"
+ ],
+ [
+ "chie",
+ "f"
+ ],
+ [
+ "ĠVenez",
+ "uela"
+ ],
+ [
+ "ĠLe",
+ "aves"
+ ],
+ [
+ "ï¼",
+ "Ī"
+ ],
+ [
+ "ĠNear",
+ "ly"
+ ],
+ [
+ "Ġtransist",
+ "ors"
+ ],
+ [
+ "ath",
+ "i"
+ ],
+ [
+ "ĠRe",
+ "cycling"
+ ],
+ [
+ "Ġlaz",
+ "y"
+ ],
+ [
+ "ĠR",
+ "are"
+ ],
+ [
+ "Ġclass",
+ "ics"
+ ],
+ [
+ "j",
+ "et"
+ ],
+ [
+ "ed",
+ "e"
+ ],
+ [
+ "Ġmascul",
+ "inity"
+ ],
+ [
+ "Ġaeros",
+ "ol"
+ ],
+ [
+ "Ġwas",
+ "ting"
+ ],
+ [
+ "Ġtrig",
+ "lycer"
+ ],
+ [
+ "L",
+ "ess"
+ ],
+ [
+ "en",
+ "za"
+ ],
+ [
+ "ĠSurv",
+ "ival"
+ ],
+ [
+ "Ġ{",
+ "'"
+ ],
+ [
+ "Ġinher",
+ "it"
+ ],
+ [
+ "ĠInsp",
+ "ired"
+ ],
+ [
+ "Ġfost",
+ "ered"
+ ],
+ [
+ "M",
+ "el"
+ ],
+ [
+ "29",
+ "3"
+ ],
+ [
+ ".",
+ "value"
+ ],
+ [
+ "ĠS",
+ "amples"
+ ],
+ [
+ "50",
+ "4"
+ ],
+ [
+ "3",
+ "24"
+ ],
+ [
+ "N",
+ "a"
+ ],
+ [
+ "ĠO",
+ "H"
+ ],
+ [
+ "Ġfraction",
+ "al"
+ ],
+ [
+ "n",
+ "it"
+ ],
+ [
+ "din",
+ "and"
+ ],
+ [
+ "ĠN",
+ "ash"
+ ],
+ [
+ "ĠVeter",
+ "ans"
+ ],
+ [
+ "F",
+ "ire"
+ ],
+ [
+ "es",
+ "cent"
+ ],
+ [
+ "ad",
+ "emic"
+ ],
+ [
+ "Des",
+ "cribe"
+ ],
+ [
+ "Ġresist",
+ "ors"
+ ],
+ [
+ "Ġcataly",
+ "sts"
+ ],
+ [
+ "Ġairpl",
+ "anes"
+ ],
+ [
+ "ĠMesopotam",
+ "ia"
+ ],
+ [
+ "I",
+ "ron"
+ ],
+ [
+ "Ġreg",
+ "isters"
+ ],
+ [
+ "Ġenric",
+ "hes"
+ ],
+ [
+ ".assert",
+ "Equal"
+ ],
+ [
+ "Ġsh",
+ "ading"
+ ],
+ [
+ "Ġmon",
+ "ot"
+ ],
+ [
+ "rit",
+ "es"
+ ],
+ [
+ "Ġsevent",
+ "eenth"
+ ],
+ [
+ "28",
+ "7"
+ ],
+ [
+ "ĠCal",
+ "vin"
+ ],
+ [
+ "ĠTow",
+ "ards"
+ ],
+ [
+ "Ġc",
+ "ords"
+ ],
+ [
+ "ĠCert",
+ "ification"
+ ],
+ [
+ "Ġam",
+ "use"
+ ],
+ [
+ "}\\",
+ "\\"
+ ],
+ [
+ "Ġexp",
+ "oses"
+ ],
+ [
+ "Ġflood",
+ "ed"
+ ],
+ [
+ "Ġcareg",
+ "iver"
+ ],
+ [
+ "ĠÃ",
+ "ī"
+ ],
+ [
+ "P",
+ "ass"
+ ],
+ [
+ "S",
+ "arah"
+ ],
+ [
+ "olog",
+ "ous"
+ ],
+ [
+ "æ",
+ "Ń"
+ ],
+ [
+ "Ġ[",
+ "("
+ ],
+ [
+ "ĠStory",
+ "telling"
+ ],
+ [
+ "ad",
+ "as"
+ ],
+ [
+ "24",
+ "8"
+ ],
+ [
+ "(",
+ "E"
+ ],
+ [
+ "0",
+ "15"
+ ],
+ [
+ "e",
+ "ff"
+ ],
+ [
+ "Ġp",
+ "ants"
+ ],
+ [
+ "ll",
+ "or"
+ ],
+ [
+ "Ġpast",
+ "ure"
+ ],
+ [
+ "Pro",
+ "of"
+ ],
+ [
+ "Ġb",
+ "umps"
+ ],
+ [
+ "ag",
+ "h"
+ ],
+ [
+ "ju",
+ "ven"
+ ],
+ [
+ "Ġcoll",
+ "ar"
+ ],
+ [
+ "55",
+ "5"
+ ],
+ [
+ "Ġmamm",
+ "alian"
+ ],
+ [
+ "Ġcontrovers",
+ "ies"
+ ],
+ [
+ "Ġconson",
+ "ant"
+ ],
+ [
+ "-che",
+ "ck"
+ ],
+ [
+ "in",
+ "ner"
+ ],
+ [
+ ".s",
+ "um"
+ ],
+ [
+ "Ġg",
+ "orge"
+ ],
+ [
+ "Ġimpro",
+ "v"
+ ],
+ [
+ "Ġmor",
+ "ale"
+ ],
+ [
+ "M",
+ "ill"
+ ],
+ [
+ "ul",
+ "ae"
+ ],
+ [
+ "ĠSp",
+ "ark"
+ ],
+ [
+ "Ġox",
+ "ides"
+ ],
+ [
+ "IC",
+ "K"
+ ],
+ [
+ "ic",
+ "ists"
+ ],
+ [
+ "Ġlob",
+ "e"
+ ],
+ [
+ "ĠBre",
+ "aking"
+ ],
+ [
+ "R",
+ "est"
+ ],
+ [
+ "f",
+ "our"
+ ],
+ [
+ "ff",
+ "y"
+ ],
+ [
+ "ĠEmp",
+ "athy"
+ ],
+ [
+ "res",
+ "pect"
+ ],
+ [
+ "Ġhome",
+ "ostasis"
+ ],
+ [
+ "Ġvel",
+ "oc"
+ ],
+ [
+ "ps",
+ "i"
+ ],
+ [
+ "ĠId",
+ "aho"
+ ],
+ [
+ "ĠPhoen",
+ "ix"
+ ],
+ [
+ "m",
+ "art"
+ ],
+ [
+ "ia",
+ "z"
+ ],
+ [
+ "lect",
+ "ions"
+ ],
+ [
+ "Ġfrag",
+ "mented"
+ ],
+ [
+ "erb",
+ "ai"
+ ],
+ [
+ "âĢ¢âĢ¢âĢ¢âĢ¢",
+ "âĢ¢âĢ¢âĢ¢âĢ¢"
+ ],
+ [
+ "g",
+ "ie"
+ ],
+ [
+ "ĠAm",
+ "id"
+ ],
+ [
+ "Ġapert",
+ "ure"
+ ],
+ [
+ "reg",
+ "ated"
+ ],
+ [
+ "å®",
+ "ļ"
+ ],
+ [
+ "oci",
+ "ation"
+ ],
+ [
+ "Ġthreat",
+ "ens"
+ ],
+ [
+ "Ġse",
+ "ating"
+ ],
+ [
+ "-",
+ "so"
+ ],
+ [
+ "ig",
+ "her"
+ ],
+ [
+ "q",
+ "l"
+ ],
+ [
+ "ĠReg",
+ "ulatory"
+ ],
+ [
+ "5",
+ "10"
+ ],
+ [
+ "Ġhop",
+ "eless"
+ ],
+ [
+ "ĠP",
+ "ET"
+ ],
+ [
+ "00",
+ "9"
+ ],
+ [
+ "Ġgraph",
+ "ite"
+ ],
+ [
+ "ï",
+ "Ĥ"
+ ],
+ [
+ "ĠI",
+ "an"
+ ],
+ [
+ "ĠG",
+ "iant"
+ ],
+ [
+ "Ġiter",
+ "ative"
+ ],
+ [
+ "ĠRout",
+ "e"
+ ],
+ [
+ "-",
+ "weight"
+ ],
+ [
+ "Ġc",
+ "uring"
+ ],
+ [
+ "ĠK",
+ "ur"
+ ],
+ [
+ "ic",
+ "illin"
+ ],
+ [
+ "ĠK",
+ "umar"
+ ],
+ [
+ "Ġprin",
+ "cess"
+ ],
+ [
+ "Ġaggreg",
+ "ates"
+ ],
+ [
+ "o",
+ "am"
+ ],
+ [
+ "å¤",
+ "§"
+ ],
+ [
+ "ĠM",
+ "ack"
+ ],
+ [
+ "Ġdisc",
+ "ourses"
+ ],
+ [
+ "ask",
+ "ing"
+ ],
+ [
+ "Ġtun",
+ "a"
+ ],
+ [
+ "Ġfu",
+ "zzy"
+ ],
+ [
+ "ul",
+ "ed"
+ ],
+ [
+ ".\"",
+ "\"\""
+ ],
+ [
+ ".j",
+ "pg"
+ ],
+ [
+ "t",
+ "ons"
+ ],
+ [
+ "Ġcl",
+ "o"
+ ],
+ [
+ "ĠRead",
+ "y"
+ ],
+ [
+ "ĠC",
+ "ad"
+ ],
+ [
+ "ĠF",
+ "ul"
+ ],
+ [
+ "Ġx",
+ "y"
+ ],
+ [
+ "Ġcart",
+ "oons"
+ ],
+ [
+ "Ġperme",
+ "ability"
+ ],
+ [
+ "at",
+ "an"
+ ],
+ [
+ "amm",
+ "ers"
+ ],
+ [
+ "Ġep",
+ "igen"
+ ],
+ [
+ ".m",
+ "ax"
+ ],
+ [
+ "Ġpip",
+ "elines"
+ ],
+ [
+ "-",
+ "o"
+ ],
+ [
+ "Ġtheore",
+ "tically"
+ ],
+ [
+ "ĠProtect",
+ "ing"
+ ],
+ [
+ "Ret",
+ "urn"
+ ],
+ [
+ "ĠAl",
+ "ger"
+ ],
+ [
+ "ĠCirc",
+ "uits"
+ ],
+ [
+ "ĠVeh",
+ "icle"
+ ],
+ [
+ "ĠC",
+ "hes"
+ ],
+ [
+ "Ġprof",
+ "iling"
+ ],
+ [
+ "Ġdivid",
+ "ends"
+ ],
+ [
+ "]",
+ "+"
+ ],
+ [
+ "-b",
+ "ound"
+ ],
+ [
+ "ri",
+ "ka"
+ ],
+ [
+ "ĠSw",
+ "ift"
+ ],
+ [
+ "Ġpeas",
+ "ants"
+ ],
+ [
+ "ĠLif",
+ "estyle"
+ ],
+ [
+ "Ġirres",
+ "pective"
+ ],
+ [
+ "ĠT",
+ "ao"
+ ],
+ [
+ "ling",
+ "ton"
+ ],
+ [
+ "-c",
+ "arbon"
+ ],
+ [
+ "-est",
+ "ablished"
+ ],
+ [
+ "Ġs",
+ "erm"
+ ],
+ [
+ "Ġtransition",
+ "ing"
+ ],
+ [
+ "Ġadvis",
+ "ory"
+ ],
+ [
+ "Ġabbrev",
+ "iation"
+ ],
+ [
+ "os",
+ "in"
+ ],
+ [
+ "ĠSil",
+ "k"
+ ],
+ [
+ ",",
+ "..."
+ ],
+ [
+ "L",
+ "ittle"
+ ],
+ [
+ "Ġorgan",
+ "izer"
+ ],
+ [
+ "fore",
+ "sts"
+ ],
+ [
+ "ĠTer",
+ "ror"
+ ],
+ [
+ "on",
+ "ium"
+ ],
+ [
+ "abet",
+ "ics"
+ ],
+ [
+ "ĠIns",
+ "pect"
+ ],
+ [
+ "Ġb",
+ "acon"
+ ],
+ [
+ "Ġfam",
+ "ously"
+ ],
+ [
+ "}$$",
+ "Ċ"
+ ],
+ [
+ ".c",
+ "a"
+ ],
+ [
+ "Ġcycl",
+ "ic"
+ ],
+ [
+ "ĠS",
+ "ke"
+ ],
+ [
+ "Ġwh",
+ "olly"
+ ],
+ [
+ "um",
+ "mer"
+ ],
+ [
+ "д",
+ "а"
+ ],
+ [
+ "Ġpor",
+ "celain"
+ ],
+ [
+ "-c",
+ "ount"
+ ],
+ [
+ "orect",
+ "al"
+ ],
+ [
+ "Ġqu",
+ "ir"
+ ],
+ [
+ "ä",
+ "¾"
+ ],
+ [
+ "Ġever",
+ "green"
+ ],
+ [
+ "Ġmess",
+ "enger"
+ ],
+ [
+ "COMP",
+ "UTERS"
+ ],
+ [
+ "S",
+ "leep"
+ ],
+ [
+ "ĠC",
+ "in"
+ ],
+ [
+ "ĠIntrodu",
+ "cing"
+ ],
+ [
+ "ĠR",
+ "he"
+ ],
+ [
+ "Ġgra",
+ "v"
+ ],
+ [
+ "Ġing",
+ "ested"
+ ],
+ [
+ "ĠMus",
+ "ical"
+ ],
+ [
+ "Ġbrid",
+ "ging"
+ ],
+ [
+ "ĠJ",
+ "ung"
+ ],
+ [
+ "ass",
+ "an"
+ ],
+ [
+ "ĠRe",
+ "creation"
+ ],
+ [
+ "ĠG",
+ "W"
+ ],
+ [
+ "Ġav",
+ "id"
+ ],
+ [
+ "S",
+ "panish"
+ ],
+ [
+ "Ġa",
+ "ur"
+ ],
+ [
+ "Ġcons",
+ "olidation"
+ ],
+ [
+ "Ġdet",
+ "erg"
+ ],
+ [
+ "C",
+ "ell"
+ ],
+ [
+ "ĠW",
+ "elfare"
+ ],
+ [
+ "ĠAtt",
+ "empt"
+ ],
+ [
+ "Ġvot",
+ "er"
+ ],
+ [
+ "ĠRel",
+ "ief"
+ ],
+ [
+ "C",
+ "lin"
+ ],
+ [
+ "it",
+ "ät"
+ ],
+ [
+ "Ġchlor",
+ "ophyll"
+ ],
+ [
+ "M",
+ "ichael"
+ ],
+ [
+ "F",
+ "ound"
+ ],
+ [
+ "ib",
+ "an"
+ ],
+ [
+ "ĠEvery",
+ "day"
+ ],
+ [
+ "ĠQuadr",
+ "atic"
+ ],
+ [
+ "ĠG",
+ "ut"
+ ],
+ [
+ "Ġf",
+ "oul"
+ ],
+ [
+ "Ġdirect",
+ "ing"
+ ],
+ [
+ "Ġsomet",
+ "ime"
+ ],
+ [
+ "ĠEucl",
+ "idean"
+ ],
+ [
+ "27",
+ "7"
+ ],
+ [
+ "oper",
+ "ator"
+ ],
+ [
+ "ĠMove",
+ "ments"
+ ],
+ [
+ "M",
+ "uch"
+ ],
+ [
+ "Ġ",
+ "ig"
+ ],
+ [
+ "Ġcost",
+ "ume"
+ ],
+ [
+ "Ġstuff",
+ "ed"
+ ],
+ [
+ "Ġcommunic",
+ "ated"
+ ],
+ [
+ "Ġcontract",
+ "or"
+ ],
+ [
+ "ĠT",
+ "arg"
+ ],
+ [
+ "ĠAr",
+ "range"
+ ],
+ [
+ "Pop",
+ "ular"
+ ],
+ [
+ ",",
+ "a"
+ ],
+ [
+ "Ġrep",
+ "ell"
+ ],
+ [
+ "Ġdownload",
+ "s"
+ ],
+ [
+ "en",
+ "berg"
+ ],
+ [
+ "em",
+ "is"
+ ],
+ [
+ "ĠRes",
+ "ult"
+ ],
+ [
+ "ĠEd",
+ "gar"
+ ],
+ [
+ "b",
+ "rain"
+ ],
+ [
+ "26",
+ "3"
+ ],
+ [
+ "à",
+ "´"
+ ],
+ [
+ "Ġim",
+ "b"
+ ],
+ [
+ "Ġcomp",
+ "ilation"
+ ],
+ [
+ "Pre",
+ "vious"
+ ],
+ [
+ "ĠEgg",
+ "s"
+ ],
+ [
+ "Disc",
+ "uss"
+ ],
+ [
+ "å¯",
+ "¹"
+ ],
+ [
+ "Ġre",
+ "de"
+ ],
+ [
+ "ĠDam",
+ "age"
+ ],
+ [
+ "alg",
+ "ia"
+ ],
+ [
+ "Ġun",
+ "biased"
+ ],
+ [
+ "Ġsc",
+ "rub"
+ ],
+ [
+ "-",
+ "is"
+ ],
+ [
+ "Ġasym",
+ "ptomatic"
+ ],
+ [
+ "Ġpropri",
+ "etary"
+ ],
+ [
+ "Ġmanif",
+ "ests"
+ ],
+ [
+ "Ġd",
+ "B"
+ ],
+ [
+ "om",
+ "aly"
+ ],
+ [
+ "Ġge",
+ "ared"
+ ],
+ [
+ "Ġcoop",
+ "erate"
+ ],
+ [
+ "Ġty",
+ "r"
+ ],
+ [
+ "Ġo",
+ "ats"
+ ],
+ [
+ "Ġth",
+ "omas"
+ ],
+ [
+ "Ġde",
+ "gener"
+ ],
+ [
+ "ĠC",
+ "ube"
+ ],
+ [
+ "Ġinv",
+ "ade"
+ ],
+ [
+ "ctor",
+ "al"
+ ],
+ [
+ "Ġdefic",
+ "ient"
+ ],
+ [
+ "ĠRob",
+ "in"
+ ],
+ [
+ "=",
+ "{"
+ ],
+ [
+ "M",
+ "RI"
+ ],
+ [
+ "our",
+ "ge"
+ ],
+ [
+ "vent",
+ "ing"
+ ],
+ [
+ "Ġcommon",
+ "place"
+ ],
+ [
+ "iet",
+ "nam"
+ ],
+ [
+ "et",
+ "us"
+ ],
+ [
+ "ob",
+ "j"
+ ],
+ [
+ "-s",
+ "ervice"
+ ],
+ [
+ "ĠEc",
+ "uador"
+ ],
+ [
+ "-W",
+ "orld"
+ ],
+ [
+ "ĠCON",
+ "T"
+ ],
+ [
+ "ĠJun",
+ "ior"
+ ],
+ [
+ "pop",
+ "ulation"
+ ],
+ [
+ "Ġst",
+ "ats"
+ ],
+ [
+ "be",
+ "cca"
+ ],
+ [
+ "ĠCo",
+ "hen"
+ ],
+ [
+ "Ġcanon",
+ "ical"
+ ],
+ [
+ "P",
+ "oly"
+ ],
+ [
+ "Ġs",
+ "es"
+ ],
+ [
+ "Ġg",
+ "atsby"
+ ],
+ [
+ "Ġrestric",
+ "ting"
+ ],
+ [
+ "30",
+ "8"
+ ],
+ [
+ "Ġcy",
+ "st"
+ ],
+ [
+ "osp",
+ "els"
+ ],
+ [
+ "Ġaffect",
+ "ive"
+ ],
+ [
+ "40",
+ "5"
+ ],
+ [
+ "Ġadverse",
+ "ly"
+ ],
+ [
+ "ĠMine",
+ "craft"
+ ],
+ [
+ "ĠG",
+ "ain"
+ ],
+ [
+ "Ġcast",
+ "les"
+ ],
+ [
+ "ra",
+ "ines"
+ ],
+ [
+ "Ġbankrupt",
+ "cy"
+ ],
+ [
+ "ĠSpecial",
+ "ist"
+ ],
+ [
+ "ĠDis",
+ "aster"
+ ],
+ [
+ "vel",
+ "ation"
+ ],
+ [
+ "-",
+ "Step"
+ ],
+ [
+ "E",
+ "uropean"
+ ],
+ [
+ "à",
+ "¯"
+ ],
+ [
+ "Ġdec",
+ "olon"
+ ],
+ [
+ "ĠB",
+ "ecome"
+ ],
+ [
+ "Ġj",
+ "ava"
+ ],
+ [
+ "Ġcl",
+ "ots"
+ ],
+ [
+ "Ġinv",
+ "aders"
+ ],
+ [
+ "Ġhon",
+ "ored"
+ ],
+ [
+ "Ġinhib",
+ "itor"
+ ],
+ [
+ "ĠLeon",
+ "ardo"
+ ],
+ [
+ "Ġg",
+ "cse"
+ ],
+ [
+ "ub",
+ "ility"
+ ],
+ [
+ "Ġco",
+ "erc"
+ ],
+ [
+ "ĠPro",
+ "ve"
+ ],
+ [
+ "com",
+ "ings"
+ ],
+ [
+ "Ġnecess",
+ "itate"
+ ],
+ [
+ "ĠV",
+ "ed"
+ ],
+ [
+ "-s",
+ "ub"
+ ],
+ [
+ "Ġschem",
+ "atic"
+ ],
+ [
+ "_p",
+ "red"
+ ],
+ [
+ "3",
+ "35"
+ ],
+ [
+ "i",
+ "ates"
+ ],
+ [
+ "Ġsub",
+ "urban"
+ ],
+ [
+ "min",
+ "ster"
+ ],
+ [
+ "Ġmouth",
+ "s"
+ ],
+ [
+ "Ġfort",
+ "ress"
+ ],
+ [
+ "Ġt",
+ "k"
+ ],
+ [
+ "Ġj",
+ "og"
+ ],
+ [
+ "g",
+ "rid"
+ ],
+ [
+ "¦",
+ "Ĥ"
+ ],
+ [
+ "Ġcr",
+ "ater"
+ ],
+ [
+ "Ġsk",
+ "learn"
+ ],
+ [
+ "ou",
+ "fl"
+ ],
+ [
+ "Ġa",
+ "ust"
+ ],
+ [
+ "24",
+ "4"
+ ],
+ [
+ "gen",
+ "ic"
+ ],
+ [
+ "Ġs",
+ "orrow"
+ ],
+ [
+ "Ġexc",
+ "use"
+ ],
+ [
+ "Ġred",
+ "ef"
+ ],
+ [
+ "Ġrepe",
+ "ats"
+ ],
+ [
+ "Ġcond",
+ "ensation"
+ ],
+ [
+ "ĠArn",
+ "old"
+ ],
+ [
+ "Ġc",
+ "emetery"
+ ],
+ [
+ "Ġf",
+ "ade"
+ ],
+ [
+ "ĠTh",
+ "r"
+ ],
+ [
+ "Ġschem",
+ "a"
+ ],
+ [
+ "u",
+ "ously"
+ ],
+ [
+ "the",
+ "se"
+ ],
+ [
+ "ĠDe",
+ "cre"
+ ],
+ [
+ "arr",
+ "ison"
+ ],
+ [
+ "N",
+ "avig"
+ ],
+ [
+ "Ġdiffere",
+ "d"
+ ],
+ [
+ "ĠL",
+ "ocated"
+ ],
+ [
+ "Ġcompet",
+ "itiveness"
+ ],
+ [
+ "Ġcultiv",
+ "ars"
+ ],
+ [
+ "N",
+ "s"
+ ],
+ [
+ "ĠFe",
+ "eling"
+ ],
+ [
+ "Ġnick",
+ "name"
+ ],
+ [
+ "a",
+ "ith"
+ ],
+ [
+ "ĠP",
+ "RE"
+ ],
+ [
+ "ĠF",
+ "IT"
+ ],
+ [
+ "Ġra",
+ "nd"
+ ],
+ [
+ "ĠSk",
+ "etch"
+ ],
+ [
+ "Ġbrit",
+ "tle"
+ ],
+ [
+ "Ġinf",
+ "initely"
+ ],
+ [
+ "Guid",
+ "eline"
+ ],
+ [
+ "ĠM",
+ "ason"
+ ],
+ [
+ "enn",
+ "a"
+ ],
+ [
+ "ĠArm",
+ "strong"
+ ],
+ [
+ "Ġarsen",
+ "ic"
+ ],
+ [
+ "ĠM",
+ "ü"
+ ],
+ [
+ "ruct",
+ "ose"
+ ],
+ [
+ "Ġru",
+ "pture"
+ ],
+ [
+ "Ġre",
+ "ap"
+ ],
+ [
+ "ortun",
+ "e"
+ ],
+ [
+ "-D",
+ "ay"
+ ],
+ [
+ "ĠR",
+ "an"
+ ],
+ [
+ "over",
+ "line"
+ ],
+ [
+ "m",
+ "any"
+ ],
+ [
+ "p",
+ "roduct"
+ ],
+ [
+ "ĠS",
+ "ter"
+ ],
+ [
+ "ĠM",
+ "ood"
+ ],
+ [
+ "obal",
+ "t"
+ ],
+ [
+ "Ġtact",
+ "ile"
+ ],
+ [
+ "4",
+ "32"
+ ],
+ [
+ "ĠWell",
+ "s"
+ ],
+ [
+ "Ġbreast",
+ "s"
+ ],
+ [
+ "Ġceleb",
+ "rities"
+ ],
+ [
+ "ĠExcess",
+ "ive"
+ ],
+ [
+ "ĠL",
+ "ad"
+ ],
+ [
+ "ym",
+ "bol"
+ ],
+ [
+ "ĠInter",
+ "section"
+ ],
+ [
+ "Ġc",
+ "is"
+ ],
+ [
+ "ĠR",
+ "D"
+ ],
+ [
+ "Ġuseful",
+ "ness"
+ ],
+ [
+ "Ġadjust",
+ "able"
+ ],
+ [
+ "ge",
+ "q"
+ ],
+ [
+ "que",
+ "ue"
+ ],
+ [
+ "t",
+ "ri"
+ ],
+ [
+ "Ø",
+ "¹"
+ ],
+ [
+ "Ġ",
+ "ip"
+ ],
+ [
+ "ĠSur",
+ "round"
+ ],
+ [
+ "^",
+ "-"
+ ],
+ [
+ "c",
+ "ussions"
+ ],
+ [
+ "or",
+ "um"
+ ],
+ [
+ "Ġpreced",
+ "ed"
+ ],
+ [
+ "Ġfluores",
+ "cence"
+ ],
+ [
+ "b",
+ "uild"
+ ],
+ [
+ "ĠR",
+ "osa"
+ ],
+ [
+ "ĠO",
+ "B"
+ ],
+ [
+ "ĠUS",
+ "SR"
+ ],
+ [
+ "Pr",
+ "ime"
+ ],
+ [
+ "ĠK",
+ "ay"
+ ],
+ [
+ "arn",
+ "ation"
+ ],
+ [
+ ".py",
+ "plot"
+ ],
+ [
+ "-d",
+ "o"
+ ],
+ [
+ "App",
+ "lying"
+ ],
+ [
+ "Start",
+ "ing"
+ ],
+ [
+ "0",
+ "25"
+ ],
+ [
+ "Ġwra",
+ "pping"
+ ],
+ [
+ "Ġbe",
+ "arded"
+ ],
+ [
+ "Ġinform",
+ "s"
+ ],
+ [
+ "Ġshock",
+ "ed"
+ ],
+ [
+ "ro",
+ "ids"
+ ],
+ [
+ "ge",
+ "mon"
+ ],
+ [
+ "Ġdis",
+ "ks"
+ ],
+ [
+ "Ġov",
+ "ulation"
+ ],
+ [
+ "Ġculmin",
+ "ating"
+ ],
+ [
+ "Ġall",
+ "ot"
+ ],
+ [
+ "Ġj",
+ "aws"
+ ],
+ [
+ "Ġprop",
+ "onents"
+ ],
+ [
+ "ugg",
+ "ed"
+ ],
+ [
+ "ĠAutom",
+ "ation"
+ ],
+ [
+ "fil",
+ "m"
+ ],
+ [
+ "Ġcheer",
+ "ful"
+ ],
+ [
+ "/w",
+ "iki"
+ ],
+ [
+ "ĠMan",
+ "ip"
+ ],
+ [
+ "Ġcl",
+ "oning"
+ ],
+ [
+ "Ġair",
+ "ways"
+ ],
+ [
+ "Ġo",
+ "we"
+ ],
+ [
+ "ĠTrans",
+ "mission"
+ ],
+ [
+ "ĠHuman",
+ "ities"
+ ],
+ [
+ "av",
+ "oid"
+ ],
+ [
+ "Ġdec",
+ "iduous"
+ ],
+ [
+ "Ġill",
+ "icit"
+ ],
+ [
+ "Ġcorre",
+ "ctions"
+ ],
+ [
+ "ĠOver",
+ "coming"
+ ],
+ [
+ "Ġhom",
+ "osexual"
+ ],
+ [
+ "Ġch",
+ "ill"
+ ],
+ [
+ "35",
+ "5"
+ ],
+ [
+ "De",
+ "ep"
+ ],
+ [
+ "l",
+ "ip"
+ ],
+ [
+ "ink",
+ "er"
+ ],
+ [
+ "ĠJud",
+ "ah"
+ ],
+ [
+ "en",
+ "ance"
+ ],
+ [
+ "ĠH",
+ "ERE"
+ ],
+ [
+ "ĠÐ",
+ "³"
+ ],
+ [
+ "ĠWeek",
+ "ly"
+ ],
+ [
+ "a",
+ "vers"
+ ],
+ [
+ "âĢľ",
+ "A"
+ ],
+ [
+ "0",
+ "16"
+ ],
+ [
+ "D",
+ "ev"
+ ],
+ [
+ "ab",
+ "ies"
+ ],
+ [
+ "Ġplot",
+ "ting"
+ ],
+ [
+ "Ġbenef",
+ "ited"
+ ],
+ [
+ "storm",
+ "s"
+ ],
+ [
+ "P",
+ "ay"
+ ],
+ [
+ "k",
+ "ov"
+ ],
+ [
+ "Ġh",
+ "ots"
+ ],
+ [
+ "Ġpp",
+ "m"
+ ],
+ [
+ "are",
+ "l"
+ ],
+ [
+ "Ċ",
+ "ĠĠĠĠĠĠĠĠĊ"
+ ],
+ [
+ "Ġa",
+ "kin"
+ ],
+ [
+ "ĠCh",
+ "ap"
+ ],
+ [
+ "Ġinfl",
+ "amed"
+ ],
+ [
+ ".",
+ "time"
+ ],
+ [
+ "Ġcl",
+ "an"
+ ],
+ [
+ "Ġster",
+ "oids"
+ ],
+ [
+ "Ġuns",
+ "uccessful"
+ ],
+ [
+ "Ġaffil",
+ "iated"
+ ],
+ [
+ "Ġbl",
+ "isters"
+ ],
+ [
+ "Ġconnect",
+ "ors"
+ ],
+ [
+ "Ġgly",
+ "col"
+ ],
+ [
+ "Ġe",
+ "ct"
+ ],
+ [
+ "ĠP",
+ "seud"
+ ],
+ [
+ "B",
+ "lock"
+ ],
+ [
+ "ab",
+ "lish"
+ ],
+ [
+ "Ġpl",
+ "acent"
+ ],
+ [
+ "Ġlab",
+ "ore"
+ ],
+ [
+ "Pres",
+ "ident"
+ ],
+ [
+ "Ġnormal",
+ "ized"
+ ],
+ [
+ "Ġit",
+ "chy"
+ ],
+ [
+ "T",
+ "erm"
+ ],
+ [
+ "all",
+ "ic"
+ ],
+ [
+ "Ġimp",
+ "lements"
+ ],
+ [
+ "hed",
+ "ron"
+ ],
+ [
+ "Ġexponential",
+ "ly"
+ ],
+ [
+ "Ġhydrox",
+ "ide"
+ ],
+ [
+ "L",
+ "AN"
+ ],
+ [
+ "Ġas",
+ "ylum"
+ ],
+ [
+ "ĠF",
+ "ut"
+ ],
+ [
+ "Ġrun",
+ "ners"
+ ],
+ [
+ "26",
+ "1"
+ ],
+ [
+ "('",
+ "\\"
+ ],
+ [
+ "ub",
+ "l"
+ ],
+ [
+ "Ġ-",
+ "\\"
+ ],
+ [
+ "Ġcur",
+ "r"
+ ],
+ [
+ "Ġtact",
+ "ical"
+ ],
+ [
+ "um",
+ "ers"
+ ],
+ [
+ "Ġplot",
+ "ted"
+ ],
+ [
+ "Ġdra",
+ "ins"
+ ],
+ [
+ "be",
+ "ans"
+ ],
+ [
+ "Ġroyal",
+ "ty"
+ ],
+ [
+ "id",
+ "ate"
+ ],
+ [
+ "Ġas",
+ "phalt"
+ ],
+ [
+ "roke",
+ "e"
+ ],
+ [
+ "ãģ",
+ "®"
+ ],
+ [
+ "it",
+ "eration"
+ ],
+ [
+ "-l",
+ "argest"
+ ],
+ [
+ "Ġbur",
+ "sts"
+ ],
+ [
+ "Ġbelong",
+ "ings"
+ ],
+ [
+ "Ġven",
+ "ue"
+ ],
+ [
+ "ley",
+ "ball"
+ ],
+ [
+ "\\",
+ "{"
+ ],
+ [
+ "Ġequ",
+ "ips"
+ ],
+ [
+ "Ġinfest",
+ "ations"
+ ],
+ [
+ "L",
+ "R"
+ ],
+ [
+ "app",
+ "a"
+ ],
+ [
+ "bor",
+ "ough"
+ ],
+ [
+ "th",
+ "us"
+ ],
+ [
+ "Ġsummar",
+ "izing"
+ ],
+ [
+ "ĠEnh",
+ "ance"
+ ],
+ [
+ "||",
+ "$"
+ ],
+ [
+ "-dr",
+ "iving"
+ ],
+ [
+ "ĠCare",
+ "fully"
+ ],
+ [
+ "ĠProv",
+ "in"
+ ],
+ [
+ "-b",
+ "al"
+ ],
+ [
+ "Ġsyn",
+ "onym"
+ ],
+ [
+ "ipel",
+ "ago"
+ ],
+ [
+ "ĠS",
+ "au"
+ ],
+ [
+ "Acc",
+ "ount"
+ ],
+ [
+ "(",
+ "):čĊ"
+ ],
+ [
+ "Ġpsych",
+ "o"
+ ],
+ [
+ "Ġmust",
+ "ard"
+ ],
+ [
+ "Ġportray",
+ "als"
+ ],
+ [
+ "Rec",
+ "ogn"
+ ],
+ [
+ "ĠVacc",
+ "ine"
+ ],
+ [
+ "Ù",
+ "Ĥ"
+ ],
+ [
+ "Pro",
+ "tect"
+ ],
+ [
+ "Ġab",
+ "uses"
+ ],
+ [
+ "Ġspec",
+ "ifying"
+ ],
+ [
+ "Ġur",
+ "ging"
+ ],
+ [
+ "s",
+ "ing"
+ ],
+ [
+ "he",
+ "x"
+ ],
+ [
+ "accept",
+ "able"
+ ],
+ [
+ "]",
+ "))Ċ"
+ ],
+ [
+ "ĠMov",
+ "ie"
+ ],
+ [
+ "Com",
+ "plete"
+ ],
+ [
+ "Ġmicro",
+ "phone"
+ ],
+ [
+ "Ġsp",
+ "am"
+ ],
+ [
+ "ĠWood",
+ "s"
+ ],
+ [
+ "Ġcal",
+ "f"
+ ],
+ [
+ "Ġport",
+ "rays"
+ ],
+ [
+ "LE",
+ "C"
+ ],
+ [
+ "Ġc",
+ "ot"
+ ],
+ [
+ "ĠSpe",
+ "ak"
+ ],
+ [
+ "rus",
+ "ive"
+ ],
+ [
+ "A",
+ "F"
+ ],
+ [
+ "Ġneat",
+ "ly"
+ ],
+ [
+ "ohns",
+ "on"
+ ],
+ [
+ "Ġcost",
+ "ing"
+ ],
+ [
+ "Ġpossess",
+ "ing"
+ ],
+ [
+ "Ġen",
+ "igmatic"
+ ],
+ [
+ "Ġauthor",
+ "ization"
+ ],
+ [
+ "ĉ",
+ "else"
+ ],
+ [
+ "Ġdev",
+ "ise"
+ ],
+ [
+ "28",
+ "2"
+ ],
+ [
+ "ĠAss",
+ "y"
+ ],
+ [
+ "opt",
+ "ional"
+ ],
+ [
+ "otyp",
+ "ic"
+ ],
+ [
+ "ĠE",
+ "yes"
+ ],
+ [
+ "Ġgra",
+ "ded"
+ ],
+ [
+ "à¤",
+ "®"
+ ],
+ [
+ "oph",
+ "ical"
+ ],
+ [
+ "(n",
+ "ame"
+ ],
+ [
+ "-th",
+ "rough"
+ ],
+ [
+ "E",
+ "ns"
+ ],
+ [
+ "s",
+ "aurus"
+ ],
+ [
+ "ĠV",
+ "a"
+ ],
+ [
+ "mel",
+ "on"
+ ],
+ [
+ "Ġfresh",
+ "ly"
+ ],
+ [
+ "aryn",
+ "x"
+ ],
+ [
+ "Ġemp",
+ "athetic"
+ ],
+ [
+ "-h",
+ "alf"
+ ],
+ [
+ "{",
+ "v"
+ ],
+ [
+ "Ġing",
+ "estion"
+ ],
+ [
+ "ĠFind",
+ "ings"
+ ],
+ [
+ "Ġadhes",
+ "ion"
+ ],
+ [
+ "Ġantiv",
+ "irus"
+ ],
+ [
+ "Ġrid",
+ "icul"
+ ],
+ [
+ "Ġbe",
+ "ast"
+ ],
+ [
+ "Ġout",
+ "fit"
+ ],
+ [
+ ".s",
+ "qrt"
+ ],
+ [
+ "!",
+ "âĢĿĊ"
+ ],
+ [
+ "Â",
+ "£"
+ ],
+ [
+ "ĠD",
+ "rag"
+ ],
+ [
+ "pr",
+ "us"
+ ],
+ [
+ "Ġsixt",
+ "een"
+ ],
+ [
+ "Ġtheor",
+ "ists"
+ ],
+ [
+ "ten",
+ "ess"
+ ],
+ [
+ "ĠB",
+ "rist"
+ ],
+ [
+ "ĠL",
+ "an"
+ ],
+ [
+ "ast",
+ "rous"
+ ],
+ [
+ "Ġca",
+ "ul"
+ ],
+ [
+ "Ġrepair",
+ "ing"
+ ],
+ [
+ "ĠBase",
+ "ball"
+ ],
+ [
+ "K",
+ "D"
+ ],
+ [
+ "ER",
+ "Y"
+ ],
+ [
+ "аÑĤ",
+ "ÑĮ"
+ ],
+ [
+ "ĠF",
+ "olk"
+ ],
+ [
+ "Ġj",
+ "er"
+ ],
+ [
+ "Ġfre",
+ "el"
+ ],
+ [
+ "Ġblo",
+ "oming"
+ ],
+ [
+ "Ġhipp",
+ "oc"
+ ],
+ [
+ ".",
+ "ac"
+ ],
+ [
+ "ĠProf",
+ "ile"
+ ],
+ [
+ "Ġabbrev",
+ "iated"
+ ],
+ [
+ "m",
+ "ol"
+ ],
+ [
+ "Ġsex",
+ "es"
+ ],
+ [
+ "Ġr",
+ "ally"
+ ],
+ [
+ "]",
+ "("
+ ],
+ [
+ "Ġsl",
+ "im"
+ ],
+ [
+ "âĢľ",
+ "If"
+ ],
+ [
+ "Ġcard",
+ "io"
+ ],
+ [
+ "Ġcan",
+ "ada"
+ ],
+ [
+ "un",
+ "its"
+ ],
+ [
+ "\"",
+ "S"
+ ],
+ [
+ "C",
+ "ent"
+ ],
+ [
+ "h",
+ "art"
+ ],
+ [
+ "ĠInter",
+ "face"
+ ],
+ [
+ "Ġpermit",
+ "ting"
+ ],
+ [
+ "Ġl",
+ "izards"
+ ],
+ [
+ "pp",
+ "e"
+ ],
+ [
+ "Ġun",
+ "not"
+ ],
+ [
+ "HE",
+ "LP"
+ ],
+ [
+ "Ġven",
+ "ues"
+ ],
+ [
+ ",",
+ "d"
+ ],
+ [
+ "Ġread",
+ "able"
+ ],
+ [
+ "Ġplan",
+ "k"
+ ],
+ [
+ "Ġobserv",
+ "able"
+ ],
+ [
+ "ro",
+ "ved"
+ ],
+ [
+ "ĠMan",
+ "age"
+ ],
+ [
+ "27",
+ "6"
+ ],
+ [
+ "Ġperpet",
+ "uate"
+ ],
+ [
+ "0",
+ "21"
+ ],
+ [
+ "U",
+ "TION"
+ ],
+ [
+ "ĠO",
+ "kay"
+ ],
+ [
+ "ib",
+ "eral"
+ ],
+ [
+ "Ġprim",
+ "ates"
+ ],
+ [
+ "the",
+ "ning"
+ ],
+ [
+ "ĠEval",
+ "uating"
+ ],
+ [
+ "Ù",
+ "ģ"
+ ],
+ [
+ "Ġth",
+ "rew"
+ ],
+ [
+ "ĠRe",
+ "venue"
+ ],
+ [
+ "ĠP",
+ "ig"
+ ],
+ [
+ "ĠP",
+ "upp"
+ ],
+ [
+ "ĠF",
+ "arming"
+ ],
+ [
+ "Ġprob",
+ "es"
+ ],
+ [
+ "45",
+ "3"
+ ],
+ [
+ "ĠCom",
+ "ing"
+ ],
+ [
+ "ĠG",
+ "ently"
+ ],
+ [
+ "ĠF",
+ "ab"
+ ],
+ [
+ "Ġcomb",
+ "ating"
+ ],
+ [
+ "Ġfant",
+ "astical"
+ ],
+ [
+ "Ġfor",
+ "age"
+ ],
+ [
+ "ĠC",
+ "av"
+ ],
+ [
+ "arm",
+ "ed"
+ ],
+ [
+ "cel",
+ "ona"
+ ],
+ [
+ "Di",
+ "agn"
+ ],
+ [
+ "Ġine",
+ "fficient"
+ ],
+ [
+ "Ġb",
+ "rom"
+ ],
+ [
+ "Ġad",
+ "ip"
+ ],
+ [
+ "ĠPro",
+ "c"
+ ],
+ [
+ "ĠSil",
+ "icon"
+ ],
+ [
+ "Ġspell",
+ "s"
+ ],
+ [
+ "ĠD",
+ "allas"
+ ],
+ [
+ "ĠA",
+ "ging"
+ ],
+ [
+ "ĠD",
+ "ust"
+ ],
+ [
+ "ĠF",
+ "it"
+ ],
+ [
+ "Ġcateg",
+ "orical"
+ ],
+ [
+ "ĠSubst",
+ "ance"
+ ],
+ [
+ "w",
+ "ali"
+ ],
+ [
+ "Ġt",
+ "ilt"
+ ],
+ [
+ "Ġgre",
+ "eting"
+ ],
+ [
+ "ĠPract",
+ "icing"
+ ],
+ [
+ "ĠM",
+ "ann"
+ ],
+ [
+ "ĠB",
+ "av"
+ ],
+ [
+ "Ġhot",
+ "ter"
+ ],
+ [
+ "Ġprophe",
+ "ts"
+ ],
+ [
+ "C",
+ "orrect"
+ ],
+ [
+ "rodu",
+ "ce"
+ ],
+ [
+ "âĢĶ",
+ "but"
+ ],
+ [
+ ".",
+ "If"
+ ],
+ [
+ "Ġbar",
+ "n"
+ ],
+ [
+ "Ġtag",
+ "ged"
+ ],
+ [
+ "ĠB",
+ "le"
+ ],
+ [
+ "ĠB",
+ "ent"
+ ],
+ [
+ "Ġhigh",
+ "ways"
+ ],
+ [
+ "G",
+ "T"
+ ],
+ [
+ "ĠF",
+ "iles"
+ ],
+ [
+ "ĠI",
+ "ELTS"
+ ],
+ [
+ "ay",
+ "as"
+ ],
+ [
+ "Ġred",
+ "irect"
+ ],
+ [
+ "Ġn",
+ "at"
+ ],
+ [
+ "Ġob",
+ "solete"
+ ],
+ [
+ "ĠR",
+ "ica"
+ ],
+ [
+ "ĠRe",
+ "yn"
+ ],
+ [
+ "Ġtorn",
+ "ado"
+ ],
+ [
+ "ĠD",
+ "op"
+ ],
+ [
+ "ĠF",
+ "abric"
+ ],
+ [
+ "åĪ",
+ "Ĺ"
+ ],
+ [
+ "Ġchair",
+ "man"
+ ],
+ [
+ "Ġt",
+ "a"
+ ],
+ [
+ "Ġchrist",
+ "mas"
+ ],
+ [
+ "ĠRef",
+ "er"
+ ],
+ [
+ "ĠConfed",
+ "er"
+ ],
+ [
+ "r",
+ "é"
+ ],
+ [
+ "on",
+ "ance"
+ ],
+ [
+ "Ġopp",
+ "ose"
+ ],
+ [
+ "Ġlig",
+ "aments"
+ ],
+ [
+ "st",
+ "ar"
+ ],
+ [
+ "ĠN",
+ "LP"
+ ],
+ [
+ "33",
+ "2"
+ ],
+ [
+ "Ġrh",
+ "in"
+ ],
+ [
+ "ĠRuss",
+ "ians"
+ ],
+ [
+ ".",
+ ").Ċ"
+ ],
+ [
+ "Ġg",
+ "n"
+ ],
+ [
+ "Ġdep",
+ "reciation"
+ ],
+ [
+ "Ġprov",
+ "oke"
+ ],
+ [
+ "ĠCom",
+ "pliance"
+ ],
+ [
+ "------------------------",
+ "-------ĊĊ"
+ ],
+ [
+ "ĠVerm",
+ "ont"
+ ],
+ [
+ "Ġin",
+ "box"
+ ],
+ [
+ "Ġac",
+ "claimed"
+ ],
+ [
+ "Ġvent",
+ "ric"
+ ],
+ [
+ "Ġepid",
+ "erm"
+ ],
+ [
+ "ĠInterpret",
+ "ation"
+ ],
+ [
+ "Ġ-*",
+ "-"
+ ],
+ [
+ "E",
+ "ar"
+ ],
+ [
+ "ĠT",
+ "ik"
+ ],
+ [
+ "Ġelong",
+ "ated"
+ ],
+ [
+ "man",
+ "uel"
+ ],
+ [
+ "ĠHar",
+ "vest"
+ ],
+ [
+ "ĠNorm",
+ "ally"
+ ],
+ [
+ "Ġ",
+ "--------"
+ ],
+ [
+ "ĠThe",
+ "ology"
+ ],
+ [
+ "ĠRes",
+ "piratory"
+ ],
+ [
+ "ĠWall",
+ "ace"
+ ],
+ [
+ "neg",
+ "ie"
+ ],
+ [
+ "Ġlaugh",
+ "ing"
+ ],
+ [
+ "Ġm",
+ "aze"
+ ],
+ [
+ "ud",
+ "ence"
+ ],
+ [
+ "ĠImpact",
+ "s"
+ ],
+ [
+ "-g",
+ "u"
+ ],
+ [
+ "Ġintersection",
+ "ality"
+ ],
+ [
+ "Ġlymph",
+ "oma"
+ ],
+ [
+ "Ġh",
+ "i"
+ ],
+ [
+ "ri",
+ "et"
+ ],
+ [
+ "ĠProg",
+ "ressive"
+ ],
+ [
+ "Ġaven",
+ "ue"
+ ],
+ [
+ "ĠHy",
+ "brid"
+ ],
+ [
+ ".",
+ "Y"
+ ],
+ [
+ "Ġgar",
+ "ment"
+ ],
+ [
+ "ĠDen",
+ "ver"
+ ],
+ [
+ "ĠKind",
+ "le"
+ ],
+ [
+ "Ġm",
+ "olds"
+ ],
+ [
+ "Ġpartic",
+ "ulate"
+ ],
+ [
+ "ĠT",
+ "ak"
+ ],
+ [
+ "ĠThe",
+ "ories"
+ ],
+ [
+ "à¤",
+ "¸"
+ ],
+ [
+ "27",
+ "4"
+ ],
+ [
+ "Ġprejud",
+ "ices"
+ ],
+ [
+ "ary",
+ "ng"
+ ],
+ [
+ "ĠAlexand",
+ "ria"
+ ],
+ [
+ "Ġj",
+ "ames"
+ ],
+ [
+ "Ġsupervis",
+ "or"
+ ],
+ [
+ "ĠFor",
+ "ward"
+ ],
+ [
+ "ĠAv",
+ "iation"
+ ],
+ [
+ "May",
+ "be"
+ ],
+ [
+ "b",
+ "ows"
+ ],
+ [
+ "k",
+ "ary"
+ ],
+ [
+ "in",
+ "ic"
+ ],
+ [
+ "Ġradi",
+ "ocarbon"
+ ],
+ [
+ "ĠRe",
+ "ach"
+ ],
+ [
+ "ĠZ",
+ "oom"
+ ],
+ [
+ "Ġconstra",
+ "ined"
+ ],
+ [
+ "Ġsh",
+ "ocks"
+ ],
+ [
+ "Ġsm",
+ "oked"
+ ],
+ [
+ "33",
+ "6"
+ ],
+ [
+ "Can",
+ "ada"
+ ],
+ [
+ "Ġcompl",
+ "ication"
+ ],
+ [
+ "Ġampl",
+ "ified"
+ ],
+ [
+ "]",
+ ":ĊĊ"
+ ],
+ [
+ "Ġcom",
+ "et"
+ ],
+ [
+ "ĠBay",
+ "esian"
+ ],
+ [
+ "Ġsoft",
+ "ly"
+ ],
+ [
+ "33",
+ "1"
+ ],
+ [
+ "Ġnob",
+ "ility"
+ ],
+ [
+ "our",
+ "ing"
+ ],
+ [
+ "Ġsprou",
+ "ts"
+ ],
+ [
+ "ĠAnthrop",
+ "ology"
+ ],
+ [
+ "com",
+ "put"
+ ],
+ [
+ "25",
+ "8"
+ ],
+ [
+ "Ġcompet",
+ "ency"
+ ],
+ [
+ "or",
+ "ate"
+ ],
+ [
+ "ĠTra",
+ "dition"
+ ],
+ [
+ "Ð",
+ "Ĥ"
+ ],
+ [
+ "Ġb",
+ "inge"
+ ],
+ [
+ "ĠLoc",
+ "ke"
+ ],
+ [
+ "Ġpictures",
+ "que"
+ ],
+ [
+ "ĠEnt",
+ "ry"
+ ],
+ [
+ "ĠN",
+ "M"
+ ],
+ [
+ "Ġfeed",
+ "er"
+ ],
+ [
+ "Ġconve",
+ "ction"
+ ],
+ [
+ "^",
+ "x"
+ ],
+ [
+ "osaur",
+ "us"
+ ],
+ [
+ "ul",
+ "ents"
+ ],
+ [
+ "if",
+ "est"
+ ],
+ [
+ "ĠSign",
+ "al"
+ ],
+ [
+ "ĠUn",
+ "c"
+ ],
+ [
+ "ĠCh",
+ "ocolate"
+ ],
+ [
+ "Ġmenstru",
+ "ation"
+ ],
+ [
+ "ĠC",
+ "uisine"
+ ],
+ [
+ "ĠL",
+ "ights"
+ ],
+ [
+ "EX",
+ "T"
+ ],
+ [
+ "Ġcact",
+ "us"
+ ],
+ [
+ "B",
+ "ody"
+ ],
+ [
+ "import",
+ "ant"
+ ],
+ [
+ "Ġvolt",
+ "ages"
+ ],
+ [
+ "ĠP",
+ "I"
+ ],
+ [
+ "g",
+ "ress"
+ ],
+ [
+ "g",
+ "ran"
+ ],
+ [
+ "val",
+ "ence"
+ ],
+ [
+ "Ġ:",
+ "="
+ ],
+ [
+ "h",
+ "ang"
+ ],
+ [
+ "Ġb",
+ "orne"
+ ],
+ [
+ "mid",
+ "t"
+ ],
+ [
+ "ll",
+ "er"
+ ],
+ [
+ "Ġexplan",
+ "atory"
+ ],
+ [
+ "Ġwear",
+ "able"
+ ],
+ [
+ "Ġconv",
+ "olution"
+ ],
+ [
+ "ĠOper",
+ "a"
+ ],
+ [
+ "'",
+ "],"
+ ],
+ [
+ "ĠG",
+ "ill"
+ ],
+ [
+ "Ġhor",
+ "ns"
+ ],
+ [
+ "Ġà¹",
+ "ı"
+ ],
+ [
+ "AT",
+ "ED"
+ ],
+ [
+ "Ġcondem",
+ "ned"
+ ],
+ [
+ "Vis",
+ "it"
+ ],
+ [
+ "in",
+ "v"
+ ],
+ [
+ "EN",
+ "TI"
+ ],
+ [
+ "AM",
+ "E"
+ ],
+ [
+ "Ġadminister",
+ "ing"
+ ],
+ [
+ "car",
+ "bons"
+ ],
+ [
+ "Ġorch",
+ "id"
+ ],
+ [
+ "Adv",
+ "anced"
+ ],
+ [
+ "Ġind",
+ "el"
+ ],
+ [
+ "Ġcra",
+ "bs"
+ ],
+ [
+ "ĠDick",
+ "ens"
+ ],
+ [
+ "l",
+ "ich"
+ ],
+ [
+ "Ġcl",
+ "amp"
+ ],
+ [
+ "Ġselect",
+ "ively"
+ ],
+ [
+ "Ġqual",
+ "ification"
+ ],
+ [
+ "ĠRel",
+ "ative"
+ ],
+ [
+ "ĠWeb",
+ "ster"
+ ],
+ [
+ "C",
+ "lear"
+ ],
+ [
+ "Ġtow",
+ "els"
+ ],
+ [
+ "Ġdom",
+ "ination"
+ ],
+ [
+ "ĠZe",
+ "us"
+ ],
+ [
+ "Ġwork",
+ "places"
+ ],
+ [
+ "Ġprog",
+ "en"
+ ],
+ [
+ "at",
+ "z"
+ ],
+ [
+ "ĠIn",
+ "ner"
+ ],
+ [
+ "ĠHen",
+ "ri"
+ ],
+ [
+ "ĠExcell",
+ "ence"
+ ],
+ [
+ "ĠBullet",
+ "in"
+ ],
+ [
+ "#",
+ "print"
+ ],
+ [
+ "ip",
+ "lying"
+ ],
+ [
+ "Ġhar",
+ "ms"
+ ],
+ [
+ "_l",
+ "ength"
+ ],
+ [
+ "r",
+ "ists"
+ ],
+ [
+ "Ġmon",
+ "sters"
+ ],
+ [
+ "Ġtooth",
+ "brush"
+ ],
+ [
+ "__",
+ "\":Ċ"
+ ],
+ [
+ "Ġattend",
+ "ees"
+ ],
+ [
+ "ĠM",
+ "ugh"
+ ],
+ [
+ "li",
+ "able"
+ ],
+ [
+ "c",
+ "ra"
+ ],
+ [
+ "Ġcon",
+ "ject"
+ ],
+ [
+ "Cont",
+ "emporary"
+ ],
+ [
+ "ĠCol",
+ "umn"
+ ],
+ [
+ "ĠValue",
+ "Error"
+ ],
+ [
+ "3",
+ "18"
+ ],
+ [
+ "Ġrel",
+ "iably"
+ ],
+ [
+ "ĠH",
+ "ier"
+ ],
+ [
+ "ĠK",
+ "ab"
+ ],
+ [
+ "Ġpend",
+ "ulum"
+ ],
+ [
+ "YOU",
+ "NG"
+ ],
+ [
+ "3",
+ "17"
+ ],
+ [
+ "_",
+ "values"
+ ],
+ [
+ "ĉ",
+ "Ċ"
+ ],
+ [
+ "ĠP",
+ "or"
+ ],
+ [
+ "E",
+ "mer"
+ ],
+ [
+ "as",
+ "per"
+ ],
+ [
+ "Ġphys",
+ "i"
+ ],
+ [
+ "Ġmission",
+ "aries"
+ ],
+ [
+ "Ġdiscount",
+ "s"
+ ],
+ [
+ "H",
+ "ope"
+ ],
+ [
+ "fl",
+ "oor"
+ ],
+ [
+ "Ġro",
+ "asted"
+ ],
+ [
+ "Ġac",
+ "rylic"
+ ],
+ [
+ "ew",
+ "ish"
+ ],
+ [
+ "Ġin",
+ "quiries"
+ ],
+ [
+ "cl",
+ "ick"
+ ],
+ [
+ "Ġsum",
+ "mers"
+ ],
+ [
+ "phant",
+ "om"
+ ],
+ [
+ "[",
+ "#"
+ ],
+ [
+ "ag",
+ "ain"
+ ],
+ [
+ "ä»",
+ "£"
+ ],
+ [
+ "ĠCl",
+ "aim"
+ ],
+ [
+ "ĠS",
+ "id"
+ ],
+ [
+ "ĠL",
+ "ORD"
+ ],
+ [
+ "sh",
+ "ire"
+ ],
+ [
+ "ĠUn",
+ "less"
+ ],
+ [
+ "ĠGab",
+ "riel"
+ ],
+ [
+ "æĹ",
+ "¶"
+ ],
+ [
+ "5",
+ "60"
+ ],
+ [
+ "Ġsl",
+ "ender"
+ ],
+ [
+ "25",
+ "9"
+ ],
+ [
+ "Ġfe",
+ "ces"
+ ],
+ [
+ "Ġhon",
+ "ing"
+ ],
+ [
+ "ĠComb",
+ "ine"
+ ],
+ [
+ "ĠU",
+ "ran"
+ ],
+ [
+ "ĠMad",
+ "agascar"
+ ],
+ [
+ ".l",
+ "og"
+ ],
+ [
+ "26",
+ "8"
+ ],
+ [
+ "_",
+ "min"
+ ],
+ [
+ "ĠSp",
+ "aces"
+ ],
+ [
+ "Re",
+ "plies"
+ ],
+ [
+ "Ġunra",
+ "vels"
+ ],
+ [
+ "I",
+ "ng"
+ ],
+ [
+ "Ġfact",
+ "oring"
+ ],
+ [
+ "Ġhyp",
+ "ers"
+ ],
+ [
+ "Ġdegrad",
+ "ed"
+ ],
+ [
+ "Âł",
+ "is"
+ ],
+ [
+ "Ġmid",
+ "night"
+ ],
+ [
+ "ĠP",
+ "est"
+ ],
+ [
+ "Ġend",
+ "ured"
+ ],
+ [
+ "Ġwood",
+ "land"
+ ],
+ [
+ "Ġstir",
+ "ring"
+ ],
+ [
+ "ĠL",
+ "ane"
+ ],
+ [
+ "ig",
+ "rams"
+ ],
+ [
+ "ĠV",
+ "ac"
+ ],
+ [
+ "ÑĤ",
+ "и"
+ ],
+ [
+ "ĠK",
+ "l"
+ ],
+ [
+ "Ġbre",
+ "wing"
+ ],
+ [
+ "Ġprevent",
+ "able"
+ ],
+ [
+ "Ġ>",
+ "Ċ"
+ ],
+ [
+ "ĠPrint",
+ "ables"
+ ],
+ [
+ ".",
+ "index"
+ ],
+ [
+ "ĠP",
+ "ere"
+ ],
+ [
+ "()",
+ ")"
+ ],
+ [
+ "Th",
+ "ings"
+ ],
+ [
+ "Ġpop",
+ "e"
+ ],
+ [
+ "reg",
+ "ulation"
+ ],
+ [
+ "ĠAp",
+ "ache"
+ ],
+ [
+ "ĠSmith",
+ "sonian"
+ ],
+ [
+ "Ġorb",
+ "iting"
+ ],
+ [
+ "Ġdiver",
+ "gent"
+ ],
+ [
+ "Ġexempl",
+ "ifies"
+ ],
+ [
+ "we",
+ "y"
+ ],
+ [
+ "ann",
+ "i"
+ ],
+ [
+ "(n",
+ "umber"
+ ],
+ [
+ "ĠExp",
+ "ansion"
+ ],
+ [
+ "Ġincon",
+ "ven"
+ ],
+ [
+ "<",
+ "<"
+ ],
+ [
+ "Ġtend",
+ "ons"
+ ],
+ [
+ "ox",
+ "in"
+ ],
+ [
+ "Char",
+ "les"
+ ],
+ [
+ "'",
+ "ĊĊ"
+ ],
+ [
+ "E",
+ "ating"
+ ],
+ [
+ "Ġsubs",
+ "pecies"
+ ],
+ [
+ "ĠMom",
+ "ent"
+ ],
+ [
+ "ĠInd",
+ "ies"
+ ],
+ [
+ "uts",
+ "ch"
+ ],
+ [
+ "at",
+ "onin"
+ ],
+ [
+ "udd",
+ "y"
+ ],
+ [
+ "Ġje",
+ "opard"
+ ],
+ [
+ "et",
+ "z"
+ ],
+ [
+ "Ġaure",
+ "us"
+ ],
+ [
+ "Ġvigil",
+ "ance"
+ ],
+ [
+ "Ġ",
+ "é"
+ ],
+ [
+ "Ġinver",
+ "ter"
+ ],
+ [
+ "er",
+ "ly"
+ ],
+ [
+ "Ġmiss",
+ "iles"
+ ],
+ [
+ "Ġsafegu",
+ "ards"
+ ],
+ [
+ "ĠInj",
+ "ury"
+ ],
+ [
+ "ĠHun",
+ "ter"
+ ],
+ [
+ "Ġquiz",
+ "let"
+ ],
+ [
+ "Ġland",
+ "l"
+ ],
+ [
+ "Ġtim",
+ "elines"
+ ],
+ [
+ "Ġcre",
+ "ep"
+ ],
+ [
+ "Ġhalf",
+ "way"
+ ],
+ [
+ "ĠCommon",
+ "ly"
+ ],
+ [
+ ",",
+ "p"
+ ],
+ [
+ "0",
+ "22"
+ ],
+ [
+ "Supp",
+ "ort"
+ ],
+ [
+ "if",
+ "ers"
+ ],
+ [
+ "Ġbath",
+ "ing"
+ ],
+ [
+ "Ġcruel",
+ "ty"
+ ],
+ [
+ "-",
+ "right"
+ ],
+ [
+ "Ġmathemat",
+ "ically"
+ ],
+ [
+ "Ġliquid",
+ "ity"
+ ],
+ [
+ "ĠKit",
+ "chen"
+ ],
+ [
+ "Ġfron",
+ "tal"
+ ],
+ [
+ "4",
+ "25"
+ ],
+ [
+ "è¦",
+ "ģ"
+ ],
+ [
+ "Incorpor",
+ "ating"
+ ],
+ [
+ "Ġt",
+ "ric"
+ ],
+ [
+ "Ġp",
+ "t"
+ ],
+ [
+ "and",
+ "el"
+ ],
+ [
+ "Ġrem",
+ "od"
+ ],
+ [
+ "Ġwater",
+ "proof"
+ ],
+ [
+ "Ġwel",
+ "d"
+ ],
+ [
+ "Ġhack",
+ "ing"
+ ],
+ [
+ "Afric",
+ "an"
+ ],
+ [
+ "Ġp",
+ "yl"
+ ],
+ [
+ "il",
+ "ized"
+ ],
+ [
+ "Ġfat",
+ "alities"
+ ],
+ [
+ "Ġprophe",
+ "cy"
+ ],
+ [
+ ".",
+ "au"
+ ],
+ [
+ "M",
+ "ajor"
+ ],
+ [
+ "ĠN",
+ "aturally"
+ ],
+ [
+ "Ġindu",
+ "ces"
+ ],
+ [
+ "-m",
+ "ile"
+ ],
+ [
+ "PS",
+ "C"
+ ],
+ [
+ "l",
+ "asses"
+ ],
+ [
+ "re",
+ "ts"
+ ],
+ [
+ "30",
+ "7"
+ ],
+ [
+ "ous",
+ "se"
+ ],
+ [
+ "Ġgener",
+ "osity"
+ ],
+ [
+ "Ġheat",
+ "ers"
+ ],
+ [
+ "Ġcelebr",
+ "ity"
+ ],
+ [
+ "ĠÏ",
+ "ī"
+ ],
+ [
+ "ĠV",
+ "atican"
+ ],
+ [
+ "as",
+ "ions"
+ ],
+ [
+ "ĠH",
+ "our"
+ ],
+ [
+ "Ġmal",
+ "t"
+ ],
+ [
+ "Ġdessert",
+ "s"
+ ],
+ [
+ "l",
+ "ance"
+ ],
+ [
+ "/",
+ "."
+ ],
+ [
+ "Ġshort",
+ "comings"
+ ],
+ [
+ "Ġhyd",
+ "roph"
+ ],
+ [
+ "-n",
+ "ative"
+ ],
+ [
+ "apt",
+ "ive"
+ ],
+ [
+ "ĠNet",
+ "flix"
+ ],
+ [
+ "ĠSy",
+ "ll"
+ ],
+ [
+ "ĠMad",
+ "rid"
+ ],
+ [
+ "O",
+ "p"
+ ],
+ [
+ "ĠM",
+ "ead"
+ ],
+ [
+ "Ġemerg",
+ "ent"
+ ],
+ [
+ "Ġnational",
+ "ist"
+ ],
+ [
+ "Ġaff",
+ "ili"
+ ],
+ [
+ ")",
+ "âĢĶ"
+ ],
+ [
+ "ĠS",
+ "ams"
+ ],
+ [
+ "Ġpres",
+ "erves"
+ ],
+ [
+ "âĢĶ",
+ "is"
+ ],
+ [
+ "Ġmill",
+ "imeters"
+ ],
+ [
+ "Ġast",
+ "roph"
+ ],
+ [
+ "Ġrib",
+ "s"
+ ],
+ [
+ ".y",
+ "outube"
+ ],
+ [
+ "Ġd",
+ "engue"
+ ],
+ [
+ "AL",
+ "S"
+ ],
+ [
+ "ĠCamp",
+ "us"
+ ],
+ [
+ "chron",
+ "ous"
+ ],
+ [
+ "Ġqu",
+ "o"
+ ],
+ [
+ "Ġclass",
+ "ifications"
+ ],
+ [
+ "Ġbed",
+ "ding"
+ ],
+ [
+ "ĠC",
+ "red"
+ ],
+ [
+ "con",
+ "nection"
+ ],
+ [
+ "roll",
+ "er"
+ ],
+ [
+ "(",
+ "*"
+ ],
+ [
+ "ĠS",
+ "omal"
+ ],
+ [
+ "ĠR",
+ "ating"
+ ],
+ [
+ "ls",
+ "on"
+ ],
+ [
+ "Ġmig",
+ "rated"
+ ],
+ [
+ "Ġduct",
+ "s"
+ ],
+ [
+ "Ġmanif",
+ "ested"
+ ],
+ [
+ "(",
+ "new"
+ ],
+ [
+ "Ġw",
+ "ikipedia"
+ ],
+ [
+ "Ġse",
+ "ize"
+ ],
+ [
+ "He",
+ "at"
+ ],
+ [
+ "ĠIN",
+ "D"
+ ],
+ [
+ "Ġl",
+ "anes"
+ ],
+ [
+ "ur",
+ "ized"
+ ],
+ [
+ "Ġinter",
+ "sections"
+ ],
+ [
+ "is",
+ "ode"
+ ],
+ [
+ "oc",
+ "les"
+ ],
+ [
+ "ĠL",
+ "iquid"
+ ],
+ [
+ "-b",
+ "o"
+ ],
+ [
+ "ĠProfession",
+ "als"
+ ],
+ [
+ "Ġst",
+ "aining"
+ ],
+ [
+ "oc",
+ "he"
+ ],
+ [
+ "Ġins",
+ "ignificant"
+ ],
+ [
+ "Ġet",
+ "iquette"
+ ],
+ [
+ "Ġsl",
+ "ab"
+ ],
+ [
+ "Ġauthor",
+ "itarian"
+ ],
+ [
+ "Ġten",
+ "ets"
+ ],
+ [
+ "Ġsimpl",
+ "ifying"
+ ],
+ [
+ "ĠGraph",
+ "s"
+ ],
+ [
+ "Ġexacerb",
+ "ated"
+ ],
+ [
+ "ro",
+ "ps"
+ ],
+ [
+ "ĠPaper",
+ "back"
+ ],
+ [
+ "ĠCut",
+ "ting"
+ ],
+ [
+ "ĠH",
+ "ello"
+ ],
+ [
+ "Ġdict",
+ "ators"
+ ],
+ [
+ "uff",
+ "le"
+ ],
+ [
+ "ĠMill",
+ "ion"
+ ],
+ [
+ "Ġmira",
+ "cles"
+ ],
+ [
+ "is",
+ "ites"
+ ],
+ [
+ "ĠL",
+ "is"
+ ],
+ [
+ "S",
+ "orry"
+ ],
+ [
+ "ì",
+ "ŀ"
+ ],
+ [
+ "Ġis",
+ "lam"
+ ],
+ [
+ "ib",
+ "ia"
+ ],
+ [
+ "ĠSer",
+ "bia"
+ ],
+ [
+ "Ġcan",
+ "n"
+ ],
+ [
+ "Ġtens",
+ "ile"
+ ],
+ [
+ "åĪ",
+ "°"
+ ],
+ [
+ "ç",
+ "®"
+ ],
+ [
+ "Ġun",
+ "available"
+ ],
+ [
+ "i",
+ "q"
+ ],
+ [
+ "Ġa",
+ "iding"
+ ],
+ [
+ "ĠS",
+ "ultan"
+ ],
+ [
+ "Ad",
+ "ding"
+ ],
+ [
+ "-",
+ "appropriate"
+ ],
+ [
+ "æ",
+ "į"
+ ],
+ [
+ "Ġn",
+ "ested"
+ ],
+ [
+ "th",
+ "ose"
+ ],
+ [
+ "ĠBehav",
+ "iour"
+ ],
+ [
+ "Ġsp",
+ "ong"
+ ],
+ [
+ "Ġpast",
+ "oral"
+ ],
+ [
+ "Ġplastic",
+ "ity"
+ ],
+ [
+ "Ġsand",
+ "wic"
+ ],
+ [
+ "Ind",
+ "eed"
+ ],
+ [
+ "Ġment",
+ "oring"
+ ],
+ [
+ "Ġhope",
+ "ful"
+ ],
+ [
+ "Ġalcohol",
+ "ism"
+ ],
+ [
+ "ĠPitts",
+ "burgh"
+ ],
+ [
+ "ĠS",
+ "ax"
+ ],
+ [
+ "Ġtur",
+ "meric"
+ ],
+ [
+ "sh",
+ "ould"
+ ],
+ [
+ "Ob",
+ "jective"
+ ],
+ [
+ "ĠElse",
+ "vier"
+ ],
+ [
+ "ens",
+ "ory"
+ ],
+ [
+ "ins",
+ "hip"
+ ],
+ [
+ "40",
+ "4"
+ ],
+ [
+ "unt",
+ "ime"
+ ],
+ [
+ "ĠAP",
+ "Is"
+ ],
+ [
+ "-int",
+ "erest"
+ ],
+ [
+ "ĠBe",
+ "owulf"
+ ],
+ [
+ "r",
+ "ice"
+ ],
+ [
+ "Ġ",
+ "í"
+ ],
+ [
+ "ĠU",
+ "T"
+ ],
+ [
+ "Ġair",
+ "ports"
+ ],
+ [
+ "(",
+ "board"
+ ],
+ [
+ "ĠM",
+ "eth"
+ ],
+ [
+ "ĠStart",
+ "ed"
+ ],
+ [
+ "ĠNort",
+ "heast"
+ ],
+ [
+ "Ġrapp",
+ "ort"
+ ],
+ [
+ "Ġ\"",
+ "-"
+ ],
+ [
+ "Ġcard",
+ "inal"
+ ],
+ [
+ "Ġw",
+ "ired"
+ ],
+ [
+ "Ġbeat",
+ "en"
+ ],
+ [
+ "ĠSac",
+ "red"
+ ],
+ [
+ "Ġunh",
+ "appy"
+ ],
+ [
+ "3",
+ "28"
+ ],
+ [
+ "26",
+ "7"
+ ],
+ [
+ "ĠCo",
+ "operation"
+ ],
+ [
+ "Ġsu",
+ "icidal"
+ ],
+ [
+ "Ġart",
+ "isans"
+ ],
+ [
+ "ĠRh",
+ "ode"
+ ],
+ [
+ "Ġcollabor",
+ "atively"
+ ],
+ [
+ "check",
+ "ed"
+ ],
+ [
+ "F",
+ "ER"
+ ],
+ [
+ "Ġwart",
+ "ime"
+ ],
+ [
+ "Ġbar",
+ "rels"
+ ],
+ [
+ "ĠAm",
+ "azing"
+ ],
+ [
+ "Ġweather",
+ "ing"
+ ],
+ [
+ "Ġsc",
+ "are"
+ ],
+ [
+ "ab",
+ "ling"
+ ],
+ [
+ "Ġsym",
+ "pathy"
+ ],
+ [
+ "Ġshut",
+ "tle"
+ ],
+ [
+ "um",
+ "ines"
+ ],
+ [
+ "ĠSymbol",
+ "s"
+ ],
+ [
+ "Ġw",
+ "icked"
+ ],
+ [
+ "Ġpro",
+ "claimed"
+ ],
+ [
+ "Ġgrass",
+ "roots"
+ ],
+ [
+ "Ġfootprint",
+ "s"
+ ],
+ [
+ "Ġpupp",
+ "ies"
+ ],
+ [
+ "Ġinverte",
+ "brates"
+ ],
+ [
+ "ĠT",
+ "aj"
+ ],
+ [
+ "Ġdis",
+ "astrous"
+ ],
+ [
+ "Ġstat",
+ "utes"
+ ],
+ [
+ "äº",
+ "Ĩ"
+ ],
+ [
+ "ĠChamp",
+ "ions"
+ ],
+ [
+ "B",
+ "ay"
+ ],
+ [
+ "Ġjack",
+ "et"
+ ],
+ [
+ "Ġinter",
+ "generational"
+ ],
+ [
+ "Ġconform",
+ "ity"
+ ],
+ [
+ "ĠB",
+ "ing"
+ ],
+ [
+ "ĠFlu",
+ "id"
+ ],
+ [
+ "Ġbapt",
+ "ism"
+ ],
+ [
+ "od",
+ "o"
+ ],
+ [
+ "à",
+ "§"
+ ],
+ [
+ "Ġwors",
+ "ening"
+ ],
+ [
+ "Ġres",
+ "ides"
+ ],
+ [
+ "Ġcomp",
+ "iler"
+ ],
+ [
+ "Ġven",
+ "om"
+ ],
+ [
+ "b",
+ "ly"
+ ],
+ [
+ "ĠH",
+ "ort"
+ ],
+ [
+ "Ġpres",
+ "erv"
+ ],
+ [
+ "oe",
+ "lectric"
+ ],
+ [
+ "ph",
+ "yl"
+ ],
+ [
+ "ĠBas",
+ "il"
+ ],
+ [
+ "ĠGraph",
+ "ics"
+ ],
+ [
+ "Home",
+ "work"
+ ],
+ [
+ "Ġapprent",
+ "ices"
+ ],
+ [
+ ".",
+ "items"
+ ],
+ [
+ "Ġst",
+ "ing"
+ ],
+ [
+ "rig",
+ "ued"
+ ],
+ [
+ "Ġunus",
+ "ually"
+ ],
+ [
+ "ĠD",
+ "rop"
+ ],
+ [
+ "Ġloose",
+ "ly"
+ ],
+ [
+ "Ġpos",
+ "its"
+ ],
+ [
+ "Ġbol",
+ "st"
+ ],
+ [
+ "an",
+ "us"
+ ],
+ [
+ "Ġquadr",
+ "ilateral"
+ ],
+ [
+ "ĠOl",
+ "ive"
+ ],
+ [
+ "ons",
+ "ored"
+ ],
+ [
+ "arm",
+ "ac"
+ ],
+ [
+ "Ġmunicip",
+ "ality"
+ ],
+ [
+ "ĠT",
+ "ou"
+ ],
+ [
+ "Î",
+ "¯"
+ ],
+ [
+ "ĠÐ",
+ "¡"
+ ],
+ [
+ "Ġnan",
+ "otechnology"
+ ],
+ [
+ "ĠT",
+ "ail"
+ ],
+ [
+ "g",
+ "rowth"
+ ],
+ [
+ "Ġbr",
+ "ightly"
+ ],
+ [
+ "Ġneighbour",
+ "hood"
+ ],
+ [
+ "en",
+ "burg"
+ ],
+ [
+ "ĠBi",
+ "om"
+ ],
+ [
+ "ĠSelect",
+ "ed"
+ ],
+ [
+ "4",
+ "60"
+ ],
+ [
+ "Ġro",
+ "bert"
+ ],
+ [
+ "Ġpat",
+ "rons"
+ ],
+ [
+ "ĠRog",
+ "ers"
+ ],
+ [
+ "'",
+ "))Ċ"
+ ],
+ [
+ "iet",
+ "z"
+ ],
+ [
+ "Ġrh",
+ "iz"
+ ],
+ [
+ "U",
+ "ntil"
+ ],
+ [
+ "Ġ[",
+ "]ĊĊ"
+ ],
+ [
+ "ĠIntrodu",
+ "ce"
+ ],
+ [
+ "ĠWy",
+ "oming"
+ ],
+ [
+ "ec",
+ "a"
+ ],
+ [
+ "ĠMe",
+ "at"
+ ],
+ [
+ "Ġstub",
+ "born"
+ ],
+ [
+ "ĠL",
+ "AN"
+ ],
+ [
+ "iet",
+ "ies"
+ ],
+ [
+ "Ġkil",
+ "n"
+ ],
+ [
+ "ĠHypot",
+ "hesis"
+ ],
+ [
+ "ĠT",
+ "on"
+ ],
+ [
+ "ĠS",
+ "ession"
+ ],
+ [
+ "os",
+ "er"
+ ],
+ [
+ "ĠO",
+ "g"
+ ],
+ [
+ "Ġdom",
+ "est"
+ ],
+ [
+ "Ġmis",
+ "understood"
+ ],
+ [
+ "Ġket",
+ "ogenic"
+ ],
+ [
+ "\\",
+ "t"
+ ],
+ [
+ "Ġpl",
+ "aster"
+ ],
+ [
+ "cl",
+ "ose"
+ ],
+ [
+ "ĠDes",
+ "criptive"
+ ],
+ [
+ "ĠSpe",
+ "aker"
+ ],
+ [
+ "O",
+ "A"
+ ],
+ [
+ "Ġor",
+ "phan"
+ ],
+ [
+ "Ġcompl",
+ "ain"
+ ],
+ [
+ "ĠC",
+ "ob"
+ ],
+ [
+ "B",
+ "er"
+ ],
+ [
+ "Ġdoub",
+ "les"
+ ],
+ [
+ "ĠRoc",
+ "he"
+ ],
+ [
+ "ĠC",
+ "otton"
+ ],
+ [
+ "Ġdivers",
+ "ification"
+ ],
+ [
+ "Ġsquir",
+ "rel"
+ ],
+ [
+ "ĠGlas",
+ "gow"
+ ],
+ [
+ "Ġsubs",
+ "ets"
+ ],
+ [
+ "ĠFra",
+ "unhofer"
+ ],
+ [
+ "Ġincub",
+ "ation"
+ ],
+ [
+ "Ġhen",
+ "ry"
+ ],
+ [
+ "v",
+ "are"
+ ],
+ [
+ "Ġwat",
+ "ches"
+ ],
+ [
+ "ren",
+ "ches"
+ ],
+ [
+ "Ġinterrupt",
+ "ed"
+ ],
+ [
+ "Ġqu",
+ "ar"
+ ],
+ [
+ "dis",
+ "c"
+ ],
+ [
+ "ĠB",
+ "S"
+ ],
+ [
+ "sc",
+ "ale"
+ ],
+ [
+ "ynam",
+ "ic"
+ ],
+ [
+ "ĠE",
+ "lev"
+ ],
+ [
+ "olit",
+ "ics"
+ ],
+ [
+ "\"",
+ "čĊ"
+ ],
+ [
+ "Ġs",
+ "igma"
+ ],
+ [
+ "ĠG",
+ "iving"
+ ],
+ [
+ "ĠM",
+ "umbai"
+ ],
+ [
+ "t",
+ "ens"
+ ],
+ [
+ "r",
+ "ically"
+ ],
+ [
+ "ost",
+ "ering"
+ ],
+ [
+ "ino",
+ "a"
+ ],
+ [
+ "Ġ\"\"\"",
+ "ĊĊ"
+ ],
+ [
+ "Ġsu",
+ "ck"
+ ],
+ [
+ "ĠR",
+ "EP"
+ ],
+ [
+ "bl",
+ "ood"
+ ],
+ [
+ "S",
+ "ex"
+ ],
+ [
+ "ĠC",
+ "ave"
+ ],
+ [
+ "ĠO",
+ "v"
+ ],
+ [
+ "_",
+ "\\"
+ ],
+ [
+ "lect",
+ "ive"
+ ],
+ [
+ "Ġprim",
+ "er"
+ ],
+ [
+ "af",
+ "er"
+ ],
+ [
+ "ĠSh",
+ "ift"
+ ],
+ [
+ "Al",
+ "ert"
+ ],
+ [
+ "Ġblank",
+ "ets"
+ ],
+ [
+ "Ġvag",
+ "ina"
+ ],
+ [
+ "Ġnot",
+ "orious"
+ ],
+ [
+ "ff",
+ "iti"
+ ],
+ [
+ "Ġfavor",
+ "ites"
+ ],
+ [
+ "ĠComplex",
+ "ity"
+ ],
+ [
+ "3",
+ "19"
+ ],
+ [
+ "âĢľ",
+ "Can"
+ ],
+ [
+ "ĠIN",
+ "TER"
+ ],
+ [
+ "bel",
+ "ie"
+ ],
+ [
+ "Ġampl",
+ "ification"
+ ],
+ [
+ "L",
+ "arge"
+ ],
+ [
+ "p",
+ "x"
+ ],
+ [
+ "Ġa",
+ "ided"
+ ],
+ [
+ "Ġtra",
+ "pping"
+ ],
+ [
+ "-d",
+ "ensity"
+ ],
+ [
+ "26",
+ "6"
+ ],
+ [
+ ")",
+ "\"."
+ ],
+ [
+ "ĠW",
+ "ise"
+ ],
+ [
+ "Ġtriumph",
+ "s"
+ ],
+ [
+ "29",
+ "8"
+ ],
+ [
+ "åĢ",
+ "¼"
+ ],
+ [
+ "k",
+ "w"
+ ],
+ [
+ "Ġb",
+ "ak"
+ ],
+ [
+ "F",
+ "un"
+ ],
+ [
+ "_",
+ "pos"
+ ],
+ [
+ "Ġh",
+ "ottest"
+ ],
+ [
+ "Ġte",
+ "as"
+ ],
+ [
+ "Ġrot",
+ "ates"
+ ],
+ [
+ "Ġexplo",
+ "iting"
+ ],
+ [
+ "G",
+ "ame"
+ ],
+ [
+ "ull",
+ "ivan"
+ ],
+ [
+ "Ġhydro",
+ "ly"
+ ],
+ [
+ "ba",
+ "um"
+ ],
+ [
+ "ment",
+ "ary"
+ ],
+ [
+ "ĠPr",
+ "ide"
+ ],
+ [
+ "isc",
+ "us"
+ ],
+ [
+ "Ġsevent",
+ "y"
+ ],
+ [
+ "Ġparab",
+ "ola"
+ ],
+ [
+ "ĠN",
+ "urse"
+ ],
+ [
+ "Ġpot",
+ "ting"
+ ],
+ [
+ "def",
+ "ault"
+ ],
+ [
+ "ĠAra",
+ "bs"
+ ],
+ [
+ "C",
+ "ite"
+ ],
+ [
+ "ĠK",
+ "erala"
+ ],
+ [
+ "ĠWhat",
+ "s"
+ ],
+ [
+ "ĠY",
+ "ug"
+ ],
+ [
+ "Ġpopul",
+ "ous"
+ ],
+ [
+ "ĠB",
+ "uch"
+ ],
+ [
+ "ĠWor",
+ "th"
+ ],
+ [
+ "E",
+ "mp"
+ ],
+ [
+ "ĠNeuro",
+ "science"
+ ],
+ [
+ "Ġur",
+ "l"
+ ],
+ [
+ "r",
+ "ints"
+ ],
+ [
+ "Ġun",
+ "controlled"
+ ],
+ [
+ "Ġpump",
+ "ed"
+ ],
+ [
+ "(",
+ "df"
+ ],
+ [
+ "ĠT",
+ "X"
+ ],
+ [
+ "Ġv",
+ "ault"
+ ],
+ [
+ "28",
+ "4"
+ ],
+ [
+ "ĠShan",
+ "ghai"
+ ],
+ [
+ "Ġcathe",
+ "ter"
+ ],
+ [
+ "Ġrest",
+ "orative"
+ ],
+ [
+ "Parent",
+ "s"
+ ],
+ [
+ "V",
+ "P"
+ ],
+ [
+ "Ġthr",
+ "ives"
+ ],
+ [
+ "cons",
+ "ider"
+ ],
+ [
+ "/",
+ "r"
+ ],
+ [
+ "res",
+ "cent"
+ ],
+ [
+ "Ġun",
+ "m"
+ ],
+ [
+ "ĠMid",
+ "west"
+ ],
+ [
+ "ĠED",
+ "T"
+ ],
+ [
+ "Ġconfron",
+ "ting"
+ ],
+ [
+ "Ġscen",
+ "ic"
+ ],
+ [
+ "C",
+ "at"
+ ],
+ [
+ "ĠJ",
+ "A"
+ ],
+ [
+ "ĠMed",
+ "al"
+ ],
+ [
+ "Ġadvertise",
+ "ment"
+ ],
+ [
+ "ĠE",
+ "isen"
+ ],
+ [
+ "ĠPr",
+ "ison"
+ ],
+ [
+ "Ġscen",
+ "ery"
+ ],
+ [
+ "Ġaddict",
+ "ed"
+ ],
+ [
+ "-",
+ "standing"
+ ],
+ [
+ "Ġmar",
+ "ital"
+ ],
+ [
+ "Ġlay",
+ "outs"
+ ],
+ [
+ "ĠCons",
+ "umption"
+ ],
+ [
+ "Ġsweet",
+ "ness"
+ ],
+ [
+ "Ġmean",
+ "while"
+ ],
+ [
+ "Ġspecial",
+ "ization"
+ ],
+ [
+ "Ġrelent",
+ "less"
+ ],
+ [
+ "y",
+ "ards"
+ ],
+ [
+ "Ġcomp",
+ "ile"
+ ],
+ [
+ "cre",
+ "ts"
+ ],
+ [
+ "Ġmeant",
+ "ime"
+ ],
+ [
+ "-k",
+ "ind"
+ ],
+ [
+ "Ġexplor",
+ "ations"
+ ],
+ [
+ "Ġgen",
+ "otype"
+ ],
+ [
+ "Ġref",
+ "resh"
+ ],
+ [
+ "Ġintra",
+ "cellular"
+ ],
+ [
+ "Ġasym",
+ "pt"
+ ],
+ [
+ "Ġram",
+ "ifications"
+ ],
+ [
+ "Ġcytok",
+ "ines"
+ ],
+ [
+ "4",
+ "14"
+ ],
+ [
+ "ue",
+ "bl"
+ ],
+ [
+ "Ġneuro",
+ "pathy"
+ ],
+ [
+ "ĠWalk",
+ "ing"
+ ],
+ [
+ "um",
+ "bs"
+ ],
+ [
+ "ĠQ",
+ "ing"
+ ],
+ [
+ "ì",
+ "Ĺ"
+ ],
+ [
+ "Ġiss",
+ "uing"
+ ],
+ [
+ "D",
+ "ER"
+ ],
+ [
+ "M",
+ "iss"
+ ],
+ [
+ "T",
+ "ogether"
+ ],
+ [
+ "Ġreal",
+ "ise"
+ ],
+ [
+ "ĠJohann",
+ "es"
+ ],
+ [
+ "ĠI",
+ "MP"
+ ],
+ [
+ "ĠO",
+ "A"
+ ],
+ [
+ "ĠJo",
+ "an"
+ ],
+ [
+ "Ġflavor",
+ "ful"
+ ],
+ [
+ "Ġscand",
+ "al"
+ ],
+ [
+ "ĠB",
+ "acteria"
+ ],
+ [
+ "Ġamen",
+ "ities"
+ ],
+ [
+ "r",
+ "ases"
+ ],
+ [
+ "ĠN",
+ "est"
+ ],
+ [
+ "Ġcompos",
+ "ites"
+ ],
+ [
+ "se",
+ "par"
+ ],
+ [
+ "stud",
+ "ents"
+ ],
+ [
+ "ĠD",
+ "y"
+ ],
+ [
+ "Ġse",
+ "wer"
+ ],
+ [
+ "Ġfing",
+ "ert"
+ ],
+ [
+ "st",
+ "rip"
+ ],
+ [
+ "ĠIn",
+ "termediate"
+ ],
+ [
+ "ong",
+ "s"
+ ],
+ [
+ "ĠGod",
+ "s"
+ ],
+ [
+ "ĠF",
+ "O"
+ ],
+ [
+ "gar",
+ "ia"
+ ],
+ [
+ "Ġà¤",
+ "¸"
+ ],
+ [
+ ".",
+ "info"
+ ],
+ [
+ "ĠC",
+ "arr"
+ ],
+ [
+ "ĠN",
+ "ixon"
+ ],
+ [
+ "Ġirrit",
+ "ability"
+ ],
+ [
+ "ĠÎ",
+ "³"
+ ],
+ [
+ "34",
+ "3"
+ ],
+ [
+ "Ġprivile",
+ "ged"
+ ],
+ [
+ "e",
+ "as"
+ ],
+ [
+ "Ġappro",
+ "ve"
+ ],
+ [
+ "27",
+ "9"
+ ],
+ [
+ "Ġs",
+ "ag"
+ ],
+ [
+ "ĠMal",
+ "colm"
+ ],
+ [
+ "pe",
+ "c"
+ ],
+ [
+ "eth",
+ "oven"
+ ],
+ [
+ "Ġcomple",
+ "tes"
+ ],
+ [
+ "-s",
+ "ix"
+ ],
+ [
+ "Ġmag",
+ "ma"
+ ],
+ [
+ "Ġrot",
+ "ated"
+ ],
+ [
+ "c",
+ "hens"
+ ],
+ [
+ "urn",
+ "ed"
+ ],
+ [
+ "Ġparticip",
+ "atory"
+ ],
+ [
+ "Ġcustom",
+ "ization"
+ ],
+ [
+ "Ġhelic",
+ "opter"
+ ],
+ [
+ "ĠMin",
+ "imum"
+ ],
+ [
+ "Ġdisappoint",
+ "ment"
+ ],
+ [
+ "Ġelic",
+ "it"
+ ],
+ [
+ "ĠG",
+ "ap"
+ ],
+ [
+ "ĠIns",
+ "ights"
+ ],
+ [
+ "Ġen",
+ "cephal"
+ ],
+ [
+ "-se",
+ "cond"
+ ],
+ [
+ "Ġp",
+ "its"
+ ],
+ [
+ "ĠCl",
+ "are"
+ ],
+ [
+ "Ġdilig",
+ "ently"
+ ],
+ [
+ "I",
+ "B"
+ ],
+ [
+ "N",
+ "Y"
+ ],
+ [
+ "Ġmicro",
+ "f"
+ ],
+ [
+ "Ġdispers",
+ "al"
+ ],
+ [
+ "Ġfox",
+ "es"
+ ],
+ [
+ "Ġdispar",
+ "ity"
+ ],
+ [
+ "-ass",
+ "isted"
+ ],
+ [
+ "ĠT",
+ "W"
+ ],
+ [
+ "ĠT",
+ "IM"
+ ],
+ [
+ "Ġconduct",
+ "s"
+ ],
+ [
+ "Ind",
+ "igenous"
+ ],
+ [
+ "Ġre",
+ "claim"
+ ],
+ [
+ "Ġche",
+ "es"
+ ],
+ [
+ "L",
+ "eft"
+ ],
+ [
+ "ĠD",
+ "J"
+ ],
+ [
+ "Ġhost",
+ "ility"
+ ],
+ [
+ "Ġcl",
+ "iff"
+ ],
+ [
+ "ĠHol",
+ "mes"
+ ],
+ [
+ "cr",
+ "atic"
+ ],
+ [
+ "Ġoutwe",
+ "igh"
+ ],
+ [
+ "Ġtar",
+ "iffs"
+ ],
+ [
+ "..",
+ ".\""
+ ],
+ [
+ "_",
+ "Ċ"
+ ],
+ [
+ "е",
+ "д"
+ ],
+ [
+ "ĠTo",
+ "oth"
+ ],
+ [
+ "ĠApp",
+ "s"
+ ],
+ [
+ "Ed",
+ "itor"
+ ],
+ [
+ "Ġgloss",
+ "ary"
+ ],
+ [
+ "on",
+ "ation"
+ ],
+ [
+ "Ġcook",
+ "s"
+ ],
+ [
+ "Ġintegr",
+ "als"
+ ],
+ [
+ "ĠHu",
+ "ang"
+ ],
+ [
+ "Ġescap",
+ "ing"
+ ],
+ [
+ "ĠDomin",
+ "ican"
+ ],
+ [
+ "ĠBlu",
+ "etooth"
+ ],
+ [
+ "ac",
+ "id"
+ ],
+ [
+ "Ġfl",
+ "otation"
+ ],
+ [
+ "Ġins",
+ "ult"
+ ],
+ [
+ "Ġcancer",
+ "ous"
+ ],
+ [
+ "ĠRehab",
+ "ilitation"
+ ],
+ [
+ ")$",
+ ","
+ ],
+ [
+ "M",
+ "or"
+ ],
+ [
+ "P",
+ "roduct"
+ ],
+ [
+ "l",
+ "ite"
+ ],
+ [
+ "Ġd",
+ "aring"
+ ],
+ [
+ "Ġlux",
+ "urious"
+ ],
+ [
+ "Ġextra",
+ "cellular"
+ ],
+ [
+ "Ġplate",
+ "au"
+ ],
+ [
+ "Ġcort",
+ "ic"
+ ],
+ [
+ "Ġstat",
+ "ute"
+ ],
+ [
+ "prising",
+ "ly"
+ ],
+ [
+ "-",
+ "olds"
+ ],
+ [
+ "ock",
+ "er"
+ ],
+ [
+ "Ġl",
+ "umber"
+ ],
+ [
+ "ab",
+ "i"
+ ],
+ [
+ "A",
+ "ud"
+ ],
+ [
+ "Ġb",
+ "ump"
+ ],
+ [
+ "ĠF",
+ "ields"
+ ],
+ [
+ "Ġentrepreneur",
+ "ial"
+ ],
+ [
+ "Ġadren",
+ "al"
+ ],
+ [
+ "Ġcommemor",
+ "ate"
+ ],
+ [
+ "Ġlog",
+ "ged"
+ ],
+ [
+ "ĠRich",
+ "mond"
+ ],
+ [
+ "ĠE",
+ "y"
+ ],
+ [
+ "--------------------------------",
+ "--ĊĊ"
+ ],
+ [
+ "Ġsupplement",
+ "al"
+ ],
+ [
+ "an",
+ "im"
+ ],
+ [
+ "ĠD",
+ "ivid"
+ ],
+ [
+ "Ġag",
+ "ro"
+ ],
+ [
+ "ĠTH",
+ "C"
+ ],
+ [
+ "-l",
+ "im"
+ ],
+ [
+ "ĠDes",
+ "c"
+ ],
+ [
+ "abol",
+ "ism"
+ ],
+ [
+ "S",
+ "cript"
+ ],
+ [
+ "t",
+ "hem"
+ ],
+ [
+ "ĠF",
+ "ri"
+ ],
+ [
+ "Ġdepend",
+ "encies"
+ ],
+ [
+ "F",
+ "rank"
+ ],
+ [
+ "bal",
+ "anced"
+ ],
+ [
+ "ĠS",
+ "r"
+ ],
+ [
+ "ort",
+ "ex"
+ ],
+ [
+ "Ġvend",
+ "or"
+ ],
+ [
+ "Ġan",
+ "arch"
+ ],
+ [
+ "Ġ/",
+ ">"
+ ],
+ [
+ "ĠHel",
+ "ps"
+ ],
+ [
+ "ĠGP",
+ "U"
+ ],
+ [
+ "Ġnour",
+ "ishment"
+ ],
+ [
+ "pron",
+ "ounced"
+ ],
+ [
+ "ĠAccess",
+ "ibility"
+ ],
+ [
+ "ĠA",
+ "ur"
+ ],
+ [
+ "ĠN",
+ "F"
+ ],
+ [
+ "Ġstand",
+ "point"
+ ],
+ [
+ "ĠBe",
+ "coming"
+ ],
+ [
+ "Ġrif",
+ "le"
+ ],
+ [
+ "Ġunnot",
+ "iced"
+ ],
+ [
+ "Ġheart",
+ "burn"
+ ],
+ [
+ "ĠHer",
+ "bert"
+ ],
+ [
+ "Ġped",
+ "al"
+ ],
+ [
+ "Ġloc",
+ "ating"
+ ],
+ [
+ "âĢľ",
+ "There"
+ ],
+ [
+ "Ġsem",
+ "inars"
+ ],
+ [
+ "Ġaspir",
+ "in"
+ ],
+ [
+ "rou",
+ "ping"
+ ],
+ [
+ "ru",
+ "ed"
+ ],
+ [
+ "Ġret",
+ "ard"
+ ],
+ [
+ "Ġo",
+ "c"
+ ],
+ [
+ "ĠIsland",
+ "er"
+ ],
+ [
+ "Ġcuc",
+ "umber"
+ ],
+ [
+ "Ġnecess",
+ "ities"
+ ],
+ [
+ "Ġâ",
+ "ĺ"
+ ],
+ [
+ "Ġbal",
+ "let"
+ ],
+ [
+ "GM",
+ "AT"
+ ],
+ [
+ "ĠPers",
+ "uasive"
+ ],
+ [
+ "Ġbookst",
+ "ores"
+ ],
+ [
+ "ĠF",
+ "M"
+ ],
+ [
+ "26",
+ "9"
+ ],
+ [
+ "ĠNe",
+ "il"
+ ],
+ [
+ "ĠMar",
+ "ks"
+ ],
+ [
+ "ĠL",
+ "O"
+ ],
+ [
+ "ism",
+ "atic"
+ ],
+ [
+ "Ġlife",
+ "cycle"
+ ],
+ [
+ "Ġbi",
+ "ologist"
+ ],
+ [
+ "Al",
+ "ways"
+ ],
+ [
+ "ĠBo",
+ "olean"
+ ],
+ [
+ "Ġconsult",
+ "ations"
+ ],
+ [
+ "C",
+ "ut"
+ ],
+ [
+ "ĠAz",
+ "erbai"
+ ],
+ [
+ "(",
+ "text"
+ ],
+ [
+ "3",
+ "90"
+ ],
+ [
+ "à",
+ "±"
+ ],
+ [
+ "yn",
+ "es"
+ ],
+ [
+ "Ġcomment",
+ "ed"
+ ],
+ [
+ "Ġt",
+ "ides"
+ ],
+ [
+ "Ġimp",
+ "rint"
+ ],
+ [
+ "ĠBut",
+ "ton"
+ ],
+ [
+ "Ġt",
+ "rench"
+ ],
+ [
+ "Ġin",
+ "let"
+ ],
+ [
+ "Ġmult",
+ "inational"
+ ],
+ [
+ "Ġscrut",
+ "in"
+ ],
+ [
+ "Ġnew",
+ "borns"
+ ],
+ [
+ "Ġass",
+ "ays"
+ ],
+ [
+ "-S",
+ "axon"
+ ],
+ [
+ "ĠEnd",
+ "angered"
+ ],
+ [
+ "Ġcr",
+ "unch"
+ ],
+ [
+ "Ġcataly",
+ "tic"
+ ],
+ [
+ "ĠS",
+ "aints"
+ ],
+ [
+ "gl",
+ "obal"
+ ],
+ [
+ "ĠArmen",
+ "ian"
+ ],
+ [
+ "an",
+ "ine"
+ ],
+ [
+ "ĠN",
+ "SW"
+ ],
+ [
+ "ĠK",
+ "ap"
+ ],
+ [
+ "Ġsem",
+ "inar"
+ ],
+ [
+ "ĠIll",
+ "ness"
+ ],
+ [
+ "ir",
+ "ates"
+ ],
+ [
+ "Ġcapac",
+ "itors"
+ ],
+ [
+ "Ġst",
+ "ern"
+ ],
+ [
+ "am",
+ "ide"
+ ],
+ [
+ "Ġtemper",
+ "ament"
+ ],
+ [
+ "ĠSymbol",
+ "ism"
+ ],
+ [
+ "ĠErn",
+ "est"
+ ],
+ [
+ "Ġhybr",
+ "ids"
+ ],
+ [
+ "Ġtrans",
+ "verse"
+ ],
+ [
+ "ĠBet",
+ "a"
+ ],
+ [
+ "isc",
+ "her"
+ ],
+ [
+ "in",
+ "ous"
+ ],
+ [
+ "ĠF",
+ "ellow"
+ ],
+ [
+ "Ġj",
+ "apanese"
+ ],
+ [
+ "Ġdel",
+ "ic"
+ ],
+ [
+ "sw",
+ "orth"
+ ],
+ [
+ "Ġtablesp",
+ "oon"
+ ],
+ [
+ "h",
+ "im"
+ ],
+ [
+ "bo",
+ "at"
+ ],
+ [
+ "\\",
+ "to"
+ ],
+ [
+ "Ġbarg",
+ "aining"
+ ],
+ [
+ "ĠHar",
+ "vey"
+ ],
+ [
+ "ĠSt",
+ "ain"
+ ],
+ [
+ "Ġsymbol",
+ "izing"
+ ],
+ [
+ "ocument",
+ "ed"
+ ],
+ [
+ "am",
+ "en"
+ ],
+ [
+ "ĠR",
+ "ising"
+ ],
+ [
+ "ist",
+ "ency"
+ ],
+ [
+ "Ġfrag",
+ "rant"
+ ],
+ [
+ "ĠUnivers",
+ "ities"
+ ],
+ [
+ "Ð",
+ "Ĵ"
+ ],
+ [
+ "T",
+ "V"
+ ],
+ [
+ "ĠP",
+ "ull"
+ ],
+ [
+ "-in",
+ "vasive"
+ ],
+ [
+ "Ġo",
+ "phthal"
+ ],
+ [
+ "Ġgest",
+ "ational"
+ ],
+ [
+ "M",
+ "iddle"
+ ],
+ [
+ "CH",
+ "O"
+ ],
+ [
+ "Ġdenom",
+ "inations"
+ ],
+ [
+ "b",
+ "ie"
+ ],
+ [
+ "in",
+ "ence"
+ ],
+ [
+ "in",
+ "ians"
+ ],
+ [
+ "Ġdi",
+ "aspora"
+ ],
+ [
+ "ĠBrother",
+ "s"
+ ],
+ [
+ "Ġsc",
+ "rat"
+ ],
+ [
+ "le",
+ "af"
+ ],
+ [
+ "Ġam",
+ "ended"
+ ],
+ [
+ "ĠInter",
+ "actions"
+ ],
+ [
+ "as",
+ "al"
+ ],
+ [
+ "ĠM",
+ "apping"
+ ],
+ [
+ "ĠSt",
+ "ack"
+ ],
+ [
+ "Ġobst",
+ "ruct"
+ ],
+ [
+ "]",
+ ")čĊ"
+ ],
+ [
+ "29",
+ "7"
+ ],
+ [
+ "38",
+ "4"
+ ],
+ [
+ "ĠCrit",
+ "icism"
+ ],
+ [
+ "Ġbroad",
+ "band"
+ ],
+ [
+ "Ġscra",
+ "ps"
+ ],
+ [
+ "28",
+ "9"
+ ],
+ [
+ "29",
+ "2"
+ ],
+ [
+ "ĠHel",
+ "m"
+ ],
+ [
+ "ab",
+ "c"
+ ],
+ [
+ "ĠG",
+ "ov"
+ ],
+ [
+ "Ġbra",
+ "king"
+ ],
+ [
+ "ce",
+ "les"
+ ],
+ [
+ "Ġhand",
+ "made"
+ ],
+ [
+ "He",
+ "art"
+ ],
+ [
+ "Ġze",
+ "bra"
+ ],
+ [
+ "c",
+ "ross"
+ ],
+ [
+ "St",
+ "ress"
+ ],
+ [
+ "Ġneutr",
+ "ality"
+ ],
+ [
+ "b",
+ "efore"
+ ],
+ [
+ "Ġd",
+ "ar"
+ ],
+ [
+ "ĠResp",
+ "ond"
+ ],
+ [
+ "Ġwand",
+ "ering"
+ ],
+ [
+ "Ġcons",
+ "ciously"
+ ],
+ [
+ "ĠCon",
+ "tain"
+ ],
+ [
+ "Ġcat",
+ "ches"
+ ],
+ [
+ "Ġextra",
+ "curricular"
+ ],
+ [
+ "Ġfram",
+ "ed"
+ ],
+ [
+ "Ġtab",
+ "s"
+ ],
+ [
+ "d",
+ "ouble"
+ ],
+ [
+ "--------",
+ "--ĊĊ"
+ ],
+ [
+ "Om",
+ "ega"
+ ],
+ [
+ "M",
+ "aterials"
+ ],
+ [
+ "Ġfree",
+ "zer"
+ ],
+ [
+ "Ġtrou",
+ "t"
+ ],
+ [
+ "Ġpropag",
+ "ate"
+ ],
+ [
+ "et",
+ "ah"
+ ],
+ [
+ "Ġqu",
+ "asi"
+ ],
+ [
+ "Ġprohib",
+ "ition"
+ ],
+ [
+ "L",
+ "ED"
+ ],
+ [
+ "I",
+ "de"
+ ],
+ [
+ "och",
+ "rom"
+ ],
+ [
+ "ĠA",
+ "de"
+ ],
+ [
+ "30",
+ "9"
+ ],
+ [
+ "Ġair",
+ "line"
+ ],
+ [
+ "Ġcrack",
+ "ed"
+ ],
+ [
+ "Over",
+ "view"
+ ],
+ [
+ "Ġinhib",
+ "its"
+ ],
+ [
+ "ĠIn",
+ "clusion"
+ ],
+ [
+ "Ġresearc",
+ "hes"
+ ],
+ [
+ "eed",
+ "ing"
+ ],
+ [
+ ".p",
+ "ath"
+ ],
+ [
+ "Ġdoct",
+ "rines"
+ ],
+ [
+ "ĠCalcul",
+ "ating"
+ ],
+ [
+ "-re",
+ "c"
+ ],
+ [
+ "Ġclock",
+ "wise"
+ ],
+ [
+ "Ġcont",
+ "empor"
+ ],
+ [
+ "ĠApp",
+ "alach"
+ ],
+ [
+ "Ġmyth",
+ "ological"
+ ],
+ [
+ "Ġj",
+ "ur"
+ ],
+ [
+ "Ġexp",
+ "orted"
+ ],
+ [
+ "$$",
+ ".ĊĊ"
+ ],
+ [
+ "Ġ",
+ "è"
+ ],
+ [
+ "Ġshow",
+ "ers"
+ ],
+ [
+ "6",
+ "10"
+ ],
+ [
+ "G",
+ "ender"
+ ],
+ [
+ "so",
+ "ever"
+ ],
+ [
+ "ĠC",
+ "AT"
+ ],
+ [
+ "ĠVeget",
+ "ables"
+ ],
+ [
+ "ĠB",
+ "USINESS"
+ ],
+ [
+ "ĠE",
+ "ST"
+ ],
+ [
+ ".c",
+ "ount"
+ ],
+ [
+ "×",
+ "¨"
+ ],
+ [
+ "en",
+ "ia"
+ ],
+ [
+ "Ġcan",
+ "e"
+ ],
+ [
+ "Ġne",
+ "urom"
+ ],
+ [
+ "Ġsal",
+ "ine"
+ ],
+ [
+ "Ġfeed",
+ "ers"
+ ],
+ [
+ "ĠCor",
+ "p"
+ ],
+ [
+ "оÐ",
+ "±"
+ ],
+ [
+ "Ġcont",
+ "ested"
+ ],
+ [
+ "Ġstick",
+ "ers"
+ ],
+ [
+ "Ġqu",
+ "itting"
+ ],
+ [
+ "Ġfine",
+ "ly"
+ ],
+ [
+ "cont",
+ "inent"
+ ],
+ [
+ "Ġtour",
+ "nament"
+ ],
+ [
+ "Ġric",
+ "hest"
+ ],
+ [
+ "Ġpseud",
+ "o"
+ ],
+ [
+ "ĠEntreprene",
+ "urs"
+ ],
+ [
+ "B",
+ "ro"
+ ],
+ [
+ "ĠCoal",
+ "ition"
+ ],
+ [
+ "f",
+ "igure"
+ ],
+ [
+ "ĠT",
+ "rading"
+ ],
+ [
+ "ĠH",
+ "g"
+ ],
+ [
+ "Ġb",
+ "ount"
+ ],
+ [
+ "Ġmicro",
+ "controll"
+ ],
+ [
+ "B",
+ "V"
+ ],
+ [
+ "L",
+ "iving"
+ ],
+ [
+ "al",
+ "one"
+ ],
+ [
+ "abul",
+ "ous"
+ ],
+ [
+ "ĠSte",
+ "am"
+ ],
+ [
+ "gu",
+ "ess"
+ ],
+ [
+ "ĠAdapt",
+ "ation"
+ ],
+ [
+ "Ġthres",
+ "holds"
+ ],
+ [
+ "Ġch",
+ "ase"
+ ],
+ [
+ "Ġmodern",
+ "ity"
+ ],
+ [
+ ",",
+ "s"
+ ],
+ [
+ "Ġin",
+ "active"
+ ],
+ [
+ "Ġdream",
+ "ing"
+ ],
+ [
+ "O",
+ "ption"
+ ],
+ [
+ "Ġworks",
+ "pace"
+ ],
+ [
+ "Ġtect",
+ "onic"
+ ],
+ [
+ "Ġbluep",
+ "rint"
+ ],
+ [
+ "Ġsuprem",
+ "acy"
+ ],
+ [
+ "(",
+ "M"
+ ],
+ [
+ "*",
+ "."
+ ],
+ [
+ "Ġinf",
+ "used"
+ ],
+ [
+ "Ġdiaphrag",
+ "m"
+ ],
+ [
+ "Ġat",
+ "op"
+ ],
+ [
+ "Ġc",
+ "ue"
+ ],
+ [
+ "Ġpl",
+ "a"
+ ],
+ [
+ "au",
+ "cer"
+ ],
+ [
+ "Ġhor",
+ "rible"
+ ],
+ [
+ "Ġcess",
+ "ation"
+ ],
+ [
+ "ha",
+ "o"
+ ],
+ [
+ "ĠInstru",
+ "ments"
+ ],
+ [
+ "`",
+ ":"
+ ],
+ [
+ "Ġm",
+ "oths"
+ ],
+ [
+ "ge",
+ "al"
+ ],
+ [
+ "Ġveloc",
+ "ities"
+ ],
+ [
+ "ĠSc",
+ "ots"
+ ],
+ [
+ "Ġsoy",
+ "bean"
+ ],
+ [
+ "-",
+ "val"
+ ],
+ [
+ "ĠP",
+ "U"
+ ],
+ [
+ "ram",
+ "es"
+ ],
+ [
+ "Ġnorm",
+ "ative"
+ ],
+ [
+ "Ġforg",
+ "ot"
+ ],
+ [
+ "40",
+ "2"
+ ],
+ [
+ "Ġdy",
+ "stop"
+ ],
+ [
+ "Ġn",
+ "emat"
+ ],
+ [
+ "ave",
+ "ment"
+ ],
+ [
+ "ĠMark",
+ "ets"
+ ],
+ [
+ "d",
+ "irect"
+ ],
+ [
+ "ac",
+ "ia"
+ ],
+ [
+ "Ġ'",
+ "."
+ ],
+ [
+ "ura",
+ "i"
+ ],
+ [
+ "iv",
+ "ative"
+ ],
+ [
+ "29",
+ "1"
+ ],
+ [
+ "Ġe",
+ "tymology"
+ ],
+ [
+ "ĠI",
+ "A"
+ ],
+ [
+ "Ġle",
+ "th"
+ ],
+ [
+ "Ġne",
+ "o"
+ ],
+ [
+ "ĠCl",
+ "im"
+ ],
+ [
+ "ĠTe",
+ "eth"
+ ],
+ [
+ "G",
+ "al"
+ ],
+ [
+ "t",
+ "ree"
+ ],
+ [
+ "leg",
+ "al"
+ ],
+ [
+ "Hy",
+ "per"
+ ],
+ [
+ "-",
+ "General"
+ ],
+ [
+ "ĠB",
+ "ach"
+ ],
+ [
+ "ĠHar",
+ "old"
+ ],
+ [
+ "bl",
+ "ank"
+ ],
+ [
+ "ĠNord",
+ "ic"
+ ],
+ [
+ "l",
+ "ied"
+ ],
+ [
+ "Ġb",
+ "izarre"
+ ],
+ [
+ "Ġv",
+ "aping"
+ ],
+ [
+ "Ġins",
+ "isted"
+ ],
+ [
+ "ĠBu",
+ "ilt"
+ ],
+ [
+ "oe",
+ "lect"
+ ],
+ [
+ "Ġg",
+ "lean"
+ ],
+ [
+ "Ġcarb",
+ "ide"
+ ],
+ [
+ "-b",
+ "rown"
+ ],
+ [
+ "Ġspell",
+ "ings"
+ ],
+ [
+ "Ġd",
+ "ump"
+ ],
+ [
+ "ĠAd",
+ "olf"
+ ],
+ [
+ "Ġrefer",
+ "ral"
+ ],
+ [
+ "Ġstup",
+ "id"
+ ],
+ [
+ "c",
+ "ile"
+ ],
+ [
+ "Ġh",
+ "ug"
+ ],
+ [
+ "Ġcourage",
+ "ous"
+ ],
+ [
+ "Develop",
+ "ing"
+ ],
+ [
+ "l",
+ "oss"
+ ],
+ [
+ "!",
+ ","
+ ],
+ [
+ "Ø",
+ "©"
+ ],
+ [
+ "Ġy",
+ "r"
+ ],
+ [
+ "_",
+ "B"
+ ],
+ [
+ "ĠF",
+ "ruits"
+ ],
+ [
+ "ĠFocus",
+ "ing"
+ ],
+ [
+ "ĠBrus",
+ "sels"
+ ],
+ [
+ "Ġwood",
+ "y"
+ ],
+ [
+ "ĠCreat",
+ "or"
+ ],
+ [
+ "c",
+ "v"
+ ],
+ [
+ "Ġstream",
+ "lined"
+ ],
+ [
+ "ĠRep",
+ "air"
+ ],
+ [
+ "RO",
+ "DUCTION"
+ ],
+ [
+ "Ġsoph",
+ "ist"
+ ],
+ [
+ "Ġis",
+ "chem"
+ ],
+ [
+ "ĠâĢ",
+ "ŀ"
+ ],
+ [
+ "Sub",
+ "scribe"
+ ],
+ [
+ "ĠAuto",
+ "CAD"
+ ],
+ [
+ "z",
+ "one"
+ ],
+ [
+ "un",
+ "ity"
+ ],
+ [
+ "ĠG",
+ "ust"
+ ],
+ [
+ "Ġsimpl",
+ "ifies"
+ ],
+ [
+ "ad",
+ "oes"
+ ],
+ [
+ "ĠF",
+ "rost"
+ ],
+ [
+ "Ġso",
+ "fter"
+ ],
+ [
+ "Ġinsert",
+ "ing"
+ ],
+ [
+ "Ġfloss",
+ "ing"
+ ],
+ [
+ "Ġfunctional",
+ "ities"
+ ],
+ [
+ "oqu",
+ "ine"
+ ],
+ [
+ "Ġp",
+ "enny"
+ ],
+ [
+ "uc",
+ "aly"
+ ],
+ [
+ "yl",
+ "abel"
+ ],
+ [
+ "Ġnovel",
+ "ist"
+ ],
+ [
+ "fl",
+ "at"
+ ],
+ [
+ "Ġcharg",
+ "er"
+ ],
+ [
+ "ĠRob",
+ "otics"
+ ],
+ [
+ "L",
+ "ink"
+ ],
+ [
+ "is",
+ "itions"
+ ],
+ [
+ "ob",
+ "l"
+ ],
+ [
+ "in",
+ "ers"
+ ],
+ [
+ "-in",
+ "fect"
+ ],
+ [
+ "IS",
+ "PR"
+ ],
+ [
+ "H",
+ "yp"
+ ],
+ [
+ "res",
+ "ults"
+ ],
+ [
+ "ĠRe",
+ "place"
+ ],
+ [
+ "er",
+ "i"
+ ],
+ [
+ "Ġconsult",
+ "ants"
+ ],
+ [
+ "Ġimprison",
+ "ed"
+ ],
+ [
+ "-",
+ "HELP"
+ ],
+ [
+ "H",
+ "ol"
+ ],
+ [
+ "Ġdub",
+ "bed"
+ ],
+ [
+ "F",
+ "inal"
+ ],
+ [
+ "ĠP",
+ "ars"
+ ],
+ [
+ "Ġwar",
+ "ns"
+ ],
+ [
+ "Ġdil",
+ "uted"
+ ],
+ [
+ "Ġnot",
+ "eworthy"
+ ],
+ [
+ "Ġra",
+ "bies"
+ ],
+ [
+ "l",
+ "ists"
+ ],
+ [
+ "ĠS",
+ "or"
+ ],
+ [
+ "Ġpr",
+ "istine"
+ ],
+ [
+ "Ġtrib",
+ "ut"
+ ],
+ [
+ "Ġcaval",
+ "ry"
+ ],
+ [
+ "ĠB",
+ "es"
+ ],
+ [
+ "ll",
+ "ing"
+ ],
+ [
+ "Sign",
+ "s"
+ ],
+ [
+ "B",
+ "orn"
+ ],
+ [
+ "Ġtom",
+ "ography"
+ ],
+ [
+ "Ġdense",
+ "ly"
+ ],
+ [
+ "ñ",
+ "a"
+ ],
+ [
+ "Ġп",
+ "ÑĢ"
+ ],
+ [
+ "n",
+ "oun"
+ ],
+ [
+ "Ġs",
+ "inks"
+ ],
+ [
+ "Ġm",
+ "ary"
+ ],
+ [
+ "ĠS",
+ "ew"
+ ],
+ [
+ "Ġaction",
+ "able"
+ ],
+ [
+ "ç",
+ "ī"
+ ],
+ [
+ "ĠG",
+ "uru"
+ ],
+ [
+ "Ġdis",
+ "g"
+ ],
+ [
+ "ĠCor",
+ "inth"
+ ],
+ [
+ "Sm",
+ "ith"
+ ],
+ [
+ "Ġexc",
+ "itation"
+ ],
+ [
+ "ĠðŁ",
+ "¤"
+ ],
+ [
+ "um",
+ "ina"
+ ],
+ [
+ "ĠF",
+ "rog"
+ ],
+ [
+ "Ġsuit",
+ "ability"
+ ],
+ [
+ "Ġmalf",
+ "unction"
+ ],
+ [
+ "-",
+ "Q"
+ ],
+ [
+ "ĠAng",
+ "lic"
+ ],
+ [
+ "Ġkn",
+ "ights"
+ ],
+ [
+ "ĠBuild",
+ "ings"
+ ],
+ [
+ "?",
+ ","
+ ],
+ [
+ "Ġdef",
+ "ended"
+ ],
+ [
+ "Ġgl",
+ "aucoma"
+ ],
+ [
+ "29",
+ "4"
+ ],
+ [
+ "ĠMarc",
+ "us"
+ ],
+ [
+ "is",
+ "ional"
+ ],
+ [
+ "ĠB",
+ "B"
+ ],
+ [
+ "Ġdec",
+ "oding"
+ ],
+ [
+ "ĠTra",
+ "ffic"
+ ],
+ [
+ "Ġreper",
+ "cussions"
+ ],
+ [
+ "Ġs",
+ "inking"
+ ],
+ [
+ "umb",
+ "ar"
+ ],
+ [
+ "Î",
+ "´"
+ ],
+ [
+ "Ġdynam",
+ "ically"
+ ],
+ [
+ "ĠMil",
+ "ton"
+ ],
+ [
+ "Ġjump",
+ "ed"
+ ],
+ [
+ "ĠD",
+ "aw"
+ ],
+ [
+ "Ġpat",
+ "rol"
+ ],
+ [
+ "Ġgame",
+ "play"
+ ],
+ [
+ "urg",
+ "ery"
+ ],
+ [
+ "ĠST",
+ "AT"
+ ],
+ [
+ "AB",
+ "A"
+ ],
+ [
+ "Ġaqu",
+ "aculture"
+ ],
+ [
+ "end",
+ "e"
+ ],
+ [
+ "Ġno",
+ "on"
+ ],
+ [
+ "Ġmod",
+ "ulus"
+ ],
+ [
+ "ĠAnd",
+ "y"
+ ],
+ [
+ "Ġacqu",
+ "aint"
+ ],
+ [
+ "æĪ",
+ "IJ"
+ ],
+ [
+ "ĠY",
+ "emen"
+ ],
+ [
+ "Ġviol",
+ "ate"
+ ],
+ [
+ "33",
+ "7"
+ ],
+ [
+ "Ġvan",
+ "illa"
+ ],
+ [
+ "H",
+ "ub"
+ ],
+ [
+ "ĠW",
+ "ine"
+ ],
+ [
+ "Ġab",
+ "usive"
+ ],
+ [
+ "Ġpur",
+ "ified"
+ ],
+ [
+ "Ġexhaust",
+ "ive"
+ ],
+ [
+ "ĠJ",
+ "in"
+ ],
+ [
+ "Ġsub",
+ "ordinate"
+ ],
+ [
+ "ĠEd",
+ "wards"
+ ],
+ [
+ "Ġling",
+ "ering"
+ ],
+ [
+ "Ġpol",
+ "io"
+ ],
+ [
+ "lu",
+ "g"
+ ],
+ [
+ "40",
+ "3"
+ ],
+ [
+ "Ġtrigon",
+ "ometry"
+ ],
+ [
+ "-w",
+ "est"
+ ],
+ [
+ "ĠPlay",
+ "ing"
+ ],
+ [
+ "Ġcaps",
+ "ules"
+ ],
+ [
+ "ĠÂłĠÂłĠÂłĠÂł",
+ "ĠÂłĠÂłĠÂłĠÂł"
+ ],
+ [
+ "ĠTra",
+ "ce"
+ ],
+ [
+ "ĠSim",
+ "ulation"
+ ],
+ [
+ "Ġuter",
+ "ine"
+ ],
+ [
+ "ĠSTUD",
+ "Y"
+ ],
+ [
+ "id",
+ "ium"
+ ],
+ [
+ "44",
+ "4"
+ ],
+ [
+ "ĠMy",
+ "c"
+ ],
+ [
+ "Ġsav",
+ "ory"
+ ],
+ [
+ "ĠDub",
+ "ai"
+ ],
+ [
+ "Ġbureau",
+ "c"
+ ],
+ [
+ "Ġc",
+ "ipher"
+ ],
+ [
+ "Ġtra",
+ "verse"
+ ],
+ [
+ "Ġb",
+ "ang"
+ ],
+ [
+ "Ġsp",
+ "ills"
+ ],
+ [
+ "Al",
+ "most"
+ ],
+ [
+ "W",
+ "ashington"
+ ],
+ [
+ "q",
+ "quad"
+ ],
+ [
+ "ros",
+ "clerosis"
+ ],
+ [
+ "is",
+ "hers"
+ ],
+ [
+ "op",
+ "al"
+ ],
+ [
+ "Ġre",
+ "juven"
+ ],
+ [
+ "Ġdis",
+ "position"
+ ],
+ [
+ "ase",
+ "ous"
+ ],
+ [
+ "ĠSt",
+ "im"
+ ],
+ [
+ "V",
+ "irtual"
+ ],
+ [
+ "Ġpolymer",
+ "ase"
+ ],
+ [
+ "Ġtyp",
+ "ed"
+ ],
+ [
+ "ĠSelect",
+ "ing"
+ ],
+ [
+ "ĠMaster",
+ "ing"
+ ],
+ [
+ "iff",
+ "erence"
+ ],
+ [
+ "Ġvalu",
+ "ation"
+ ],
+ [
+ "Ġdiss",
+ "ent"
+ ],
+ [
+ "Ġinconsist",
+ "encies"
+ ],
+ [
+ "ĠPhill",
+ "ips"
+ ],
+ [
+ "Ġfranch",
+ "ise"
+ ],
+ [
+ "-",
+ "X"
+ ],
+ [
+ "-",
+ "cre"
+ ],
+ [
+ "âĢĶ",
+ "or"
+ ],
+ [
+ "Ġeight",
+ "een"
+ ],
+ [
+ "ĠAtt",
+ "end"
+ ],
+ [
+ "Ġmuc",
+ "ous"
+ ],
+ [
+ "Chall",
+ "enges"
+ ],
+ [
+ "Ġw",
+ "ield"
+ ],
+ [
+ "ĠVari",
+ "ations"
+ ],
+ [
+ "Ġfurn",
+ "ish"
+ ],
+ [
+ "Ġfisher",
+ "men"
+ ],
+ [
+ "ĠSent",
+ "ences"
+ ],
+ [
+ "ĠWire",
+ "less"
+ ],
+ [
+ "Ġimpl",
+ "ication"
+ ],
+ [
+ "Ġgly",
+ "cemic"
+ ],
+ [
+ "Ġhook",
+ "s"
+ ],
+ [
+ "Ġmemoir",
+ "s"
+ ],
+ [
+ "Ġdeep",
+ "ening"
+ ],
+ [
+ "ïĥ",
+ "ŀ"
+ ],
+ [
+ "W",
+ "R"
+ ],
+ [
+ "Ġbe",
+ "ad"
+ ],
+ [
+ "ad",
+ "j"
+ ],
+ [
+ "oprote",
+ "in"
+ ],
+ [
+ "d",
+ "ia"
+ ],
+ [
+ "Ġas",
+ "p"
+ ],
+ [
+ "ĠHel",
+ "ping"
+ ],
+ [
+ "ĠInfect",
+ "ious"
+ ],
+ [
+ "Ġsc",
+ "rolling"
+ ],
+ [
+ "-A",
+ "meric"
+ ],
+ [
+ "Ġfabric",
+ "ated"
+ ],
+ [
+ "ĠCounsel",
+ "ing"
+ ],
+ [
+ "ĠD",
+ "ot"
+ ],
+ [
+ "ĠColon",
+ "el"
+ ],
+ [
+ "d",
+ "ered"
+ ],
+ [
+ "Ġh",
+ "over"
+ ],
+ [
+ "ĠBl",
+ "ake"
+ ],
+ [
+ "Ġmission",
+ "ary"
+ ],
+ [
+ "Ã",
+ "Ł"
+ ],
+ [
+ "ĠB",
+ "read"
+ ],
+ [
+ "-f",
+ "actor"
+ ],
+ [
+ "reg",
+ "ulated"
+ ],
+ [
+ "Ġscre",
+ "ened"
+ ],
+ [
+ "ĠGard",
+ "ening"
+ ],
+ [
+ "Ess",
+ "ential"
+ ],
+ [
+ "ĠU",
+ "b"
+ ],
+ [
+ "ĠFrank",
+ "enstein"
+ ],
+ [
+ "Ġclass",
+ "ifier"
+ ],
+ [
+ "Ġpolyg",
+ "ons"
+ ],
+ [
+ "Ġlong",
+ "itude"
+ ],
+ [
+ "Ġsupplement",
+ "ed"
+ ],
+ [
+ "ĠEp",
+ "ic"
+ ],
+ [
+ "Ġphyl",
+ "ogenetic"
+ ],
+ [
+ "Ġm",
+ "ates"
+ ],
+ [
+ "ass",
+ "y"
+ ],
+ [
+ "Ġpal",
+ "ette"
+ ],
+ [
+ "l",
+ "ocal"
+ ],
+ [
+ "ĠHand",
+ "writing"
+ ],
+ [
+ "Ġdownt",
+ "ime"
+ ],
+ [
+ "Ġluc",
+ "rative"
+ ],
+ [
+ "b",
+ "ishop"
+ ],
+ [
+ "Ġmountain",
+ "ous"
+ ],
+ [
+ "Determ",
+ "ine"
+ ],
+ [
+ "z",
+ "el"
+ ],
+ [
+ "al",
+ "er"
+ ],
+ [
+ "Is",
+ "rael"
+ ],
+ [
+ "Us",
+ "ually"
+ ],
+ [
+ "O",
+ "F"
+ ],
+ [
+ "Ġres",
+ "ign"
+ ],
+ [
+ "Ġhyper",
+ "t"
+ ],
+ [
+ "_",
+ "word"
+ ],
+ [
+ "Ġslic",
+ "ed"
+ ],
+ [
+ "Ġdestro",
+ "ys"
+ ],
+ [
+ "UC",
+ "N"
+ ],
+ [
+ "ĠTyp",
+ "ical"
+ ],
+ [
+ "t",
+ "or"
+ ],
+ [
+ "p",
+ "resent"
+ ],
+ [
+ "æ",
+ "¯"
+ ],
+ [
+ "ĠEnter",
+ "tainment"
+ ],
+ [
+ "ic",
+ "ity"
+ ],
+ [
+ "ident",
+ "ified"
+ ],
+ [
+ "Ġpair",
+ "ing"
+ ],
+ [
+ "Ġsun",
+ "flower"
+ ],
+ [
+ "Ġmix",
+ "es"
+ ],
+ [
+ "Ġpatriarch",
+ "al"
+ ],
+ [
+ "ĠIt",
+ "em"
+ ],
+ [
+ "Ġequ",
+ "ipping"
+ ],
+ [
+ "Ġut",
+ "f"
+ ],
+ [
+ "ĠMal",
+ "ay"
+ ],
+ [
+ "Ġfest",
+ "ive"
+ ],
+ [
+ "5",
+ "30"
+ ],
+ [
+ "59",
+ "2"
+ ],
+ [
+ "Ġbol",
+ "t"
+ ],
+ [
+ "Qu",
+ "ick"
+ ],
+ [
+ "Ġment",
+ "orship"
+ ],
+ [
+ "Ġro",
+ "ver"
+ ],
+ [
+ "G",
+ "overnment"
+ ],
+ [
+ "-s",
+ "quare"
+ ],
+ [
+ "ĠSim",
+ "ultane"
+ ],
+ [
+ "Ġacad",
+ "emy"
+ ],
+ [
+ "urg",
+ "ence"
+ ],
+ [
+ "road",
+ "s"
+ ],
+ [
+ "Ġstyl",
+ "istic"
+ ],
+ [
+ "/",
+ "in"
+ ],
+ [
+ "0",
+ "33"
+ ],
+ [
+ "Ġthin",
+ "ning"
+ ],
+ [
+ "Ġdiscl",
+ "ose"
+ ],
+ [
+ "t",
+ "re"
+ ],
+ [
+ "ĠIsa",
+ "iah"
+ ],
+ [
+ "ĠL",
+ "ar"
+ ],
+ [
+ "Ġreward",
+ "ed"
+ ],
+ [
+ "ĠQ",
+ "R"
+ ],
+ [
+ "-h",
+ "igh"
+ ],
+ [
+ "Ġdomestic",
+ "ated"
+ ],
+ [
+ "âĪ",
+ "´"
+ ],
+ [
+ "(",
+ "my"
+ ],
+ [
+ "H",
+ "L"
+ ],
+ [
+ "Ġed",
+ "ema"
+ ],
+ [
+ "ĠHand",
+ "ling"
+ ],
+ [
+ "Di",
+ "abetes"
+ ],
+ [
+ "Ġmonop",
+ "ol"
+ ],
+ [
+ "Ġneglig",
+ "ible"
+ ],
+ [
+ "Germ",
+ "any"
+ ],
+ [
+ "ĠOb",
+ "viously"
+ ],
+ [
+ "Ġrhy",
+ "mes"
+ ],
+ [
+ "|",
+ "L"
+ ],
+ [
+ "ol",
+ "utions"
+ ],
+ [
+ "ĠG",
+ "atsby"
+ ],
+ [
+ "Ġcircul",
+ "atory"
+ ],
+ [
+ "ĠVin",
+ "ci"
+ ],
+ [
+ "ĠPre",
+ "cision"
+ ],
+ [
+ "Ġceremon",
+ "ial"
+ ],
+ [
+ "at",
+ "omic"
+ ],
+ [
+ "ver",
+ "ted"
+ ],
+ [
+ "Ġres",
+ "ervation"
+ ],
+ [
+ "ĠSp",
+ "ider"
+ ],
+ [
+ "Ġst",
+ "ray"
+ ],
+ [
+ "pl",
+ "ate"
+ ],
+ [
+ "Ġme",
+ "x"
+ ],
+ [
+ "arent",
+ "ly"
+ ],
+ [
+ "Ġhead",
+ "phones"
+ ],
+ [
+ "Ġmotiv",
+ "ating"
+ ],
+ [
+ "-L",
+ "e"
+ ],
+ [
+ "Ġoverd",
+ "ose"
+ ],
+ [
+ "ĠMus",
+ "k"
+ ],
+ [
+ "Ġprefer",
+ "able"
+ ],
+ [
+ "Ġsynthes",
+ "ize"
+ ],
+ [
+ "Ġtroublesh",
+ "ooting"
+ ],
+ [
+ "Ġp",
+ "udd"
+ ],
+ [
+ "ĠPe",
+ "ak"
+ ],
+ [
+ "Ġtoile",
+ "ts"
+ ],
+ [
+ "ĠA",
+ "u"
+ ],
+ [
+ "Ġfraud",
+ "ulent"
+ ],
+ [
+ "Ġpro",
+ "actively"
+ ],
+ [
+ "ĠJ",
+ "ur"
+ ],
+ [
+ "sequ",
+ "ence"
+ ],
+ [
+ "Ġa",
+ "pex"
+ ],
+ [
+ "ĠL",
+ "ac"
+ ],
+ [
+ "-w",
+ "ord"
+ ],
+ [
+ "Ġneurotransmit",
+ "ters"
+ ],
+ [
+ "Ġbree",
+ "ze"
+ ],
+ [
+ "irosh",
+ "ima"
+ ],
+ [
+ "Ġapopt",
+ "osis"
+ ],
+ [
+ "]",
+ ";Ċ"
+ ],
+ [
+ "im",
+ "izing"
+ ],
+ [
+ "ĠB",
+ "ever"
+ ],
+ [
+ "Ġdiscipl",
+ "inary"
+ ],
+ [
+ "Ġflaw",
+ "ed"
+ ],
+ [
+ "ĠConstant",
+ "in"
+ ],
+ [
+ "d",
+ "ates"
+ ],
+ [
+ "ve",
+ "red"
+ ],
+ [
+ "amm",
+ "able"
+ ],
+ [
+ "ĠRac",
+ "ial"
+ ],
+ [
+ "ent",
+ "ional"
+ ],
+ [
+ "b",
+ "read"
+ ],
+ [
+ "hy",
+ "per"
+ ],
+ [
+ "c",
+ "ents"
+ ],
+ [
+ "|",
+ "T"
+ ],
+ [
+ "Ġbo",
+ "ast"
+ ],
+ [
+ "Te",
+ "acher"
+ ],
+ [
+ "Ġchief",
+ "ly"
+ ],
+ [
+ "ĠG",
+ "ol"
+ ],
+ [
+ "ĠPers",
+ "ia"
+ ],
+ [
+ "process",
+ "ing"
+ ],
+ [
+ "m",
+ "d"
+ ],
+ [
+ "Ġm",
+ "oll"
+ ],
+ [
+ "Ġins",
+ "cription"
+ ],
+ [
+ "27",
+ "8"
+ ],
+ [
+ "abb",
+ "ath"
+ ],
+ [
+ "Ġem",
+ "blem"
+ ],
+ [
+ "tal",
+ "ion"
+ ],
+ [
+ "Ġlands",
+ "caping"
+ ],
+ [
+ "EM",
+ "ENT"
+ ],
+ [
+ "Ġunexpected",
+ "ly"
+ ],
+ [
+ "ĠG",
+ "est"
+ ],
+ [
+ "Ġov",
+ "aries"
+ ],
+ [
+ "Ph",
+ "ysics"
+ ],
+ [
+ "Ġobst",
+ "ructive"
+ ],
+ [
+ "Ġp",
+ "g"
+ ],
+ [
+ "Ġca",
+ "res"
+ ],
+ [
+ "ĠAll",
+ "an"
+ ],
+ [
+ "34",
+ "1"
+ ],
+ [
+ "Import",
+ "ant"
+ ],
+ [
+ "b",
+ "ug"
+ ],
+ [
+ "Ġsh",
+ "ingles"
+ ],
+ [
+ "Ġcomm",
+ "ence"
+ ],
+ [
+ "we",
+ "ights"
+ ],
+ [
+ "Ġcorrel",
+ "ate"
+ ],
+ [
+ "Ġcontradict",
+ "ory"
+ ],
+ [
+ "f",
+ "ar"
+ ],
+ [
+ "o",
+ "os"
+ ],
+ [
+ "Ġimmense",
+ "ly"
+ ],
+ [
+ "Ġinver",
+ "ted"
+ ],
+ [
+ "ĠP",
+ "os"
+ ],
+ [
+ "Ġcos",
+ "metics"
+ ],
+ [
+ "Health",
+ "y"
+ ],
+ [
+ "Ġconcert",
+ "s"
+ ],
+ [
+ "em",
+ "itism"
+ ],
+ [
+ "âĢĶ",
+ "which"
+ ],
+ [
+ "Ġnight",
+ "time"
+ ],
+ [
+ "Ġformat",
+ "ted"
+ ],
+ [
+ "-w",
+ "ise"
+ ],
+ [
+ "ĠConf",
+ "idence"
+ ],
+ [
+ "Ġfar",
+ "away"
+ ],
+ [
+ "J",
+ "apanese"
+ ],
+ [
+ "m",
+ "able"
+ ],
+ [
+ "Ġ",
+ ").Ċ"
+ ],
+ [
+ "40",
+ "9"
+ ],
+ [
+ "Ġtrain",
+ "ers"
+ ],
+ [
+ "Ġbicy",
+ "cles"
+ ],
+ [
+ "ĠBuff",
+ "alo"
+ ],
+ [
+ "Ġcre",
+ "st"
+ ],
+ [
+ "ex",
+ "pl"
+ ],
+ [
+ "Ġple",
+ "thora"
+ ],
+ [
+ "Ġad",
+ "verb"
+ ],
+ [
+ "Ġdecor",
+ "ate"
+ ],
+ [
+ "-Eng",
+ "lish"
+ ],
+ [
+ "ĠF",
+ "urn"
+ ],
+ [
+ "aus",
+ "al"
+ ],
+ [
+ "Ġeconom",
+ "ist"
+ ],
+ [
+ "Ġoste",
+ "oarthritis"
+ ],
+ [
+ "Ġindel",
+ "ible"
+ ],
+ [
+ "ĠPat",
+ "ent"
+ ],
+ [
+ "Ġech",
+ "oes"
+ ],
+ [
+ "Ġocean",
+ "ic"
+ ],
+ [
+ "Ġpersist",
+ "ed"
+ ],
+ [
+ "Ġalk",
+ "al"
+ ],
+ [
+ "Ġuph",
+ "olding"
+ ],
+ [
+ "Ġsol",
+ "vents"
+ ],
+ [
+ "ist",
+ "les"
+ ],
+ [
+ "ĠB",
+ "rew"
+ ],
+ [
+ "ĠJ",
+ "ump"
+ ],
+ [
+ "Ġmood",
+ "s"
+ ],
+ [
+ "A",
+ "verage"
+ ],
+ [
+ "ĠB",
+ "D"
+ ],
+ [
+ "Ġlit",
+ "res"
+ ],
+ [
+ "iter",
+ "ate"
+ ],
+ [
+ "ud",
+ "o"
+ ],
+ [
+ "-f",
+ "ired"
+ ],
+ [
+ "ĠGuatemal",
+ "a"
+ ],
+ [
+ "ĠCO",
+ "PD"
+ ],
+ [
+ "Ġdilig",
+ "ent"
+ ],
+ [
+ "Ġenfor",
+ "cing"
+ ],
+ [
+ "Ġerupt",
+ "ed"
+ ],
+ [
+ "Ġdistingu",
+ "ishes"
+ ],
+ [
+ "Ġminim",
+ "ally"
+ ],
+ [
+ "á¹",
+ "ĥ"
+ ],
+ [
+ "Ġunlock",
+ "ing"
+ ],
+ [
+ "ĠWeb",
+ "b"
+ ],
+ [
+ "t",
+ "ar"
+ ],
+ [
+ "Ġbl",
+ "amed"
+ ],
+ [
+ "ĠMin",
+ "erals"
+ ],
+ [
+ "Ġper",
+ "sec"
+ ],
+ [
+ "Ġpm",
+ "id"
+ ],
+ [
+ "0",
+ "17"
+ ],
+ [
+ "ER",
+ "N"
+ ],
+ [
+ "ĠBo",
+ "ost"
+ ],
+ [
+ "Disc",
+ "ussion"
+ ],
+ [
+ "Ġblue",
+ "berries"
+ ],
+ [
+ "Cl",
+ "oud"
+ ],
+ [
+ "ĠBar",
+ "celona"
+ ],
+ [
+ "Cal",
+ "ifornia"
+ ],
+ [
+ "Ġconcent",
+ "rates"
+ ],
+ [
+ "Ġax",
+ "ial"
+ ],
+ [
+ "ar",
+ "is"
+ ],
+ [
+ "ĠI",
+ "BS"
+ ],
+ [
+ "ĠBut",
+ "ler"
+ ],
+ [
+ "ĠProv",
+ "ides"
+ ],
+ [
+ "Ġtre",
+ "acher"
+ ],
+ [
+ "Ġdist",
+ "al"
+ ],
+ [
+ "Ġcy",
+ "sts"
+ ],
+ [
+ "Ġdat",
+ "etime"
+ ],
+ [
+ "t",
+ "rain"
+ ],
+ [
+ "Ġmodern",
+ "ization"
+ ],
+ [
+ "Ġtrou",
+ "bled"
+ ],
+ [
+ "ighth",
+ "ouse"
+ ],
+ [
+ "ĠL",
+ "av"
+ ],
+ [
+ "Ġnew",
+ "com"
+ ],
+ [
+ "ĠTim",
+ "othy"
+ ],
+ [
+ "Ġanalys",
+ "ing"
+ ],
+ [
+ "Ġout",
+ "patient"
+ ],
+ [
+ "Ġgr",
+ "as"
+ ],
+ [
+ "ang",
+ "i"
+ ],
+ [
+ "â",
+ "s"
+ ],
+ [
+ "Ġlogarith",
+ "m"
+ ],
+ [
+ "Ù",
+ "IJ"
+ ],
+ [
+ "-f",
+ "i"
+ ],
+ [
+ "cle",
+ "an"
+ ],
+ [
+ "Ġsat",
+ "ir"
+ ],
+ [
+ "Lat",
+ "est"
+ ],
+ [
+ "ĠBas",
+ "el"
+ ],
+ [
+ "Ġneighbour",
+ "ing"
+ ],
+ [
+ "c",
+ "is"
+ ],
+ [
+ "Ġint",
+ "ends"
+ ],
+ [
+ "Ġco",
+ "ag"
+ ],
+ [
+ "è¿",
+ "Ļ"
+ ],
+ [
+ "as",
+ "aki"
+ ],
+ [
+ "Ġshort",
+ "cut"
+ ],
+ [
+ "ĠWil",
+ "helm"
+ ],
+ [
+ "ĠEm",
+ "otions"
+ ],
+ [
+ "op",
+ "a"
+ ],
+ [
+ "ĠD",
+ "D"
+ ],
+ [
+ "Ġpol",
+ "ite"
+ ],
+ [
+ "St",
+ "ar"
+ ],
+ [
+ "ug",
+ "u"
+ ],
+ [
+ "Ġmot",
+ "ive"
+ ],
+ [
+ "Ġmess",
+ "y"
+ ],
+ [
+ "Ġneighb",
+ "ours"
+ ],
+ [
+ "ink",
+ "le"
+ ],
+ [
+ "ĠRe",
+ "asons"
+ ],
+ [
+ "ĠCy",
+ "prus"
+ ],
+ [
+ "Ġconf",
+ "irming"
+ ],
+ [
+ "engine",
+ "ering"
+ ],
+ [
+ "R",
+ "en"
+ ],
+ [
+ "ĠT",
+ "I"
+ ],
+ [
+ "ĠF",
+ "E"
+ ],
+ [
+ "A",
+ "rm"
+ ],
+ [
+ "im",
+ "on"
+ ],
+ [
+ "Pro",
+ "f"
+ ],
+ [
+ "Ġmid",
+ "point"
+ ],
+ [
+ "Ġ____",
+ "__"
+ ],
+ [
+ "Ġra",
+ "ge"
+ ],
+ [
+ "ĠCour",
+ "ts"
+ ],
+ [
+ "ĠSub",
+ "sequently"
+ ],
+ [
+ "Ġmuscul",
+ "oskeletal"
+ ],
+ [
+ "C",
+ "BT"
+ ],
+ [
+ "Ġe",
+ "ject"
+ ],
+ [
+ "len",
+ "ess"
+ ],
+ [
+ "ĠAh",
+ "med"
+ ],
+ [
+ "R",
+ "IC"
+ ],
+ [
+ "Ġmal",
+ "ign"
+ ],
+ [
+ "Ġreb",
+ "els"
+ ],
+ [
+ "Ġslow",
+ "ed"
+ ],
+ [
+ "umn",
+ "i"
+ ],
+ [
+ "Ġrepl",
+ "aces"
+ ],
+ [
+ "Ñ",
+ "ķ"
+ ],
+ [
+ "Ġ(",
+ "."
+ ],
+ [
+ "Ġpos",
+ "ing"
+ ],
+ [
+ "ĠEn",
+ "viron"
+ ],
+ [
+ "Ġal",
+ "mond"
+ ],
+ [
+ "Ġattrib",
+ "utable"
+ ],
+ [
+ "ĠBrist",
+ "ol"
+ ],
+ [
+ "om",
+ "ent"
+ ],
+ [
+ "Ġchat",
+ "bot"
+ ],
+ [
+ "Ġaph",
+ "ids"
+ ],
+ [
+ "ro",
+ "aches"
+ ],
+ [
+ "Ġexped",
+ "itions"
+ ],
+ [
+ "ĠRout",
+ "ledge"
+ ],
+ [
+ "]",
+ "*"
+ ],
+ [
+ "p",
+ "u"
+ ],
+ [
+ "Ġu",
+ "gly"
+ ],
+ [
+ "Ġcal",
+ "end"
+ ],
+ [
+ "Ġlig",
+ "ament"
+ ],
+ [
+ "Ġplacent",
+ "a"
+ ],
+ [
+ "Ġfl",
+ "ashes"
+ ],
+ [
+ "Ġessential",
+ "s"
+ ],
+ [
+ "Ġlay",
+ "ered"
+ ],
+ [
+ "34",
+ "4"
+ ],
+ [
+ "á",
+ "½"
+ ],
+ [
+ "ind",
+ "rome"
+ ],
+ [
+ "Ġinc",
+ "urred"
+ ],
+ [
+ "ĠArt",
+ "ist"
+ ],
+ [
+ "LA",
+ "W"
+ ],
+ [
+ "ĠI",
+ "G"
+ ],
+ [
+ "Ġun",
+ "man"
+ ],
+ [
+ "!!",
+ "!!"
+ ],
+ [
+ "ot",
+ "omy"
+ ],
+ [
+ "ĠG",
+ "U"
+ ],
+ [
+ "åħ",
+ "ĥ"
+ ],
+ [
+ "ĠRecomm",
+ "ended"
+ ],
+ [
+ "ëĭ",
+ "¤"
+ ],
+ [
+ "-s",
+ "oluble"
+ ],
+ [
+ "Ġfet",
+ "ch"
+ ],
+ [
+ "Ä",
+ "Ł"
+ ],
+ [
+ "ĠR",
+ "oh"
+ ],
+ [
+ "о",
+ "ÑĤ"
+ ],
+ [
+ "ĠDes",
+ "k"
+ ],
+ [
+ "Ġpromin",
+ "ently"
+ ],
+ [
+ "ance",
+ "l"
+ ],
+ [
+ "ĠOdys",
+ "seus"
+ ],
+ [
+ "4",
+ "11"
+ ],
+ [
+ "ĠM",
+ "erc"
+ ],
+ [
+ "Ġup",
+ "he"
+ ],
+ [
+ "ĠProced",
+ "ures"
+ ],
+ [
+ "Ġage",
+ "ing"
+ ],
+ [
+ "ĠGuid",
+ "ance"
+ ],
+ [
+ "w",
+ "aves"
+ ],
+ [
+ "ĠÂł",
+ "Ġ"
+ ],
+ [
+ "Ġrearr",
+ "ange"
+ ],
+ [
+ "ĠDun",
+ "can"
+ ],
+ [
+ "Ġha",
+ "il"
+ ],
+ [
+ "ĠL",
+ "amb"
+ ],
+ [
+ "Ġdist",
+ "illed"
+ ],
+ [
+ "Fe",
+ "eling"
+ ],
+ [
+ "Ġunderpin",
+ "ning"
+ ],
+ [
+ "t",
+ "ub"
+ ],
+ [
+ "ĠI",
+ "ber"
+ ],
+ [
+ "ĠP",
+ "ill"
+ ],
+ [
+ "Ġr",
+ "ivals"
+ ],
+ [
+ "arg",
+ "ument"
+ ],
+ [
+ "z",
+ "u"
+ ],
+ [
+ "pl",
+ "ane"
+ ],
+ [
+ "Ġcoll",
+ "oqu"
+ ],
+ [
+ "ĠParam",
+ "eters"
+ ],
+ [
+ "ari",
+ "at"
+ ],
+ [
+ "Ġmut",
+ "ant"
+ ],
+ [
+ "ĠSl",
+ "ov"
+ ],
+ [
+ "E",
+ "conomic"
+ ],
+ [
+ "T",
+ "ag"
+ ],
+ [
+ "on",
+ "na"
+ ],
+ [
+ "ĠS",
+ "ector"
+ ],
+ [
+ "Sc",
+ "ore"
+ ],
+ [
+ "Ġpill",
+ "ar"
+ ],
+ [
+ "Ġsucc",
+ "ulent"
+ ],
+ [
+ "Ġaut",
+ "hored"
+ ],
+ [
+ "Ġbenef",
+ "iting"
+ ],
+ [
+ "ĠQu",
+ "otes"
+ ],
+ [
+ "Ġring",
+ "ing"
+ ],
+ [
+ "Ġst",
+ "akes"
+ ],
+ [
+ "ag",
+ "ons"
+ ],
+ [
+ "Ġunf",
+ "avorable"
+ ],
+ [
+ "ĠR",
+ "onald"
+ ],
+ [
+ "ove",
+ "re"
+ ],
+ [
+ "Ġpotential",
+ "s"
+ ],
+ [
+ "Ġpersu",
+ "asion"
+ ],
+ [
+ "ĠAttor",
+ "ney"
+ ],
+ [
+ "Ġor",
+ "ally"
+ ],
+ [
+ "Ġinf",
+ "usion"
+ ],
+ [
+ "oy",
+ "a"
+ ],
+ [
+ "Ġcyber",
+ "bullying"
+ ],
+ [
+ "Ġ",
+ "Ê"
+ ],
+ [
+ "Ġv",
+ "icious"
+ ],
+ [
+ "=",
+ "a"
+ ],
+ [
+ "Ġh",
+ "ike"
+ ],
+ [
+ "Ġr",
+ "ye"
+ ],
+ [
+ "Ġprot",
+ "otypes"
+ ],
+ [
+ "Ġ[",
+ "..."
+ ],
+ [
+ "Ġ'",
+ ")Ċ"
+ ],
+ [
+ "Ġcategor",
+ "ize"
+ ],
+ [
+ "HEMA",
+ "TICS"
+ ],
+ [
+ "ul",
+ "ing"
+ ],
+ [
+ "Ġcl",
+ "icks"
+ ],
+ [
+ "Ġunderest",
+ "imate"
+ ],
+ [
+ "Ġp",
+ "aw"
+ ],
+ [
+ "Ġstake",
+ "holder"
+ ],
+ [
+ "j",
+ "our"
+ ],
+ [
+ "B",
+ "uild"
+ ],
+ [
+ "Ġsustain",
+ "ably"
+ ],
+ [
+ "Ġdetect",
+ "s"
+ ],
+ [
+ "Ġcoex",
+ "istence"
+ ],
+ [
+ "Histor",
+ "ically"
+ ],
+ [
+ "ĠM",
+ "N"
+ ],
+ [
+ "Ġgra",
+ "ves"
+ ],
+ [
+ "Ġelect",
+ "rom"
+ ],
+ [
+ "Ġce",
+ "ased"
+ ],
+ [
+ "ĠInnov",
+ "ative"
+ ],
+ [
+ "Ġexplor",
+ "atory"
+ ],
+ [
+ "/",
+ "news"
+ ],
+ [
+ "Ġmed",
+ "al"
+ ],
+ [
+ "ĠCar",
+ "lo"
+ ],
+ [
+ "Ġcontact",
+ "ed"
+ ],
+ [
+ "ĠP",
+ "ri"
+ ],
+ [
+ "Ġdist",
+ "raction"
+ ],
+ [
+ "Ġterm",
+ "ites"
+ ],
+ [
+ "Ġviol",
+ "in"
+ ],
+ [
+ "Ġannoy",
+ "ing"
+ ],
+ [
+ "(",
+ "string"
+ ],
+ [
+ "let",
+ "ons"
+ ],
+ [
+ "Ġavoid",
+ "s"
+ ],
+ [
+ "Ġdecl",
+ "aring"
+ ],
+ [
+ ".",
+ "to"
+ ],
+ [
+ "4",
+ "70"
+ ],
+ [
+ "ĠG",
+ "ru"
+ ],
+ [
+ "Ġform",
+ "ulations"
+ ],
+ [
+ "Ġsulf",
+ "ide"
+ ],
+ [
+ "Ġequival",
+ "ence"
+ ],
+ [
+ "Ġspot",
+ "light"
+ ],
+ [
+ "ĠRE",
+ "AD"
+ ],
+ [
+ "Ġtrans",
+ "national"
+ ],
+ [
+ "Ġdise",
+ "ased"
+ ],
+ [
+ "Ġattack",
+ "er"
+ ],
+ [
+ "Ġinterchange",
+ "ably"
+ ],
+ [
+ "Ġdel",
+ "ine"
+ ],
+ [
+ "Ġfore",
+ "head"
+ ],
+ [
+ "ĠNo",
+ "ise"
+ ],
+ [
+ "ĠCru",
+ "z"
+ ],
+ [
+ "orks",
+ "hire"
+ ],
+ [
+ "Ġflour",
+ "ishing"
+ ],
+ [
+ "Ġglow",
+ "ing"
+ ],
+ [
+ "Z",
+ "E"
+ ],
+ [
+ "Ġtra",
+ "che"
+ ],
+ [
+ "fact",
+ "s"
+ ],
+ [
+ "Ġsel",
+ "ves"
+ ],
+ [
+ "Ġobsess",
+ "ive"
+ ],
+ [
+ "Ġl",
+ "ur"
+ ],
+ [
+ "3",
+ "26"
+ ],
+ [
+ "d",
+ "al"
+ ],
+ [
+ "ĠChe",
+ "st"
+ ],
+ [
+ "rel",
+ "ations"
+ ],
+ [
+ "k",
+ "el"
+ ],
+ [
+ "ĠP",
+ "air"
+ ],
+ [
+ "Ġle",
+ "aching"
+ ],
+ [
+ "ĠEduc",
+ "ators"
+ ],
+ [
+ "agg",
+ "ering"
+ ],
+ [
+ "Ġhand",
+ "out"
+ ],
+ [
+ "TI",
+ "s"
+ ],
+ [
+ "Ġindex",
+ "es"
+ ],
+ [
+ "Ġg",
+ "out"
+ ],
+ [
+ "ab",
+ "ridged"
+ ],
+ [
+ "Ġlist",
+ "a"
+ ],
+ [
+ "ĠIncorpor",
+ "ating"
+ ],
+ [
+ "ĠT",
+ "all"
+ ],
+ [
+ "Ġexp",
+ "elled"
+ ],
+ [
+ "Ġgener",
+ "ative"
+ ],
+ [
+ "ĠDougl",
+ "ass"
+ ],
+ [
+ "ĠB",
+ "ass"
+ ],
+ [
+ "Ġrep",
+ "aired"
+ ],
+ [
+ "ĠAnt",
+ "ig"
+ ],
+ [
+ "Mat",
+ "rix"
+ ],
+ [
+ "Ġbrut",
+ "ality"
+ ],
+ [
+ "O",
+ "l"
+ ],
+ [
+ "V",
+ "M"
+ ],
+ [
+ "b",
+ "ugs"
+ ],
+ [
+ "es",
+ "ign"
+ ],
+ [
+ "ĠFran",
+ "co"
+ ],
+ [
+ "ĠPret",
+ "ty"
+ ],
+ [
+ "T",
+ "ags"
+ ],
+ [
+ "at",
+ "ts"
+ ],
+ [
+ "Ġdis",
+ "integ"
+ ],
+ [
+ "imes",
+ "ter"
+ ],
+ [
+ "Ġchar",
+ "les"
+ ],
+ [
+ "ix",
+ "ing"
+ ],
+ [
+ "Ġwild",
+ "fire"
+ ],
+ [
+ "ĠOut",
+ "door"
+ ],
+ [
+ "Ġsophist",
+ "ication"
+ ],
+ [
+ "Ġdy",
+ "st"
+ ],
+ [
+ "Ġfl",
+ "ax"
+ ],
+ [
+ "ĠJul",
+ "ian"
+ ],
+ [
+ "ĠAssess",
+ "ing"
+ ],
+ [
+ "ĠBegin",
+ "ners"
+ ],
+ [
+ "Ġhib",
+ "ern"
+ ],
+ [
+ "Ġtop",
+ "ological"
+ ],
+ [
+ "Ġrepl",
+ "ies"
+ ],
+ [
+ "Ġ+",
+ "Ċ"
+ ],
+ [
+ "Ġgreat",
+ "ness"
+ ],
+ [
+ "Ġhypot",
+ "enuse"
+ ],
+ [
+ "ĠC",
+ "rop"
+ ],
+ [
+ "op",
+ "oly"
+ ],
+ [
+ "Ġnov",
+ "ice"
+ ],
+ [
+ "ĠS",
+ "ets"
+ ],
+ [
+ "-l",
+ "inked"
+ ],
+ [
+ "35",
+ "4"
+ ],
+ [
+ "c",
+ "u"
+ ],
+ [
+ "im",
+ "ages"
+ ],
+ [
+ "le",
+ "b"
+ ],
+ [
+ "Ġbas",
+ "kets"
+ ],
+ [
+ "ĠCO",
+ "P"
+ ],
+ [
+ "Ġrespons",
+ "iveness"
+ ],
+ [
+ "Ġrevolution",
+ "izing"
+ ],
+ [
+ "Ġprol",
+ "ific"
+ ],
+ [
+ "A",
+ "part"
+ ],
+ [
+ "as",
+ "us"
+ ],
+ [
+ "ĠL",
+ "uis"
+ ],
+ [
+ "-ch",
+ "ild"
+ ],
+ [
+ "w",
+ "oman"
+ ],
+ [
+ "er",
+ "able"
+ ],
+ [
+ "%",
+ "ĊĊ"
+ ],
+ [
+ "g",
+ "un"
+ ],
+ [
+ "Ġbreak",
+ "er"
+ ],
+ [
+ "Ġbell",
+ "s"
+ ],
+ [
+ "ib",
+ "n"
+ ],
+ [
+ "Ġbas",
+ "ins"
+ ],
+ [
+ "ĠRad",
+ "i"
+ ],
+ [
+ "é",
+ "Ļ"
+ ],
+ [
+ "Ġwheel",
+ "chair"
+ ],
+ [
+ "w",
+ "ould"
+ ],
+ [
+ "28",
+ "6"
+ ],
+ [
+ "Ġdie",
+ "lectric"
+ ],
+ [
+ "ĠReal",
+ "ism"
+ ],
+ [
+ "Ġstack",
+ "ed"
+ ],
+ [
+ "Ġpoore",
+ "st"
+ ],
+ [
+ "ÑĨ",
+ "и"
+ ],
+ [
+ "B",
+ "it"
+ ],
+ [
+ "ĠC",
+ "ox"
+ ],
+ [
+ "sc",
+ "rib"
+ ],
+ [
+ "Ġforget",
+ "ting"
+ ],
+ [
+ "Pat",
+ "ients"
+ ],
+ [
+ "çĤ",
+ "¹"
+ ],
+ [
+ "L",
+ "i"
+ ],
+ [
+ "M",
+ "a"
+ ],
+ [
+ "Ġg",
+ "ira"
+ ],
+ [
+ "ĠS",
+ "aving"
+ ],
+ [
+ "ad",
+ "vert"
+ ],
+ [
+ "Ġx",
+ "en"
+ ],
+ [
+ "ĠInst",
+ "itutions"
+ ],
+ [
+ "ĠFer",
+ "dinand"
+ ],
+ [
+ "r",
+ "ising"
+ ],
+ [
+ "ĠO",
+ "scar"
+ ],
+ [
+ "Mean",
+ "ing"
+ ],
+ [
+ "Âł",
+ "and"
+ ],
+ [
+ "Ġbro",
+ "ker"
+ ],
+ [
+ "Ġbar",
+ "ter"
+ ],
+ [
+ "ĠAnaly",
+ "tical"
+ ],
+ [
+ "Ġd",
+ "yn"
+ ],
+ [
+ "Ġmat",
+ "uration"
+ ],
+ [
+ "ĠSu",
+ "z"
+ ],
+ [
+ "MC",
+ "Q"
+ ],
+ [
+ "Ġhal",
+ "ves"
+ ],
+ [
+ "ĠStand",
+ "ing"
+ ],
+ [
+ "ĠBow",
+ "l"
+ ],
+ [
+ "-",
+ "go"
+ ],
+ [
+ "M",
+ "er"
+ ],
+ [
+ "ĠSal",
+ "em"
+ ],
+ [
+ "Ġmic",
+ "rom"
+ ],
+ [
+ "Ġaster",
+ "oids"
+ ],
+ [
+ "Ġneon",
+ "atal"
+ ],
+ [
+ "Ġb",
+ "ury"
+ ],
+ [
+ "Ġhe",
+ "gemon"
+ ],
+ [
+ "ĠH",
+ "ann"
+ ],
+ [
+ "atter",
+ "ing"
+ ],
+ [
+ "Ġappend",
+ "ix"
+ ],
+ [
+ "cl",
+ "inical"
+ ],
+ [
+ "ĠSalv",
+ "ador"
+ ],
+ [
+ "Ġpromot",
+ "ional"
+ ],
+ [
+ "Ġcross",
+ "word"
+ ],
+ [
+ "Ġspray",
+ "ing"
+ ],
+ [
+ "oc",
+ "aly"
+ ],
+ [
+ "ĠV",
+ "oy"
+ ],
+ [
+ "ĠPl",
+ "ain"
+ ],
+ [
+ "ĠGe",
+ "ology"
+ ],
+ [
+ "ĠVol",
+ "tage"
+ ],
+ [
+ "Ġloc",
+ "us"
+ ],
+ [
+ "ĠTe",
+ "ams"
+ ],
+ [
+ "Ġimplement",
+ "ations"
+ ],
+ [
+ "is",
+ "ors"
+ ],
+ [
+ "ra",
+ "vel"
+ ],
+ [
+ "Ġ[",
+ "-"
+ ],
+ [
+ "ĠThank",
+ "fully"
+ ],
+ [
+ "ĠScre",
+ "ening"
+ ],
+ [
+ "0",
+ "50"
+ ],
+ [
+ "5",
+ "25"
+ ],
+ [
+ "Ġdelight",
+ "ed"
+ ],
+ [
+ "w",
+ "en"
+ ],
+ [
+ "let",
+ "te"
+ ],
+ [
+ "Ġfulf",
+ "il"
+ ],
+ [
+ "ĠN",
+ "ano"
+ ],
+ [
+ "Ġschool",
+ "ers"
+ ],
+ [
+ "Ġstart",
+ "ups"
+ ],
+ [
+ "Ġorch",
+ "ids"
+ ],
+ [
+ "Ġcoex",
+ "ist"
+ ],
+ [
+ "Ġcor",
+ "ro"
+ ],
+ [
+ "EL",
+ "S"
+ ],
+ [
+ "opter",
+ "a"
+ ],
+ [
+ "Ġd",
+ "avid"
+ ],
+ [
+ "Ġrevis",
+ "it"
+ ],
+ [
+ "Ġan",
+ "orexia"
+ ],
+ [
+ "ĠD",
+ "as"
+ ],
+ [
+ "Ob",
+ "ject"
+ ],
+ [
+ "####",
+ "##"
+ ],
+ [
+ "Ġint",
+ "angible"
+ ],
+ [
+ "ĠExp",
+ "ed"
+ ],
+ [
+ "Ġu",
+ "h"
+ ],
+ [
+ "od",
+ "ef"
+ ],
+ [
+ "Ġwid",
+ "ow"
+ ],
+ [
+ "ron",
+ "tal"
+ ],
+ [
+ "Ġur",
+ "ination"
+ ],
+ [
+ "ĠDirect",
+ "ory"
+ ],
+ [
+ "ĠSat",
+ "an"
+ ],
+ [
+ "Ġar",
+ "ches"
+ ],
+ [
+ "Ġback",
+ "pack"
+ ],
+ [
+ "ĠX",
+ "X"
+ ],
+ [
+ "Ġdri",
+ "p"
+ ],
+ [
+ "ĠCra",
+ "ig"
+ ],
+ [
+ "ĠD",
+ "j"
+ ],
+ [
+ "ĠH",
+ "amm"
+ ],
+ [
+ "Ġant",
+ "if"
+ ],
+ [
+ "-reg",
+ "ulation"
+ ],
+ [
+ "ĠChair",
+ "man"
+ ],
+ [
+ "Ġbored",
+ "om"
+ ],
+ [
+ "ĠEure",
+ "k"
+ ],
+ [
+ "ould",
+ "er"
+ ],
+ [
+ "Ġmarket",
+ "ed"
+ ],
+ [
+ "E",
+ "vent"
+ ],
+ [
+ "Ġv",
+ "amp"
+ ],
+ [
+ "ĠD",
+ "raft"
+ ],
+ [
+ "ĠCh",
+ "al"
+ ],
+ [
+ "Ġra",
+ "v"
+ ],
+ [
+ "Ġret",
+ "in"
+ ],
+ [
+ "Ġpean",
+ "uts"
+ ],
+ [
+ "ru",
+ "ck"
+ ],
+ [
+ "ert",
+ "on"
+ ],
+ [
+ "29",
+ "6"
+ ],
+ [
+ "K",
+ "B"
+ ],
+ [
+ "Ġsur",
+ "real"
+ ],
+ [
+ "ĠBol",
+ "ivia"
+ ],
+ [
+ "Ġsal",
+ "ty"
+ ],
+ [
+ "ĠNiger",
+ "ian"
+ ],
+ [
+ "Ġal",
+ "monds"
+ ],
+ [
+ "ĠV",
+ "ic"
+ ],
+ [
+ "_",
+ "per"
+ ],
+ [
+ "ol",
+ "ip"
+ ],
+ [
+ "Ġhe",
+ "ars"
+ ],
+ [
+ "Ġfix",
+ "ation"
+ ],
+ [
+ "Ġm",
+ "ah"
+ ],
+ [
+ "Ġn",
+ "oodles"
+ ],
+ [
+ "ĠAN",
+ "OVA"
+ ],
+ [
+ "Coll",
+ "abor"
+ ],
+ [
+ "ĠFisher",
+ "ies"
+ ],
+ [
+ "ĠG",
+ "az"
+ ],
+ [
+ "ar",
+ "ist"
+ ],
+ [
+ "Ġal",
+ "iens"
+ ],
+ [
+ "Ġj",
+ "ars"
+ ],
+ [
+ "Ġpredict",
+ "ors"
+ ],
+ [
+ "ocy",
+ "an"
+ ],
+ [
+ "6",
+ "20"
+ ],
+ [
+ "Ġim",
+ "pe"
+ ],
+ [
+ "ĠAll",
+ "ergy"
+ ],
+ [
+ "pl",
+ "oid"
+ ],
+ [
+ "ĠCh",
+ "apters"
+ ],
+ [
+ "____",
+ "__"
+ ],
+ [
+ "fu",
+ "els"
+ ],
+ [
+ "'",
+ "),"
+ ],
+ [
+ "Ġref",
+ "usal"
+ ],
+ [
+ "part",
+ "s"
+ ],
+ [
+ "ĠE",
+ "SA"
+ ],
+ [
+ "Ġhospital",
+ "ization"
+ ],
+ [
+ "Ġpreced",
+ "ent"
+ ],
+ [
+ "Ġv",
+ "ines"
+ ],
+ [
+ "ĠOpt",
+ "ical"
+ ],
+ [
+ "äº",
+ "İ"
+ ],
+ [
+ "p",
+ "ic"
+ ],
+ [
+ "ĠA",
+ "STM"
+ ],
+ [
+ "P",
+ "eter"
+ ],
+ [
+ "Ġan",
+ "ime"
+ ],
+ [
+ "ĠM",
+ "iles"
+ ],
+ [
+ "ĠM",
+ "AP"
+ ],
+ [
+ "ac",
+ "ion"
+ ],
+ [
+ "ĠFr",
+ "anz"
+ ],
+ [
+ "ĠPas",
+ "sover"
+ ],
+ [
+ "al",
+ "ogy"
+ ],
+ [
+ "om",
+ "ans"
+ ],
+ [
+ "Ġcondition",
+ "er"
+ ],
+ [
+ "Ġhydro",
+ "carbons"
+ ],
+ [
+ "Â",
+ "Ń"
+ ],
+ [
+ "Ġconfine",
+ "ment"
+ ],
+ [
+ "Ġun",
+ "used"
+ ],
+ [
+ "ucaly",
+ "pt"
+ ],
+ [
+ "F",
+ "ocus"
+ ],
+ [
+ "6",
+ "30"
+ ],
+ [
+ "u",
+ "itive"
+ ],
+ [
+ "Ġs",
+ "ender"
+ ],
+ [
+ "stud",
+ "ent"
+ ],
+ [
+ "Ġdeple",
+ "ted"
+ ],
+ [
+ "ace",
+ "ans"
+ ],
+ [
+ "Ġpit",
+ "u"
+ ],
+ [
+ "Ġgran",
+ "ular"
+ ],
+ [
+ "od",
+ "end"
+ ],
+ [
+ "E",
+ "ver"
+ ],
+ [
+ "Ġforeign",
+ "ers"
+ ],
+ [
+ "ect",
+ "ions"
+ ],
+ [
+ "ĠK",
+ "ol"
+ ],
+ [
+ "eth",
+ "nic"
+ ],
+ [
+ "ier",
+ "y"
+ ],
+ [
+ "Ġrecre",
+ "ate"
+ ],
+ [
+ "Ġpol",
+ "ys"
+ ],
+ [
+ "Ġaver",
+ "aged"
+ ],
+ [
+ "ĠS",
+ "hen"
+ ],
+ [
+ "ĠP",
+ "ont"
+ ],
+ [
+ "Ġsom",
+ "atic"
+ ],
+ [
+ "оÐ",
+ "º"
+ ],
+ [
+ "ĠHy",
+ "giene"
+ ],
+ [
+ "wind",
+ "ow"
+ ],
+ [
+ "ĠM",
+ "ing"
+ ],
+ [
+ "ĠR",
+ "aspberry"
+ ],
+ [
+ "Ġheav",
+ "ens"
+ ],
+ [
+ "Ġind",
+ "ig"
+ ],
+ [
+ "Ġsa",
+ "us"
+ ],
+ [
+ "char",
+ "acter"
+ ],
+ [
+ "))",
+ ")"
+ ],
+ [
+ "RA",
+ "VEL"
+ ],
+ [
+ "Ġrevers",
+ "al"
+ ],
+ [
+ "ĠKrish",
+ "na"
+ ],
+ [
+ "ĠMAT",
+ "LAB"
+ ],
+ [
+ "Ġp",
+ "amph"
+ ],
+ [
+ "ĠW",
+ "ing"
+ ],
+ [
+ "Ġmon",
+ "soon"
+ ],
+ [
+ "ogly",
+ "ph"
+ ],
+ [
+ "Ġsilic",
+ "one"
+ ],
+ [
+ "Ġin",
+ "act"
+ ],
+ [
+ "ĠF",
+ "uk"
+ ],
+ [
+ "Ġout",
+ "right"
+ ],
+ [
+ "Ġfuel",
+ "ing"
+ ],
+ [
+ "ĠTree",
+ "Node"
+ ],
+ [
+ "k",
+ "ner"
+ ],
+ [
+ "ult",
+ "ures"
+ ],
+ [
+ "rib",
+ "uted"
+ ],
+ [
+ "ĠAb",
+ "bey"
+ ],
+ [
+ "Ġcaterpill",
+ "ars"
+ ],
+ [
+ "K",
+ "ind"
+ ],
+ [
+ "Ġag",
+ "on"
+ ],
+ [
+ "Ġclean",
+ "up"
+ ],
+ [
+ "he",
+ "y"
+ ],
+ [
+ "ĠD",
+ "aisy"
+ ],
+ [
+ "per",
+ "ors"
+ ],
+ [
+ "Ġident",
+ "ifiable"
+ ],
+ [
+ "Ġlymph",
+ "atic"
+ ],
+ [
+ "Ã",
+ "ħ"
+ ],
+ [
+ "Ġco",
+ "ff"
+ ],
+ [
+ "og",
+ "as"
+ ],
+ [
+ "Ġdest",
+ "ined"
+ ],
+ [
+ "Ġhyper",
+ "activity"
+ ],
+ [
+ "ĠE",
+ "lection"
+ ],
+ [
+ "B",
+ "all"
+ ],
+ [
+ "Ġexplos",
+ "ions"
+ ],
+ [
+ "/",
+ "cm"
+ ],
+ [
+ "Ú",
+ "©"
+ ],
+ [
+ "ĠD",
+ "rama"
+ ],
+ [
+ "ĠL",
+ "ent"
+ ],
+ [
+ "ĠUn",
+ "ity"
+ ],
+ [
+ "Ġhuman",
+ "kind"
+ ],
+ [
+ "az",
+ "es"
+ ],
+ [
+ "ĠComp",
+ "ute"
+ ],
+ [
+ "ĠExp",
+ "and"
+ ],
+ [
+ "Second",
+ "ly"
+ ],
+ [
+ "ash",
+ "tra"
+ ],
+ [
+ "Ġs",
+ "ailed"
+ ],
+ [
+ "Ġfun",
+ "c"
+ ],
+ [
+ "ĠL",
+ "ens"
+ ],
+ [
+ "ĠO",
+ "thello"
+ ],
+ [
+ "âĢĺ",
+ "s"
+ ],
+ [
+ "Ġp",
+ "enn"
+ ],
+ [
+ "Ġgrace",
+ "fully"
+ ],
+ [
+ "ĠGon",
+ "z"
+ ],
+ [
+ "ĠRam",
+ "adan"
+ ],
+ [
+ "Ġpitu",
+ "itary"
+ ],
+ [
+ ".",
+ "ar"
+ ],
+ [
+ "ĠApp",
+ "ropriate"
+ ],
+ [
+ "rad",
+ "or"
+ ],
+ [
+ "Set",
+ "ting"
+ ],
+ [
+ "Ġelectr",
+ "ically"
+ ],
+ [
+ "Ke",
+ "eping"
+ ],
+ [
+ "am",
+ "o"
+ ],
+ [
+ "Line",
+ "ar"
+ ],
+ [
+ "Ġunve",
+ "iled"
+ ],
+ [
+ "ĠCol",
+ "le"
+ ],
+ [
+ "e",
+ "pt"
+ ],
+ [
+ "z",
+ "h"
+ ],
+ [
+ "in",
+ "omial"
+ ],
+ [
+ "-e",
+ "fficacy"
+ ],
+ [
+ "Ġcong",
+ "regation"
+ ],
+ [
+ "ĠInvest",
+ "ing"
+ ],
+ [
+ "(",
+ ")ĊĊĊ"
+ ],
+ [
+ "os",
+ "celes"
+ ],
+ [
+ "and",
+ "em"
+ ],
+ [
+ "ĠL",
+ "unar"
+ ],
+ [
+ "Ġend",
+ "ings"
+ ],
+ [
+ "ĠTw",
+ "ain"
+ ],
+ [
+ "Ġst",
+ "adium"
+ ],
+ [
+ "b",
+ "ast"
+ ],
+ [
+ "it",
+ "ans"
+ ],
+ [
+ "Ġsp",
+ "ins"
+ ],
+ [
+ "Ġentire",
+ "ty"
+ ],
+ [
+ "Ġmesmer",
+ "izing"
+ ],
+ [
+ "C",
+ "ond"
+ ],
+ [
+ "Ġpr",
+ "isons"
+ ],
+ [
+ "ĠPres",
+ "idential"
+ ],
+ [
+ "anas",
+ "ia"
+ ],
+ [
+ "-ins",
+ "pired"
+ ],
+ [
+ "Ġerad",
+ "icate"
+ ],
+ [
+ ".",
+ "*"
+ ],
+ [
+ "/",
+ "y"
+ ],
+ [
+ "F",
+ "M"
+ ],
+ [
+ "P",
+ "et"
+ ],
+ [
+ "Ġp",
+ "aren"
+ ],
+ [
+ "Ġm",
+ "aid"
+ ],
+ [
+ "Ġl",
+ "ace"
+ ],
+ [
+ "ĠProf",
+ "it"
+ ],
+ [
+ "r",
+ "ification"
+ ],
+ [
+ "Ġlex",
+ "ical"
+ ],
+ [
+ "acchar",
+ "ides"
+ ],
+ [
+ "f",
+ "ied"
+ ],
+ [
+ "ç",
+ "±"
+ ],
+ [
+ "pl",
+ "ots"
+ ],
+ [
+ "Ġsp",
+ "raw"
+ ],
+ [
+ "Ġexempl",
+ "ified"
+ ],
+ [
+ "Ġsub",
+ "div"
+ ],
+ [
+ "ft",
+ "s"
+ ],
+ [
+ "Ġfill",
+ "ings"
+ ],
+ [
+ "é",
+ "Ŀ"
+ ],
+ [
+ "ĠL",
+ "M"
+ ],
+ [
+ "ĠFe",
+ "eding"
+ ],
+ [
+ "Ġresil",
+ "iency"
+ ],
+ [
+ "Ġman",
+ "ga"
+ ],
+ [
+ "Ġque",
+ "ens"
+ ],
+ [
+ "Ġaggreg",
+ "ation"
+ ],
+ [
+ "cer",
+ "al"
+ ],
+ [
+ "-f",
+ "unded"
+ ],
+ [
+ "Ġheter",
+ "ogeneity"
+ ],
+ [
+ "Ġhypoth",
+ "yroidism"
+ ],
+ [
+ "l",
+ "angle"
+ ],
+ [
+ "Ġun",
+ "acceptable"
+ ],
+ [
+ "ĠAfter",
+ "ward"
+ ],
+ [
+ "Ġod",
+ "ors"
+ ],
+ [
+ "Ġcritic",
+ "isms"
+ ],
+ [
+ "ä½",
+ "ľ"
+ ],
+ [
+ "ĠP",
+ "aste"
+ ],
+ [
+ "ĠLever",
+ "aging"
+ ],
+ [
+ "Ġprem",
+ "ier"
+ ],
+ [
+ "ĠNO",
+ "AA"
+ ],
+ [
+ "ophil",
+ "ic"
+ ],
+ [
+ "Ġnucleot",
+ "ide"
+ ],
+ [
+ "Not",
+ "ice"
+ ],
+ [
+ "Ġju",
+ "icy"
+ ],
+ [
+ "OT",
+ "H"
+ ],
+ [
+ "ĠVeh",
+ "icles"
+ ],
+ [
+ "um",
+ "as"
+ ],
+ [
+ "ang",
+ "ar"
+ ],
+ [
+ "Ġk",
+ "ite"
+ ],
+ [
+ "âĢĶ",
+ "an"
+ ],
+ [
+ "ĠSc",
+ "heme"
+ ],
+ [
+ "li",
+ "oma"
+ ],
+ [
+ "Ġgre",
+ "eted"
+ ],
+ [
+ "ĠCatholic",
+ "ism"
+ ],
+ [
+ "id",
+ "ered"
+ ],
+ [
+ "cl",
+ "imate"
+ ],
+ [
+ "Act",
+ "ive"
+ ],
+ [
+ "Hen",
+ "ry"
+ ],
+ [
+ "n",
+ "ip"
+ ],
+ [
+ "Ġreal",
+ "izes"
+ ],
+ [
+ "Ġpercent",
+ "ile"
+ ],
+ [
+ ")$",
+ "."
+ ],
+ [
+ "ĠParticip",
+ "ation"
+ ],
+ [
+ "Ġelucid",
+ "ate"
+ ],
+ [
+ "!",
+ "\"Ċ"
+ ],
+ [
+ "Ġqu",
+ "int"
+ ],
+ [
+ "ik",
+ "u"
+ ],
+ [
+ "Ġmill",
+ "er"
+ ],
+ [
+ "Ġmarginal",
+ "ization"
+ ],
+ [
+ "ĠGast",
+ "ro"
+ ],
+ [
+ "TI",
+ "V"
+ ],
+ [
+ "Ġs",
+ "ow"
+ ],
+ [
+ "Ġdis",
+ "connected"
+ ],
+ [
+ "Ġout",
+ "rage"
+ ],
+ [
+ "ĠU",
+ "I"
+ ],
+ [
+ "k",
+ "n"
+ ],
+ [
+ "ĠDi",
+ "agrams"
+ ],
+ [
+ "ĠC",
+ "emetery"
+ ],
+ [
+ "Ġdeleg",
+ "ates"
+ ],
+ [
+ "Ġl",
+ "ys"
+ ],
+ [
+ "Ġun",
+ "b"
+ ],
+ [
+ "ĠGu",
+ "jar"
+ ],
+ [
+ "Ġverte",
+ "brates"
+ ],
+ [
+ "Ġaffil",
+ "iation"
+ ],
+ [
+ "Ġpept",
+ "ides"
+ ],
+ [
+ "é",
+ "¢"
+ ],
+ [
+ "Ļ",
+ "Ĥ"
+ ],
+ [
+ "ĠD",
+ "river"
+ ],
+ [
+ "ae",
+ "us"
+ ],
+ [
+ "Ġun",
+ "ethical"
+ ],
+ [
+ "Ġswe",
+ "ep"
+ ],
+ [
+ "á¹",
+ "Ń"
+ ],
+ [
+ "á¸",
+ "¥"
+ ],
+ [
+ "ĠBi",
+ "otechnology"
+ ],
+ [
+ "ĠMil",
+ "an"
+ ],
+ [
+ "as",
+ "ci"
+ ],
+ [
+ "ĠBank",
+ "ing"
+ ],
+ [
+ "id",
+ "x"
+ ],
+ [
+ "Ġ(",
+ "*"
+ ],
+ [
+ "Ġcl",
+ "iffs"
+ ],
+ [
+ "Ġsy",
+ "st"
+ ],
+ [
+ "Ġr",
+ "ashes"
+ ],
+ [
+ "Ġscript",
+ "ures"
+ ],
+ [
+ "Ġintellectual",
+ "s"
+ ],
+ [
+ "ĠPut",
+ "in"
+ ],
+ [
+ "ric",
+ "ter"
+ ],
+ [
+ "-c",
+ "ase"
+ ],
+ [
+ "Ġconfront",
+ "ation"
+ ],
+ [
+ "ĠTob",
+ "acco"
+ ],
+ [
+ "Ġembroid",
+ "ery"
+ ],
+ [
+ "-d",
+ "irected"
+ ],
+ [
+ "ac",
+ "s"
+ ],
+ [
+ "ĠText",
+ "book"
+ ],
+ [
+ "Ġtradem",
+ "arks"
+ ],
+ [
+ "Ġcath",
+ "ode"
+ ],
+ [
+ "Ġatt",
+ "ire"
+ ],
+ [
+ "ĠCommission",
+ "er"
+ ],
+ [
+ "Ġз",
+ "а"
+ ],
+ [
+ "½",
+ "æķ°"
+ ],
+ [
+ "em",
+ "e"
+ ],
+ [
+ "agn",
+ "osed"
+ ],
+ [
+ "Ġoccup",
+ "ying"
+ ],
+ [
+ "Ġquestion",
+ "able"
+ ],
+ [
+ "ĠHom",
+ "o"
+ ],
+ [
+ "C",
+ "hat"
+ ],
+ [
+ "N",
+ "ative"
+ ],
+ [
+ "br",
+ "as"
+ ],
+ [
+ "Ġdoub",
+ "ling"
+ ],
+ [
+ "ar",
+ "um"
+ ],
+ [
+ "ĠMon",
+ "ster"
+ ],
+ [
+ "\"",
+ "What"
+ ],
+ [
+ "C",
+ "ity"
+ ],
+ [
+ "os",
+ "por"
+ ],
+ [
+ "Ġcall",
+ "igraphy"
+ ],
+ [
+ "L",
+ "ater"
+ ],
+ [
+ "Ġtax",
+ "onomy"
+ ],
+ [
+ "ĠRod",
+ "rig"
+ ],
+ [
+ "stan",
+ "bul"
+ ],
+ [
+ "d",
+ "et"
+ ],
+ [
+ "âĢ¦âĢ¦âĢ¦âĢ¦",
+ "âĢ¦âĢ¦âĢ¦âĢ¦"
+ ],
+ [
+ "ĠPyram",
+ "id"
+ ],
+ [
+ "re",
+ "z"
+ ],
+ [
+ "ĠS",
+ "ara"
+ ],
+ [
+ "Ġglac",
+ "ial"
+ ],
+ [
+ "aa",
+ "S"
+ ],
+ [
+ "ĠMorm",
+ "on"
+ ],
+ [
+ "ietz",
+ "sche"
+ ],
+ [
+ "it",
+ "he"
+ ],
+ [
+ "Ġpred",
+ "efined"
+ ],
+ [
+ "Ġ$$",
+ "("
+ ],
+ [
+ "il",
+ "ate"
+ ],
+ [
+ "Ġdet",
+ "ention"
+ ],
+ [
+ "ear",
+ "ance"
+ ],
+ [
+ "Ġhe",
+ "y"
+ ],
+ [
+ "ard",
+ "on"
+ ],
+ [
+ "Ġmotiv",
+ "ational"
+ ],
+ [
+ "Ġ&",
+ "&"
+ ],
+ [
+ "ĠDiff",
+ "iculty"
+ ],
+ [
+ "init",
+ "ial"
+ ],
+ [
+ "um",
+ "ann"
+ ],
+ [
+ "Ġj",
+ "apan"
+ ],
+ [
+ "Ġno",
+ "zzle"
+ ],
+ [
+ "Ġcous",
+ "ins"
+ ],
+ [
+ "Ġelev",
+ "ator"
+ ],
+ [
+ "ĠGal",
+ "axy"
+ ],
+ [
+ "Ġjealous",
+ "y"
+ ],
+ [
+ "uth",
+ "anasia"
+ ],
+ [
+ "ĠCur",
+ "ious"
+ ],
+ [
+ "ophys",
+ "iology"
+ ],
+ [
+ "cher",
+ "y"
+ ],
+ [
+ "ĠVeg",
+ "as"
+ ],
+ [
+ "ĠCh",
+ "apel"
+ ],
+ [
+ "IS",
+ "E"
+ ],
+ [
+ "ĠD",
+ "uration"
+ ],
+ [
+ "Ġsent",
+ "enced"
+ ],
+ [
+ "Ġflav",
+ "our"
+ ],
+ [
+ ".",
+ "us"
+ ],
+ [
+ "**",
+ "*"
+ ],
+ [
+ "Ġemb",
+ "ell"
+ ],
+ [
+ "Ġcorrect",
+ "ive"
+ ],
+ [
+ "Ġjournal",
+ "ing"
+ ],
+ [
+ "O",
+ "cc"
+ ],
+ [
+ "ber",
+ "ger"
+ ],
+ [
+ "ĠGod",
+ "dess"
+ ],
+ [
+ "Ġlab",
+ "elled"
+ ],
+ [
+ "34",
+ "7"
+ ],
+ [
+ "Ġmac",
+ "ular"
+ ],
+ [
+ "ĠTas",
+ "man"
+ ],
+ [
+ "æľ",
+ "Ģ"
+ ],
+ [
+ "Ġincl",
+ "ination"
+ ],
+ [
+ "ch",
+ "ant"
+ ],
+ [
+ "Ġkn",
+ "ives"
+ ],
+ [
+ "Main",
+ "taining"
+ ],
+ [
+ "^",
+ "^"
+ ],
+ [
+ "ĠSocial",
+ "ist"
+ ],
+ [
+ "e",
+ "res"
+ ],
+ [
+ "r",
+ "r"
+ ],
+ [
+ "Ġnot",
+ "ification"
+ ],
+ [
+ "ĠK",
+ "arn"
+ ],
+ [
+ "Ġcomp",
+ "ulsive"
+ ],
+ [
+ "Ġnumb",
+ "ness"
+ ],
+ [
+ "j",
+ "unct"
+ ],
+ [
+ "ion",
+ "ic"
+ ],
+ [
+ "ain",
+ "ting"
+ ],
+ [
+ "-h",
+ "op"
+ ],
+ [
+ "Ġwest",
+ "ward"
+ ],
+ [
+ "Ġtatto",
+ "o"
+ ],
+ [
+ "Ġs",
+ "ang"
+ ],
+ [
+ "Ġcon",
+ "du"
+ ],
+ [
+ "Ġse",
+ "pt"
+ ],
+ [
+ "Ġdis",
+ "connect"
+ ],
+ [
+ "Ġfright",
+ "ening"
+ ],
+ [
+ "Ġdep",
+ "ended"
+ ],
+ [
+ "ĠST",
+ "R"
+ ],
+ [
+ "-th",
+ "an"
+ ],
+ [
+ "ç¬",
+ "¦"
+ ],
+ [
+ "ri",
+ "vers"
+ ],
+ [
+ "ĠAs",
+ "ide"
+ ],
+ [
+ "Ġbiomark",
+ "ers"
+ ],
+ [
+ "ne",
+ "c"
+ ],
+ [
+ "ox",
+ "id"
+ ],
+ [
+ "occup",
+ "ied"
+ ],
+ [
+ "ĠM",
+ "ouse"
+ ],
+ [
+ "bl",
+ "adder"
+ ],
+ [
+ "Ġsty",
+ "lish"
+ ],
+ [
+ "G",
+ "IS"
+ ],
+ [
+ "ĠOrgan",
+ "izational"
+ ],
+ [
+ "Ġendors",
+ "ed"
+ ],
+ [
+ "Ġ\\",
+ ";"
+ ],
+ [
+ "Ġintrodu",
+ "ctions"
+ ],
+ [
+ "ĠSur",
+ "ge"
+ ],
+ [
+ "Ġwhat",
+ "soever"
+ ],
+ [
+ "ĠMess",
+ "iah"
+ ],
+ [
+ "ryst",
+ "all"
+ ],
+ [
+ "ĠRe",
+ "bell"
+ ],
+ [
+ "m",
+ "ud"
+ ],
+ [
+ "ĠHol",
+ "iday"
+ ],
+ [
+ "ĠAdvert",
+ "ising"
+ ],
+ [
+ "ĠSignific",
+ "ant"
+ ],
+ [
+ "Ġá",
+ "¼"
+ ],
+ [
+ "ph",
+ "rine"
+ ],
+ [
+ "-line",
+ "ar"
+ ],
+ [
+ "f",
+ "urt"
+ ],
+ [
+ "Ġrec",
+ "alls"
+ ],
+ [
+ "Ġmax",
+ "imal"
+ ],
+ [
+ "Ġcloud",
+ "y"
+ ],
+ [
+ "SI",
+ "ON"
+ ],
+ [
+ "Ġa",
+ "ustralia"
+ ],
+ [
+ "Ġdeal",
+ "er"
+ ],
+ [
+ "Ġinh",
+ "aled"
+ ],
+ [
+ "Ġf",
+ "rying"
+ ],
+ [
+ "cast",
+ "le"
+ ],
+ [
+ "Ġcompanions",
+ "hip"
+ ],
+ [
+ "ĠWork",
+ "place"
+ ],
+ [
+ "ĠOut",
+ "side"
+ ],
+ [
+ "à¥įà¤",
+ "°"
+ ],
+ [
+ "Ġartif",
+ "act"
+ ],
+ [
+ "Ġplayw",
+ "right"
+ ],
+ [
+ "Ġbroadcast",
+ "ing"
+ ],
+ [
+ "Ġaffirm",
+ "ative"
+ ],
+ [
+ "s",
+ "pan"
+ ],
+ [
+ "34",
+ "2"
+ ],
+ [
+ "ĠPers",
+ "ons"
+ ],
+ [
+ "Ġdish",
+ "on"
+ ],
+ [
+ "I",
+ "K"
+ ],
+ [
+ "Ġover",
+ "sh"
+ ],
+ [
+ "fer",
+ "red"
+ ],
+ [
+ "Ġlinear",
+ "ly"
+ ],
+ [
+ "Â",
+ "§"
+ ],
+ [
+ "ĠR",
+ "EM"
+ ],
+ [
+ "Pro",
+ "cess"
+ ],
+ [
+ "ĠR",
+ "ut"
+ ],
+ [
+ "aw",
+ "ed"
+ ],
+ [
+ "Ġplat",
+ "inum"
+ ],
+ [
+ "Ġtransmit",
+ "ter"
+ ],
+ [
+ "Ġsel",
+ "enium"
+ ],
+ [
+ "P",
+ "erson"
+ ],
+ [
+ "w",
+ "rite"
+ ],
+ [
+ "Ġan",
+ "omaly"
+ ],
+ [
+ "oc",
+ "racies"
+ ],
+ [
+ "ĠGener",
+ "ator"
+ ],
+ [
+ "aryn",
+ "geal"
+ ],
+ [
+ "us",
+ "cular"
+ ],
+ [
+ "bol",
+ "ds"
+ ],
+ [
+ "ĠLanc",
+ "et"
+ ],
+ [
+ "ur",
+ "tle"
+ ],
+ [
+ "reng",
+ "th"
+ ],
+ [
+ "ĠAtt",
+ "ack"
+ ],
+ [
+ "inet",
+ "een"
+ ],
+ [
+ "(",
+ "key"
+ ],
+ [
+ "ĠF",
+ "rame"
+ ],
+ [
+ "mia",
+ "h"
+ ],
+ [
+ "Ġmicrop",
+ "ro"
+ ],
+ [
+ "Ġreb",
+ "el"
+ ],
+ [
+ "Ġtempt",
+ "ation"
+ ],
+ [
+ "Ġexcited",
+ "ly"
+ ],
+ [
+ "(",
+ "result"
+ ],
+ [
+ "Ġr",
+ "ider"
+ ],
+ [
+ "\"",
+ "]Ċ"
+ ],
+ [
+ "Ġobs",
+ "ession"
+ ],
+ [
+ "ĠReg",
+ "iment"
+ ],
+ [
+ "Ġdol",
+ "ls"
+ ],
+ [
+ "Ġabbrev",
+ "iations"
+ ],
+ [
+ "od",
+ "or"
+ ],
+ [
+ "ud",
+ "or"
+ ],
+ [
+ "ĠL",
+ "ob"
+ ],
+ [
+ "л",
+ "Ñı"
+ ],
+ [
+ "ĠH",
+ "C"
+ ],
+ [
+ "Ġacc",
+ "ents"
+ ],
+ [
+ "Ġbi",
+ "ologically"
+ ],
+ [
+ "ĠÐ",
+ "µ"
+ ],
+ [
+ "opl",
+ "astic"
+ ],
+ [
+ "ĠEll",
+ "en"
+ ],
+ [
+ "ĠForm",
+ "al"
+ ],
+ [
+ "Ġinvent",
+ "ors"
+ ],
+ [
+ "ĠG",
+ "am"
+ ],
+ [
+ "35",
+ "2"
+ ],
+ [
+ "Ġaw",
+ "akening"
+ ],
+ [
+ "Ġbehav",
+ "es"
+ ],
+ [
+ "h",
+ "ra"
+ ],
+ [
+ "s",
+ "omething"
+ ],
+ [
+ "Ġpay",
+ "load"
+ ],
+ [
+ "Ġrain",
+ "forests"
+ ],
+ [
+ "develop",
+ "ment"
+ ],
+ [
+ "L",
+ "atin"
+ ],
+ [
+ "ĠL",
+ "enn"
+ ],
+ [
+ "ĠRe",
+ "agan"
+ ],
+ [
+ "Ġpilgrim",
+ "age"
+ ],
+ [
+ "ec",
+ "ute"
+ ],
+ [
+ "pre",
+ "ting"
+ ],
+ [
+ "Ġball",
+ "oons"
+ ],
+ [
+ "Î",
+ "¬"
+ ],
+ [
+ "Ġarch",
+ "ival"
+ ],
+ [
+ "ri",
+ "en"
+ ],
+ [
+ "az",
+ "ole"
+ ],
+ [
+ "Ġscr",
+ "atching"
+ ],
+ [
+ "p",
+ "atic"
+ ],
+ [
+ "ĠV",
+ "ish"
+ ],
+ [
+ "()",
+ ")ĊĊ"
+ ],
+ [
+ "ĠText",
+ "s"
+ ],
+ [
+ "ĠAck",
+ "now"
+ ],
+ [
+ "T",
+ "Y"
+ ],
+ [
+ "ĠS",
+ "erve"
+ ],
+ [
+ "M",
+ "ove"
+ ],
+ [
+ "s",
+ "ur"
+ ],
+ [
+ "Ġsc",
+ "rib"
+ ],
+ [
+ "Ġequ",
+ "ilateral"
+ ],
+ [
+ "DA",
+ "Y"
+ ],
+ [
+ "I",
+ "oT"
+ ],
+ [
+ "ĠB",
+ "il"
+ ],
+ [
+ "Ġsp",
+ "arks"
+ ],
+ [
+ "Ġcur",
+ "se"
+ ],
+ [
+ "??",
+ "??"
+ ],
+ [
+ "E",
+ "dit"
+ ],
+ [
+ "33",
+ "4"
+ ],
+ [
+ "ĠConsult",
+ "ing"
+ ],
+ [
+ "Ġassemb",
+ "l"
+ ],
+ [
+ "Ġvertebra",
+ "e"
+ ],
+ [
+ "å",
+ "ī"
+ ],
+ [
+ "ĠH",
+ "ip"
+ ],
+ [
+ "ĠHE",
+ "ALTH"
+ ],
+ [
+ "ĠJ",
+ "P"
+ ],
+ [
+ "ĠChe",
+ "rokee"
+ ],
+ [
+ "Ġrevers",
+ "ible"
+ ],
+ [
+ "bolds",
+ "ymbol"
+ ],
+ [
+ "h",
+ "ift"
+ ],
+ [
+ "t",
+ "emp"
+ ],
+ [
+ "Ġd",
+ "p"
+ ],
+ [
+ "arch",
+ "ing"
+ ],
+ [
+ "ĠTheod",
+ "ore"
+ ],
+ [
+ "Ġthe",
+ "olog"
+ ],
+ [
+ "ou",
+ "ched"
+ ],
+ [
+ "ci",
+ "ences"
+ ],
+ [
+ "Ġac",
+ "hes"
+ ],
+ [
+ "ĠIS",
+ "SN"
+ ],
+ [
+ "-man",
+ "agement"
+ ],
+ [
+ "Ġcapital",
+ "ize"
+ ],
+ [
+ "Ġrival",
+ "ry"
+ ],
+ [
+ "ĠAx",
+ "is"
+ ],
+ [
+ "ĠAdvoc",
+ "acy"
+ ],
+ [
+ "m",
+ "t"
+ ],
+ [
+ "Ġac",
+ "he"
+ ],
+ [
+ "_",
+ "model"
+ ],
+ [
+ "ĠC",
+ "ream"
+ ],
+ [
+ "Ġhyp",
+ "ogly"
+ ],
+ [
+ "ĠRem",
+ "oval"
+ ],
+ [
+ "ĠRec",
+ "ipes"
+ ],
+ [
+ "Ġsecret",
+ "ly"
+ ],
+ [
+ ")",
+ "|"
+ ],
+ [
+ "ĠFil",
+ "ter"
+ ],
+ [
+ "Ġinf",
+ "in"
+ ],
+ [
+ "ĠHigh",
+ "light"
+ ],
+ [
+ "Ġsubt",
+ "ropical"
+ ],
+ [
+ "Ġbol",
+ "ts"
+ ],
+ [
+ "oint",
+ "ed"
+ ],
+ [
+ "Ġrank",
+ "ings"
+ ],
+ [
+ "ĠCP",
+ "R"
+ ],
+ [
+ "-b",
+ "order"
+ ],
+ [
+ "Ġfire",
+ "wall"
+ ],
+ [
+ "ĠAugust",
+ "us"
+ ],
+ [
+ "Ġ[âĢ¦",
+ "]"
+ ],
+ [
+ "Ġcr",
+ "ane"
+ ],
+ [
+ "âĢ¢",
+ "Ċ"
+ ],
+ [
+ "ĠâĪ",
+ "Ĩ"
+ ],
+ [
+ "ĠHar",
+ "lem"
+ ],
+ [
+ "Ġorient",
+ "ations"
+ ],
+ [
+ "ÑĤ",
+ "ÑĮ"
+ ],
+ [
+ "Ġa",
+ "unt"
+ ],
+ [
+ "ĠPar",
+ "as"
+ ],
+ [
+ "gg",
+ "ling"
+ ],
+ [
+ "-g",
+ "roup"
+ ],
+ [
+ "88",
+ "8"
+ ],
+ [
+ "ĠLo",
+ "op"
+ ],
+ [
+ "ĠE",
+ "vere"
+ ],
+ [
+ "ĠO",
+ "ECD"
+ ],
+ [
+ "Ġ__",
+ "_"
+ ],
+ [
+ "Ġassert",
+ "s"
+ ],
+ [
+ "Ġacqu",
+ "ainted"
+ ],
+ [
+ "âĪ",
+ "ŀ"
+ ],
+ [
+ "OC",
+ "s"
+ ],
+ [
+ "Ġhelm",
+ "ets"
+ ],
+ [
+ "0",
+ "40"
+ ],
+ [
+ "ĠL",
+ "or"
+ ],
+ [
+ "Ġro",
+ "oft"
+ ],
+ [
+ "ix",
+ "el"
+ ],
+ [
+ "amb",
+ "a"
+ ],
+ [
+ "Ġrock",
+ "ets"
+ ],
+ [
+ "ĠP",
+ "rices"
+ ],
+ [
+ "ĠE",
+ "F"
+ ],
+ [
+ "ator",
+ "ial"
+ ],
+ [
+ "ĠGl",
+ "obe"
+ ],
+ [
+ "Ġorth",
+ "odox"
+ ],
+ [
+ "Ġun",
+ "checked"
+ ],
+ [
+ "âĢĶ",
+ "including"
+ ],
+ [
+ "Ġd",
+ "na"
+ ],
+ [
+ "ĠM",
+ "Y"
+ ],
+ [
+ "ĠH",
+ "I"
+ ],
+ [
+ "ust",
+ "ers"
+ ],
+ [
+ "39",
+ "6"
+ ],
+ [
+ "ĠCar",
+ "negie"
+ ],
+ [
+ "ung",
+ "s"
+ ],
+ [
+ "t",
+ "ight"
+ ],
+ [
+ "cy",
+ "cles"
+ ],
+ [
+ "sec",
+ "ure"
+ ],
+ [
+ "F",
+ "unction"
+ ],
+ [
+ "Ġsyn",
+ "ag"
+ ],
+ [
+ "Ġmig",
+ "raines"
+ ],
+ [
+ "on",
+ "ucle"
+ ],
+ [
+ "ĠP",
+ "OW"
+ ],
+ [
+ "Ġachie",
+ "ves"
+ ],
+ [
+ "Ġsus",
+ "pects"
+ ],
+ [
+ "Ġoccup",
+ "ants"
+ ],
+ [
+ "G",
+ "D"
+ ],
+ [
+ "å",
+ "±"
+ ],
+ [
+ "Ġre",
+ "app"
+ ],
+ [
+ "Ġwe",
+ "ars"
+ ],
+ [
+ "Ġins",
+ "ist"
+ ],
+ [
+ "9",
+ "90"
+ ],
+ [
+ "Ġal",
+ "ve"
+ ],
+ [
+ "ert",
+ "ations"
+ ],
+ [
+ "Ġincre",
+ "mental"
+ ],
+ [
+ "ĠPh",
+ "araoh"
+ ],
+ [
+ "ĠRev",
+ "ision"
+ ],
+ [
+ "-",
+ "att"
+ ],
+ [
+ "T",
+ "urn"
+ ],
+ [
+ "ĠMe",
+ "ans"
+ ],
+ [
+ "ä¸",
+ "ĭ"
+ ],
+ [
+ "Ġturb",
+ "ulence"
+ ],
+ [
+ "Ġtranscript",
+ "s"
+ ],
+ [
+ "ĠEmploy",
+ "ee"
+ ],
+ [
+ "ĠAdm",
+ "iral"
+ ],
+ [
+ "Ġcush",
+ "ion"
+ ],
+ [
+ "w",
+ "ashing"
+ ],
+ [
+ "ĠS",
+ "ina"
+ ],
+ [
+ "ĠCard",
+ "iovascular"
+ ],
+ [
+ "ĠB",
+ "urns"
+ ],
+ [
+ "Ġgre",
+ "ase"
+ ],
+ [
+ "iche",
+ "ver"
+ ],
+ [
+ "w",
+ "atch"
+ ],
+ [
+ "ĠH",
+ "amburg"
+ ],
+ [
+ "ĠL",
+ "D"
+ ],
+ [
+ "``",
+ "}"
+ ],
+ [
+ "Ġf",
+ "lick"
+ ],
+ [
+ "ĠTem",
+ "per"
+ ],
+ [
+ "Ġinstant",
+ "aneous"
+ ],
+ [
+ "Ġsixt",
+ "eenth"
+ ],
+ [
+ "C",
+ "RI"
+ ],
+ [
+ "Ġun",
+ "seen"
+ ],
+ [
+ "F",
+ "uture"
+ ],
+ [
+ "yr",
+ "inth"
+ ],
+ [
+ "å",
+ "İ"
+ ],
+ [
+ "qu",
+ "o"
+ ],
+ [
+ "ag",
+ "os"
+ ],
+ [
+ "ĠK",
+ "un"
+ ],
+ [
+ "ID",
+ "s"
+ ],
+ [
+ "ĠPart",
+ "ner"
+ ],
+ [
+ "Ġnest",
+ "led"
+ ],
+ [
+ "ĠSn",
+ "ake"
+ ],
+ [
+ "Ġf",
+ "auc"
+ ],
+ [
+ "Ġprede",
+ "cessor"
+ ],
+ [
+ "7",
+ "60"
+ ],
+ [
+ "E",
+ "c"
+ ],
+ [
+ "ax",
+ "es"
+ ],
+ [
+ "Ġfoot",
+ "wear"
+ ],
+ [
+ "ĠMong",
+ "olia"
+ ],
+ [
+ "E",
+ "U"
+ ],
+ [
+ "Ġstr",
+ "ata"
+ ],
+ [
+ "Ġst",
+ "aring"
+ ],
+ [
+ "ĠOut",
+ "look"
+ ],
+ [
+ "ĠLead",
+ "ing"
+ ],
+ [
+ "Ġperpet",
+ "uating"
+ ],
+ [
+ "Ġf",
+ "ist"
+ ],
+ [
+ "ĠÎ",
+ "µ"
+ ],
+ [
+ "Ġimmun",
+ "ization"
+ ],
+ [
+ "Ġnucle",
+ "ic"
+ ],
+ [
+ "S",
+ "i"
+ ],
+ [
+ "âĢ",
+ "ł"
+ ],
+ [
+ "ud",
+ "er"
+ ],
+ [
+ "ĠB",
+ "asket"
+ ],
+ [
+ "pt",
+ "une"
+ ],
+ [
+ "Ġlocal",
+ "ization"
+ ],
+ [
+ "P",
+ "ositive"
+ ],
+ [
+ "|",
+ "R"
+ ],
+ [
+ "Ġtum",
+ "ult"
+ ],
+ [
+ "B",
+ "rown"
+ ],
+ [
+ "k",
+ "u"
+ ],
+ [
+ "Ġcent",
+ "r"
+ ],
+ [
+ "Ġopp",
+ "ressed"
+ ],
+ [
+ "ĠHab",
+ "its"
+ ],
+ [
+ "whe",
+ "ther"
+ ],
+ [
+ "au",
+ "f"
+ ],
+ [
+ "ĠSynt",
+ "hesis"
+ ],
+ [
+ "ĠC",
+ "ret"
+ ],
+ [
+ "ĠD",
+ "ear"
+ ],
+ [
+ "Ġco",
+ "y"
+ ],
+ [
+ "ĠDec",
+ "imals"
+ ],
+ [
+ "on",
+ "ite"
+ ],
+ [
+ "Ġpedest",
+ "rian"
+ ],
+ [
+ "Ġlabore",
+ "rs"
+ ],
+ [
+ "V",
+ "C"
+ ],
+ [
+ "Ġdeg",
+ "rade"
+ ],
+ [
+ "H",
+ "ouse"
+ ],
+ [
+ "Ġo",
+ "mitted"
+ ],
+ [
+ "Ġfre",
+ "t"
+ ],
+ [
+ "Ġharm",
+ "ing"
+ ],
+ [
+ "Ġrecon",
+ "cile"
+ ],
+ [
+ "Ġshield",
+ "ing"
+ ],
+ [
+ "åº",
+ "ı"
+ ],
+ [
+ "Ġmour",
+ "ning"
+ ],
+ [
+ "C",
+ "hemical"
+ ],
+ [
+ "ĠC",
+ "N"
+ ],
+ [
+ "Ġinspir",
+ "ational"
+ ],
+ [
+ "Ġpal",
+ "ate"
+ ],
+ [
+ "ne",
+ "igh"
+ ],
+ [
+ "Ġwa",
+ "ited"
+ ],
+ [
+ "Ġextr",
+ "ater"
+ ],
+ [
+ "S",
+ "ort"
+ ],
+ [
+ "Ġinvestig",
+ "ator"
+ ],
+ [
+ "Ġche",
+ "at"
+ ],
+ [
+ "Ġ,",
+ "Ċ"
+ ],
+ [
+ "-e",
+ "ye"
+ ],
+ [
+ "ĠCrit",
+ "ics"
+ ],
+ [
+ "Ġspont",
+ "aneously"
+ ],
+ [
+ "ish",
+ "i"
+ ],
+ [
+ "ruct",
+ "uring"
+ ],
+ [
+ "-pro",
+ "of"
+ ],
+ [
+ "gu",
+ "ard"
+ ],
+ [
+ "ĠInvestig",
+ "ate"
+ ],
+ [
+ "Ġ=",
+ "\\"
+ ],
+ [
+ "Ġroad",
+ "map"
+ ],
+ [
+ "M",
+ "onday"
+ ],
+ [
+ "d",
+ "p"
+ ],
+ [
+ "Ġp",
+ "ac"
+ ],
+ [
+ "Ġenc",
+ "ode"
+ ],
+ [
+ "Ġrequest",
+ "ing"
+ ],
+ [
+ "Ġrid",
+ "ges"
+ ],
+ [
+ "Ġspark",
+ "ling"
+ ],
+ [
+ "ress",
+ "or"
+ ],
+ [
+ "ĠCam",
+ "era"
+ ],
+ [
+ "cul",
+ "ous"
+ ],
+ [
+ "-d",
+ "ep"
+ ],
+ [
+ "Ġfac",
+ "ult"
+ ],
+ [
+ "ĠRep",
+ "ly"
+ ],
+ [
+ "ĠExper",
+ "iments"
+ ],
+ [
+ "Ġflu",
+ "ent"
+ ],
+ [
+ "Ġpra",
+ "irie"
+ ],
+ [
+ "4",
+ "12"
+ ],
+ [
+ "9",
+ "50"
+ ],
+ [
+ "ĠS",
+ "odium"
+ ],
+ [
+ "Ġnan",
+ "ot"
+ ],
+ [
+ "ĠGil",
+ "bert"
+ ],
+ [
+ "ĠBened",
+ "ict"
+ ],
+ [
+ "ĠM",
+ "au"
+ ],
+ [
+ "Ġcondition",
+ "ed"
+ ],
+ [
+ "resh",
+ "ape"
+ ],
+ [
+ "Ur",
+ "ban"
+ ],
+ [
+ "Ġemanc",
+ "ipation"
+ ],
+ [
+ "'",
+ "T"
+ ],
+ [
+ "B",
+ "rain"
+ ],
+ [
+ "Ġst",
+ "aggering"
+ ],
+ [
+ "ĠE",
+ "as"
+ ],
+ [
+ "pl",
+ "aced"
+ ],
+ [
+ "ĠSat",
+ "ellite"
+ ],
+ [
+ "ĠBul",
+ "lying"
+ ],
+ [
+ ".",
+ "âĢľ"
+ ],
+ [
+ "Ġl",
+ "ang"
+ ],
+ [
+ "ran",
+ "ial"
+ ],
+ [
+ "Ġrou",
+ "ters"
+ ],
+ [
+ "Ġcorrel",
+ "ates"
+ ],
+ [
+ "ĠCryptocur",
+ "rency"
+ ],
+ [
+ ".",
+ "print"
+ ],
+ [
+ "Ġl",
+ "ign"
+ ],
+ [
+ "60",
+ "1"
+ ],
+ [
+ "Ġsubst",
+ "itutes"
+ ],
+ [
+ "Ġper",
+ "for"
+ ],
+ [
+ "Ġmand",
+ "ates"
+ ],
+ [
+ "ĠRay",
+ "mond"
+ ],
+ [
+ "he",
+ "llo"
+ ],
+ [
+ "ĠN",
+ "g"
+ ],
+ [
+ "lig",
+ "ious"
+ ],
+ [
+ "Ġsh",
+ "ines"
+ ],
+ [
+ "Ġref",
+ "uses"
+ ],
+ [
+ "ĠF",
+ "BI"
+ ],
+ [
+ "ip",
+ "ing"
+ ],
+ [
+ "Ġmicro",
+ "s"
+ ],
+ [
+ "Ġmed",
+ "ial"
+ ],
+ [
+ "Ġla",
+ "ure"
+ ],
+ [
+ "âĢĶâĢĶ",
+ "âĢĶâĢĶ"
+ ],
+ [
+ "ĠL",
+ "C"
+ ],
+ [
+ "Ġfol",
+ "ic"
+ ],
+ [
+ "Ġhind",
+ "i"
+ ],
+ [
+ "Ġprest",
+ "ige"
+ ],
+ [
+ "Ġow",
+ "ls"
+ ],
+ [
+ "igm",
+ "oid"
+ ],
+ [
+ "Ġpo",
+ "inters"
+ ],
+ [
+ "ĠEx",
+ "cept"
+ ],
+ [
+ "ipp",
+ "les"
+ ],
+ [
+ "Ġbrack",
+ "et"
+ ],
+ [
+ "ĠAch",
+ "illes"
+ ],
+ [
+ "Ġmacroph",
+ "ages"
+ ],
+ [
+ "Ġreg",
+ "iment"
+ ],
+ [
+ "Ġher",
+ "ds"
+ ],
+ [
+ "Ġ{",
+ "}Ċ"
+ ],
+ [
+ "m",
+ "eter"
+ ],
+ [
+ "Ġth",
+ "ro"
+ ],
+ [
+ "op",
+ "p"
+ ],
+ [
+ "Ġunw",
+ "illing"
+ ],
+ [
+ "-develop",
+ "ed"
+ ],
+ [
+ "M",
+ "ic"
+ ],
+ [
+ "lo",
+ "op"
+ ],
+ [
+ "uis",
+ "ines"
+ ],
+ [
+ "ĠMechan",
+ "isms"
+ ],
+ [
+ "Ġg",
+ "ing"
+ ],
+ [
+ "ĠAl",
+ "m"
+ ],
+ [
+ "ĠRe",
+ "action"
+ ],
+ [
+ "ĠPer",
+ "ry"
+ ],
+ [
+ "ĠM",
+ "ao"
+ ],
+ [
+ "-m",
+ "et"
+ ],
+ [
+ "(",
+ ")čĊčĊ"
+ ],
+ [
+ "Ġh",
+ "rs"
+ ],
+ [
+ "ĠE",
+ "fficient"
+ ],
+ [
+ "Ġcap",
+ "illary"
+ ],
+ [
+ "Ġcuc",
+ "umbers"
+ ],
+ [
+ "ĠZh",
+ "ou"
+ ],
+ [
+ "Ġalleg",
+ "ations"
+ ],
+ [
+ "im",
+ "ar"
+ ],
+ [
+ "Ġhas",
+ "s"
+ ],
+ [
+ "Ġastron",
+ "omer"
+ ],
+ [
+ "w",
+ "alls"
+ ],
+ [
+ "Ġattack",
+ "ers"
+ ],
+ [
+ "Äģ",
+ "n"
+ ],
+ [
+ "ĠKir",
+ "k"
+ ],
+ [
+ "Ġan",
+ "eur"
+ ],
+ [
+ "Ġcam",
+ "oufl"
+ ],
+ [
+ "Ġabr",
+ "asive"
+ ],
+ [
+ "ĠS",
+ "cul"
+ ],
+ [
+ "Ġmon",
+ "k"
+ ],
+ [
+ "Ġmis",
+ "inter"
+ ],
+ [
+ "Ġcand",
+ "ies"
+ ],
+ [
+ "Ġchiropract",
+ "ic"
+ ],
+ [
+ "Ġam",
+ "alg"
+ ],
+ [
+ "ĠPsych",
+ "otherapy"
+ ],
+ [
+ "low",
+ "n"
+ ],
+ [
+ "Ġmill",
+ "igrams"
+ ],
+ [
+ "Ñģ",
+ "Ñı"
+ ],
+ [
+ "Ġpir",
+ "ates"
+ ],
+ [
+ "��",
+ "��"
+ ],
+ [
+ "{",
+ "A"
+ ],
+ [
+ "ĠS",
+ "yl"
+ ],
+ [
+ "-",
+ "occur"
+ ],
+ [
+ "Ġh",
+ "alls"
+ ],
+ [
+ "ĠK",
+ "et"
+ ],
+ [
+ "Ġpar",
+ "an"
+ ],
+ [
+ "ĠCivil",
+ "ization"
+ ],
+ [
+ "ĠTun",
+ "is"
+ ],
+ [
+ "ĠMor",
+ "rison"
+ ],
+ [
+ "ĠEnh",
+ "ancing"
+ ],
+ [
+ "ĠW",
+ "aves"
+ ],
+ [
+ "ther",
+ "mal"
+ ],
+ [
+ "op",
+ "edic"
+ ],
+ [
+ "ak",
+ "ra"
+ ],
+ [
+ "ĠEx",
+ "odus"
+ ],
+ [
+ "Ġantidepress",
+ "ants"
+ ],
+ [
+ "g",
+ "ames"
+ ],
+ [
+ "ĠS",
+ "oul"
+ ],
+ [
+ "Ġte",
+ "eming"
+ ],
+ [
+ "ĠTra",
+ "cking"
+ ],
+ [
+ "ep",
+ "hal"
+ ],
+ [
+ "(f",
+ "ile"
+ ],
+ [
+ "ĠHyd",
+ "ro"
+ ],
+ [
+ "G",
+ "reek"
+ ],
+ [
+ "Ġg",
+ "aseous"
+ ],
+ [
+ "ĠF",
+ "ro"
+ ],
+ [
+ "asion",
+ "ally"
+ ],
+ [
+ "omorph",
+ "ism"
+ ],
+ [
+ "Ġdial",
+ "ysis"
+ ],
+ [
+ "Ġpharmaceutical",
+ "s"
+ ],
+ [
+ "Know",
+ "ing"
+ ],
+ [
+ "Ġappre",
+ "hens"
+ ],
+ [
+ "Ġst",
+ "alk"
+ ],
+ [
+ "ĠUn",
+ "iform"
+ ],
+ [
+ "âĢĶ",
+ "from"
+ ],
+ [
+ "at",
+ "aka"
+ ],
+ [
+ "ĠF",
+ "riend"
+ ],
+ [
+ "so",
+ "il"
+ ],
+ [
+ "ĠFact",
+ "ory"
+ ],
+ [
+ "Ġprag",
+ "matic"
+ ],
+ [
+ "Ġold",
+ "s"
+ ],
+ [
+ "Ġver",
+ "n"
+ ],
+ [
+ "-ch",
+ "oice"
+ ],
+ [
+ "Ġadvis",
+ "ors"
+ ],
+ [
+ "H",
+ "as"
+ ],
+ [
+ "ĠBar",
+ "ry"
+ ],
+ [
+ "{",
+ "m"
+ ],
+ [
+ "Ġimp",
+ "lying"
+ ],
+ [
+ "cont",
+ "rol"
+ ],
+ [
+ "Ġscan",
+ "ner"
+ ],
+ [
+ "Ġbl",
+ "unt"
+ ],
+ [
+ "Ġalt",
+ "itudes"
+ ],
+ [
+ "ĠVik",
+ "ings"
+ ],
+ [
+ "nd",
+ "um"
+ ],
+ [
+ "ist",
+ "ries"
+ ],
+ [
+ "ĠÐ",
+ "Ĵ"
+ ],
+ [
+ "Ġid",
+ "ol"
+ ],
+ [
+ "Ġski",
+ "ing"
+ ],
+ [
+ "æŀ",
+ "ľ"
+ ],
+ [
+ "Ġbrit",
+ "ain"
+ ],
+ [
+ "c",
+ "imal"
+ ],
+ [
+ "Ġcar",
+ "riage"
+ ],
+ [
+ "Ġartificial",
+ "ly"
+ ],
+ [
+ "J",
+ "ack"
+ ],
+ [
+ "ces",
+ "ter"
+ ],
+ [
+ "Ġconsult",
+ "ed"
+ ],
+ [
+ "Ġmetabol",
+ "ites"
+ ],
+ [
+ "Man",
+ "aging"
+ ],
+ [
+ ".",
+ "lower"
+ ],
+ [
+ "/",
+ "k"
+ ],
+ [
+ "Ġt",
+ "mp"
+ ],
+ [
+ "Ġsh",
+ "amp"
+ ],
+ [
+ "Ġcar",
+ "rot"
+ ],
+ [
+ "ĠBar",
+ "on"
+ ],
+ [
+ "ĠU",
+ "tt"
+ ],
+ [
+ "Al",
+ "gebra"
+ ],
+ [
+ "rit",
+ "er"
+ ],
+ [
+ "ins",
+ "ky"
+ ],
+ [
+ "unt",
+ "u"
+ ],
+ [
+ "ĠRob",
+ "ot"
+ ],
+ [
+ "Ġdraft",
+ "s"
+ ],
+ [
+ "l",
+ "iest"
+ ],
+ [
+ "Ġimp",
+ "ending"
+ ],
+ [
+ "-C",
+ "ent"
+ ],
+ [
+ "ÑĢ",
+ "Ñĥ"
+ ],
+ [
+ "T",
+ "ri"
+ ],
+ [
+ "Ġactiv",
+ "ates"
+ ],
+ [
+ "ĠNumer",
+ "ical"
+ ],
+ [
+ "Ġintr",
+ "usion"
+ ],
+ [
+ "ĠRab",
+ "bit"
+ ],
+ [
+ "ĠGalile",
+ "o"
+ ],
+ [
+ "n",
+ "umpy"
+ ],
+ [
+ "ĠUlt",
+ "imate"
+ ],
+ [
+ "ĠProb",
+ "ably"
+ ],
+ [
+ ",",
+ "m"
+ ],
+ [
+ "are",
+ "rs"
+ ],
+ [
+ "Ġpat",
+ "ented"
+ ],
+ [
+ "Ġindu",
+ "ctive"
+ ],
+ [
+ "ĠDevelop",
+ "ed"
+ ],
+ [
+ "Ġfear",
+ "ful"
+ ],
+ [
+ "Ġmiscon",
+ "ception"
+ ],
+ [
+ "а",
+ "н"
+ ],
+ [
+ "Ġext",
+ "ant"
+ ],
+ [
+ "ull",
+ "ah"
+ ],
+ [
+ "ĠïĢ",
+ "«"
+ ],
+ [
+ "Ġb",
+ "iking"
+ ],
+ [
+ "ĠEd",
+ "mund"
+ ],
+ [
+ "Ġf",
+ "ission"
+ ],
+ [
+ "ĠH",
+ "DL"
+ ],
+ [
+ "Ġk",
+ "ay"
+ ],
+ [
+ "ĠM",
+ "ant"
+ ],
+ [
+ "bell",
+ "um"
+ ],
+ [
+ "Ġbuck",
+ "le"
+ ],
+ [
+ ")*",
+ "("
+ ],
+ [
+ "Ġter",
+ "ra"
+ ],
+ [
+ "35",
+ "1"
+ ],
+ [
+ "ĠOpportun",
+ "ity"
+ ],
+ [
+ "-",
+ "hyd"
+ ],
+ [
+ "Ġhe",
+ "els"
+ ],
+ [
+ "B",
+ "ul"
+ ],
+ [
+ "Ġch",
+ "ili"
+ ],
+ [
+ "ĠZ",
+ "n"
+ ],
+ [
+ "Ġinstrument",
+ "ation"
+ ],
+ [
+ "The",
+ "ore"
+ ],
+ [
+ "Ġleft",
+ "over"
+ ],
+ [
+ "Ġpath",
+ "ogenesis"
+ ],
+ [
+ "ON",
+ "D"
+ ],
+ [
+ "Ġby",
+ "te"
+ ],
+ [
+ "Ġgeneral",
+ "ization"
+ ],
+ [
+ "9",
+ "60"
+ ],
+ [
+ "Ġrespect",
+ "fully"
+ ],
+ [
+ "Commun",
+ "ication"
+ ],
+ [
+ "ect",
+ "s"
+ ],
+ [
+ "op",
+ "edia"
+ ],
+ [
+ "ĠBibli",
+ "ography"
+ ],
+ [
+ "H",
+ "ot"
+ ],
+ [
+ "ĠB",
+ "T"
+ ],
+ [
+ "qu",
+ "ant"
+ ],
+ [
+ "ĠO",
+ "E"
+ ],
+ [
+ "-th",
+ "ree"
+ ],
+ [
+ "-T",
+ "erm"
+ ],
+ [
+ "-",
+ "verbal"
+ ],
+ [
+ "al",
+ "us"
+ ],
+ [
+ "0",
+ "31"
+ ],
+ [
+ "he",
+ "e"
+ ],
+ [
+ "ĠA",
+ "K"
+ ],
+ [
+ "ard",
+ "i"
+ ],
+ [
+ "Ġsim",
+ "mer"
+ ],
+ [
+ "s",
+ "creen"
+ ],
+ [
+ "ĠC",
+ "ust"
+ ],
+ [
+ "Ġyou",
+ "ths"
+ ],
+ [
+ "ĠP",
+ "am"
+ ],
+ [
+ "Ġhur",
+ "ry"
+ ],
+ [
+ "Ġcontempl",
+ "ation"
+ ],
+ [
+ "Ġrefract",
+ "ive"
+ ],
+ [
+ "ĠOdys",
+ "sey"
+ ],
+ [
+ "ĠB",
+ "ark"
+ ],
+ [
+ "w",
+ "aters"
+ ],
+ [
+ "im",
+ "ps"
+ ],
+ [
+ "ĠCon",
+ "sequences"
+ ],
+ [
+ "Ġguess",
+ "ed"
+ ],
+ [
+ "ĠProp",
+ "ag"
+ ],
+ [
+ "Ġrehe",
+ "ars"
+ ],
+ [
+ "ĠPV",
+ "C"
+ ],
+ [
+ "Ġconjug",
+ "ate"
+ ],
+ [
+ "ĠR",
+ "ah"
+ ],
+ [
+ "ĠMan",
+ "it"
+ ],
+ [
+ "Ġeth",
+ "os"
+ ],
+ [
+ "p",
+ "ol"
+ ],
+ [
+ "ĠH",
+ "ide"
+ ],
+ [
+ "Ġapplic",
+ "ability"
+ ],
+ [
+ "Ġheaven",
+ "ly"
+ ],
+ [
+ ".",
+ "the"
+ ],
+ [
+ "ard",
+ "en"
+ ],
+ [
+ "ĠT",
+ "et"
+ ],
+ [
+ "Ġdiscount",
+ "ed"
+ ],
+ [
+ "Ġreserv",
+ "ations"
+ ],
+ [
+ "Ġgy",
+ "psum"
+ ],
+ [
+ "w",
+ "ash"
+ ],
+ [
+ "ĠT",
+ "roy"
+ ],
+ [
+ "Ġcatast",
+ "rophe"
+ ],
+ [
+ "R",
+ "D"
+ ],
+ [
+ "ĠS",
+ "we"
+ ],
+ [
+ "ph",
+ "ot"
+ ],
+ [
+ "ĠWest",
+ "minster"
+ ],
+ [
+ "L",
+ "in"
+ ],
+ [
+ "part",
+ "um"
+ ],
+ [
+ "ĠDist",
+ "ingu"
+ ],
+ [
+ "Ġdecom",
+ "pose"
+ ],
+ [
+ "ĠRe",
+ "velation"
+ ],
+ [
+ "protect",
+ "ed"
+ ],
+ [
+ "3",
+ "29"
+ ],
+ [
+ "ĠBul",
+ "garia"
+ ],
+ [
+ "ĠSh",
+ "ows"
+ ],
+ [
+ ".s",
+ "ort"
+ ],
+ [
+ "ĠConcer",
+ "ns"
+ ],
+ [
+ "ĠL",
+ "on"
+ ],
+ [
+ "(",
+ "iii"
+ ],
+ [
+ "ak",
+ "an"
+ ],
+ [
+ "ĠK",
+ "or"
+ ],
+ [
+ "Ġvis",
+ "a"
+ ],
+ [
+ "rapeut",
+ "ics"
+ ],
+ [
+ "Ġmanager",
+ "ial"
+ ],
+ [
+ "un",
+ "ches"
+ ],
+ [
+ "rad",
+ "ius"
+ ],
+ [
+ "Ġconv",
+ "ictions"
+ ],
+ [
+ "Def",
+ "ine"
+ ],
+ [
+ "che",
+ "z"
+ ],
+ [
+ "Ġdisput",
+ "ed"
+ ],
+ [
+ "Individual",
+ "s"
+ ],
+ [
+ ".d",
+ "ot"
+ ],
+ [
+ "Ġinequ",
+ "ities"
+ ],
+ [
+ "Ġimpart",
+ "ial"
+ ],
+ [
+ "R",
+ "oman"
+ ],
+ [
+ "Ġeth",
+ "ically"
+ ],
+ [
+ "-m",
+ "ain"
+ ],
+ [
+ "Ġrev",
+ "olve"
+ ],
+ [
+ "ĠWay",
+ "ne"
+ ],
+ [
+ "PS",
+ "S"
+ ],
+ [
+ "Ġsick",
+ "le"
+ ],
+ [
+ "Ġbath",
+ "s"
+ ],
+ [
+ "alam",
+ "us"
+ ],
+ [
+ "ĠAb",
+ "ility"
+ ],
+ [
+ "but",
+ "ton"
+ ],
+ [
+ "Ġaneur",
+ "ys"
+ ],
+ [
+ "ar",
+ "as"
+ ],
+ [
+ "ens",
+ "it"
+ ],
+ [
+ "Ġprot",
+ "r"
+ ],
+ [
+ "ĠMar",
+ "vel"
+ ],
+ [
+ "en",
+ "oid"
+ ],
+ [
+ "ĠYug",
+ "oslav"
+ ],
+ [
+ "Ġp",
+ "ore"
+ ],
+ [
+ "Ġent",
+ "renched"
+ ],
+ [
+ "T",
+ "ip"
+ ],
+ [
+ "Ġpond",
+ "er"
+ ],
+ [
+ "ĠEmploy",
+ "ees"
+ ],
+ [
+ "Ġquarant",
+ "ine"
+ ],
+ [
+ "f",
+ "ollow"
+ ],
+ [
+ "Ġch",
+ "asing"
+ ],
+ [
+ "ĠG",
+ "PT"
+ ],
+ [
+ "ĠAn",
+ "ch"
+ ],
+ [
+ "50",
+ "5"
+ ],
+ [
+ "ĠOtt",
+ "awa"
+ ],
+ [
+ "c",
+ "am"
+ ],
+ [
+ "Ġst",
+ "ricter"
+ ],
+ [
+ "Ġcrow",
+ "ns"
+ ],
+ [
+ "Ġdraft",
+ "ed"
+ ],
+ [
+ "opath",
+ "ology"
+ ],
+ [
+ "Ġell",
+ "ipse"
+ ],
+ [
+ "e",
+ "conomics"
+ ],
+ [
+ "ur",
+ "bs"
+ ],
+ [
+ "et",
+ "c"
+ ],
+ [
+ "ess",
+ "ing"
+ ],
+ [
+ "Ġsol",
+ "ves"
+ ],
+ [
+ "Ġorgan",
+ "elles"
+ ],
+ [
+ "lest",
+ "on"
+ ],
+ [
+ "Ġmiscar",
+ "riage"
+ ],
+ [
+ "ĠC",
+ "er"
+ ],
+ [
+ "ĠQu",
+ "art"
+ ],
+ [
+ "Ġtim",
+ "ed"
+ ],
+ [
+ "]",
+ "{"
+ ],
+ [
+ "n",
+ "ation"
+ ],
+ [
+ "ĠMarx",
+ "ist"
+ ],
+ [
+ "Ġamuse",
+ "ment"
+ ],
+ [
+ "G",
+ "G"
+ ],
+ [
+ "Ġcraw",
+ "l"
+ ],
+ [
+ "-bre",
+ "aking"
+ ],
+ [
+ "r",
+ "ity"
+ ],
+ [
+ "v",
+ "ous"
+ ],
+ [
+ "Ġdown",
+ "fall"
+ ],
+ [
+ "Ġâ",
+ "Ĺ"
+ ],
+ [
+ "Ġfell",
+ "owship"
+ ],
+ [
+ "ĠRest",
+ "aur"
+ ],
+ [
+ "M",
+ "AP"
+ ],
+ [
+ "lam",
+ "yd"
+ ],
+ [
+ "ĠMcD",
+ "onald"
+ ],
+ [
+ "Ġp",
+ "ans"
+ ],
+ [
+ "Ġlaun",
+ "ches"
+ ],
+ [
+ "Ġwitch",
+ "craft"
+ ],
+ [
+ "Ġp",
+ "addle"
+ ],
+ [
+ "Ġinter",
+ "fer"
+ ],
+ [
+ "ĠLight",
+ "ing"
+ ],
+ [
+ "-Americ",
+ "ans"
+ ],
+ [
+ "od",
+ "on"
+ ],
+ [
+ "end",
+ "as"
+ ],
+ [
+ "ĠMon",
+ "ument"
+ ],
+ [
+ "arian",
+ "ism"
+ ],
+ [
+ "Ġconj",
+ "unct"
+ ],
+ [
+ "ĠT",
+ "ub"
+ ],
+ [
+ "Ġel",
+ "ites"
+ ],
+ [
+ "-t",
+ "op"
+ ],
+ [
+ "Ġculture",
+ "d"
+ ],
+ [
+ "Ġblock",
+ "age"
+ ],
+ [
+ "34",
+ "6"
+ ],
+ [
+ "Ġforg",
+ "ive"
+ ],
+ [
+ "Y",
+ "e"
+ ],
+ [
+ "ç",
+ "¨"
+ ],
+ [
+ "ĠMot",
+ "ivation"
+ ],
+ [
+ "ĠYellow",
+ "stone"
+ ],
+ [
+ "ar",
+ "ag"
+ ],
+ [
+ "sell",
+ "er"
+ ],
+ [
+ "Ġdilig",
+ "ence"
+ ],
+ [
+ "B",
+ "u"
+ ],
+ [
+ "ĠWe",
+ "ak"
+ ],
+ [
+ "Ġcovari",
+ "ance"
+ ],
+ [
+ "g",
+ "rams"
+ ],
+ [
+ "Ġreb",
+ "uilding"
+ ],
+ [
+ "Web",
+ "ster"
+ ],
+ [
+ "T",
+ "D"
+ ],
+ [
+ "ĠMicrob",
+ "iology"
+ ],
+ [
+ ".",
+ "col"
+ ],
+ [
+ "5",
+ "70"
+ ],
+ [
+ "c",
+ "akes"
+ ],
+ [
+ "Ġdi",
+ "vert"
+ ],
+ [
+ "Every",
+ "thing"
+ ],
+ [
+ "Ġwhit",
+ "ening"
+ ],
+ [
+ "od",
+ "iac"
+ ],
+ [
+ "Ġ(",
+ "@"
+ ],
+ [
+ "ĠEurek",
+ "Alert"
+ ],
+ [
+ "Ġread",
+ "ability"
+ ],
+ [
+ "Ġcommunic",
+ "ates"
+ ],
+ [
+ "Ġast",
+ "rology"
+ ],
+ [
+ "Ġstem",
+ "ming"
+ ],
+ [
+ "ĠA",
+ "j"
+ ],
+ [
+ "od",
+ "en"
+ ],
+ [
+ "Ġg",
+ "ust"
+ ],
+ [
+ "Ġref",
+ "rain"
+ ],
+ [
+ "Ġc",
+ "ros"
+ ],
+ [
+ "Ġfol",
+ "ate"
+ ],
+ [
+ "ĠAs",
+ "pects"
+ ],
+ [
+ "ĠC",
+ "IA"
+ ],
+ [
+ "Ġab",
+ "re"
+ ],
+ [
+ "Ġins",
+ "ur"
+ ],
+ [
+ "ĠNot",
+ "able"
+ ],
+ [
+ "ĠFran",
+ "ç"
+ ],
+ [
+ "Ġfingert",
+ "ips"
+ ],
+ [
+ "?",
+ "!ĊĊ"
+ ],
+ [
+ "c",
+ "it"
+ ],
+ [
+ "i",
+ "ya"
+ ],
+ [
+ "ver",
+ "ting"
+ ],
+ [
+ "ĠMar",
+ "itime"
+ ],
+ [
+ "l",
+ "oo"
+ ],
+ [
+ "Ġsmall",
+ "pox"
+ ],
+ [
+ "Ġsurviv",
+ "or"
+ ],
+ [
+ "ĠL",
+ "ots"
+ ],
+ [
+ "ph",
+ "ys"
+ ],
+ [
+ "Ġtr",
+ "ivia"
+ ],
+ [
+ "Ġin",
+ "mates"
+ ],
+ [
+ "ĠSk",
+ "ill"
+ ],
+ [
+ "ĠStr",
+ "at"
+ ],
+ [
+ "(",
+ "G"
+ ],
+ [
+ "he",
+ "el"
+ ],
+ [
+ "ot",
+ "ting"
+ ],
+ [
+ "Ġpan",
+ "or"
+ ],
+ [
+ "}$",
+ ".ĊĊ"
+ ],
+ [
+ "part",
+ "icularly"
+ ],
+ [
+ "Mat",
+ "thew"
+ ],
+ [
+ "ĠConstantin",
+ "ople"
+ ],
+ [
+ "N",
+ "ormal"
+ ],
+ [
+ "ĠW",
+ "it"
+ ],
+ [
+ "âĢĿ",
+ ";"
+ ],
+ [
+ "uc",
+ "he"
+ ],
+ [
+ "erg",
+ "us"
+ ],
+ [
+ "Ġsl",
+ "ipp"
+ ],
+ [
+ "ĠGe",
+ "or"
+ ],
+ [
+ "r",
+ "ime"
+ ],
+ [
+ "|",
+ "Number"
+ ],
+ [
+ "Ġk",
+ "s"
+ ],
+ [
+ "Ġimm",
+ "inent"
+ ],
+ [
+ "35",
+ "3"
+ ],
+ [
+ "ĠBar",
+ "riers"
+ ],
+ [
+ "ĠAdv",
+ "ice"
+ ],
+ [
+ "Ġunre",
+ "liable"
+ ],
+ [
+ "åŃ",
+ "IJ"
+ ],
+ [
+ "Ġpave",
+ "ment"
+ ],
+ [
+ "F",
+ "lu"
+ ],
+ [
+ "ĠS",
+ "ik"
+ ],
+ [
+ "Ġco",
+ "ch"
+ ],
+ [
+ "ĠPed",
+ "ro"
+ ],
+ [
+ "if",
+ "lower"
+ ],
+ [
+ "Ġdec",
+ "ree"
+ ],
+ [
+ "Ġcrit",
+ "iques"
+ ],
+ [
+ "Ġcapac",
+ "itance"
+ ],
+ [
+ "ĠPo",
+ "ems"
+ ],
+ [
+ "Ġdiscl",
+ "osed"
+ ],
+ [
+ "Coll",
+ "ins"
+ ],
+ [
+ "-vol",
+ "ume"
+ ],
+ [
+ ".",
+ "sc"
+ ],
+ [
+ "Ġag",
+ "ar"
+ ],
+ [
+ "Ġcor",
+ "nea"
+ ],
+ [
+ "Ġneuro",
+ "deg"
+ ],
+ [
+ "ĠPlant",
+ "ing"
+ ],
+ [
+ "Ġpsychiat",
+ "rist"
+ ],
+ [
+ "ĠR",
+ "het"
+ ],
+ [
+ "ett",
+ "i"
+ ],
+ [
+ "T",
+ "ECHNOLOGY"
+ ],
+ [
+ "Ġst",
+ "d"
+ ],
+ [
+ "uck",
+ "ing"
+ ],
+ [
+ "Ġcompound",
+ "ed"
+ ],
+ [
+ "l",
+ "inks"
+ ],
+ [
+ "}",
+ "&"
+ ],
+ [
+ "he",
+ "mer"
+ ],
+ [
+ "is",
+ "ations"
+ ],
+ [
+ "Ġm",
+ "oms"
+ ],
+ [
+ "ĠC",
+ "AS"
+ ],
+ [
+ "Ġqu",
+ "il"
+ ],
+ [
+ "Ġdi",
+ "abetics"
+ ],
+ [
+ "([",
+ "["
+ ],
+ [
+ "ĠCo",
+ "operative"
+ ],
+ [
+ "Ġsu",
+ "nd"
+ ],
+ [
+ "ðĿij",
+ "¥"
+ ],
+ [
+ "Ġsymptom",
+ "atic"
+ ],
+ [
+ "H",
+ "appy"
+ ],
+ [
+ "v",
+ "r"
+ ],
+ [
+ "ĠP",
+ "enguin"
+ ],
+ [
+ "ĠY",
+ "orkshire"
+ ],
+ [
+ "Ġinf",
+ "erences"
+ ],
+ [
+ "Ġgrass",
+ "land"
+ ],
+ [
+ "ĠWi",
+ "Fi"
+ ],
+ [
+ "ĠLie",
+ "utenant"
+ ],
+ [
+ "Ġcorrect",
+ "ing"
+ ],
+ [
+ "Ġtender",
+ "ness"
+ ],
+ [
+ ".",
+ "remove"
+ ],
+ [
+ "ĠH",
+ "es"
+ ],
+ [
+ "ĠRe",
+ "becca"
+ ],
+ [
+ "Ġshort",
+ "cuts"
+ ],
+ [
+ "Ġeffic",
+ "iencies"
+ ],
+ [
+ "ĠMiss",
+ "ing"
+ ],
+ [
+ "Ġsle",
+ "ek"
+ ],
+ [
+ "Ġcontin",
+ "ual"
+ ],
+ [
+ "Ġimag",
+ "ining"
+ ],
+ [
+ "Pl",
+ "us"
+ ],
+ [
+ "Ġfinger",
+ "print"
+ ],
+ [
+ "ard",
+ "e"
+ ],
+ [
+ "Ġtre",
+ "k"
+ ],
+ [
+ "Ġnote",
+ "books"
+ ],
+ [
+ "Ġsubsc",
+ "ript"
+ ],
+ [
+ "Ġgad",
+ "get"
+ ],
+ [
+ "ĠPract",
+ "ition"
+ ],
+ [
+ "in",
+ "ished"
+ ],
+ [
+ "Ġd",
+ "umb"
+ ],
+ [
+ "ĠG",
+ "ly"
+ ],
+ [
+ "ĠPur",
+ "ple"
+ ],
+ [
+ "R",
+ "ate"
+ ],
+ [
+ "Ġto",
+ "fu"
+ ],
+ [
+ "ĠSc",
+ "en"
+ ],
+ [
+ "ĠCart",
+ "esian"
+ ],
+ [
+ "Ġo",
+ "ve"
+ ],
+ [
+ "Ġwh",
+ "isk"
+ ],
+ [
+ "Ġvibr",
+ "ating"
+ ],
+ [
+ "Col",
+ "lege"
+ ],
+ [
+ "+",
+ ","
+ ],
+ [
+ "c",
+ "ub"
+ ],
+ [
+ "pl",
+ "ings"
+ ],
+ [
+ "Ġpar",
+ "ade"
+ ],
+ [
+ "Ġetc",
+ "hed"
+ ],
+ [
+ "ĠâĪ",
+ "§"
+ ],
+ [
+ "ĠRec",
+ "all"
+ ],
+ [
+ "Ġhing",
+ "es"
+ ],
+ [
+ "ĠWord",
+ "Press"
+ ],
+ [
+ "Ġminim",
+ "ized"
+ ],
+ [
+ "Ġf",
+ "ences"
+ ],
+ [
+ "Ġb",
+ "ishops"
+ ],
+ [
+ "ä¸",
+ "Ĭ"
+ ],
+ [
+ "ĠST",
+ "D"
+ ],
+ [
+ "ĠOri",
+ "ental"
+ ],
+ [
+ "Ġper",
+ "i"
+ ],
+ [
+ ",",
+ "...Ċ"
+ ],
+ [
+ "4",
+ "35"
+ ],
+ [
+ "ew",
+ "s"
+ ],
+ [
+ "Ġsuper",
+ "nov"
+ ],
+ [
+ "ÂĿÂij",
+ "Â"
+ ],
+ [
+ "Ġ",
+ "ðĿIJ"
+ ],
+ [
+ "Ġhy",
+ "gien"
+ ],
+ [
+ "4",
+ "13"
+ ],
+ [
+ "ent",
+ "a"
+ ],
+ [
+ "ĠSe",
+ "crets"
+ ],
+ [
+ "5",
+ "19"
+ ],
+ [
+ "c",
+ "p"
+ ],
+ [
+ "ĠA",
+ "CE"
+ ],
+ [
+ "iqu",
+ "ed"
+ ],
+ [
+ "Ġspot",
+ "ting"
+ ],
+ [
+ "fol",
+ "ios"
+ ],
+ [
+ "l",
+ "ash"
+ ],
+ [
+ "Ġpro",
+ "secution"
+ ],
+ [
+ "be",
+ "k"
+ ],
+ [
+ "-e",
+ "yed"
+ ],
+ [
+ "Ġinterp",
+ "olation"
+ ],
+ [
+ "Ġsl",
+ "udge"
+ ],
+ [
+ "Ġmart",
+ "in"
+ ],
+ [
+ "G",
+ "rowing"
+ ],
+ [
+ "ĠV",
+ "ern"
+ ],
+ [
+ "Ġpo",
+ "op"
+ ],
+ [
+ "Ġ",
+ "}}"
+ ],
+ [
+ "ĠRe",
+ "levant"
+ ],
+ [
+ "ĠEditor",
+ "ial"
+ ],
+ [
+ "ĠWind",
+ "ow"
+ ],
+ [
+ "t",
+ "ag"
+ ],
+ [
+ "Ġmass",
+ "acre"
+ ],
+ [
+ "Ġch",
+ "unk"
+ ],
+ [
+ "Ġtur",
+ "f"
+ ],
+ [
+ "Ġsal",
+ "v"
+ ],
+ [
+ ");",
+ "ĊĊ"
+ ],
+ [
+ "ĠLl",
+ "oyd"
+ ],
+ [
+ "in",
+ "oid"
+ ],
+ [
+ "ĠDr",
+ "iving"
+ ],
+ [
+ "ĠC",
+ "odes"
+ ],
+ [
+ "Ġat",
+ "roc"
+ ],
+ [
+ "ĠSl",
+ "ave"
+ ],
+ [
+ "Ġunem",
+ "ployed"
+ ],
+ [
+ "off",
+ "rey"
+ ],
+ [
+ "law",
+ "ful"
+ ],
+ [
+ "ĠC",
+ "oding"
+ ],
+ [
+ "ĠR",
+ "oles"
+ ],
+ [
+ "IC",
+ "EF"
+ ],
+ [
+ "ĠG",
+ "or"
+ ],
+ [
+ "ĠJ",
+ "ak"
+ ],
+ [
+ "Ġsw",
+ "ay"
+ ],
+ [
+ "ucalypt",
+ "us"
+ ],
+ [
+ "c",
+ "ock"
+ ],
+ [
+ "ion",
+ "age"
+ ],
+ [
+ "Ġdocument",
+ "aries"
+ ],
+ [
+ "ĠPut",
+ "ting"
+ ],
+ [
+ "Ġlin",
+ "en"
+ ],
+ [
+ "Ġpower",
+ "point"
+ ],
+ [
+ "Ġfire",
+ "works"
+ ],
+ [
+ "Ġresid",
+ "ency"
+ ],
+ [
+ "Ġmanif",
+ "old"
+ ],
+ [
+ "Ġdimin",
+ "ishing"
+ ],
+ [
+ "-tra",
+ "umatic"
+ ],
+ [
+ "ĠInfect",
+ "ions"
+ ],
+ [
+ "Ġoverc",
+ "row"
+ ],
+ [
+ "Ġo",
+ "edipus"
+ ],
+ [
+ "ĠB",
+ "har"
+ ],
+ [
+ "k",
+ "al"
+ ],
+ [
+ "ĠVer",
+ "b"
+ ],
+ [
+ "Ġm",
+ "all"
+ ],
+ [
+ "Ġinv",
+ "asions"
+ ],
+ [
+ "Ġkid",
+ "n"
+ ],
+ [
+ "Ġapart",
+ "heid"
+ ],
+ [
+ "ĠLA",
+ "W"
+ ],
+ [
+ "C",
+ "reated"
+ ],
+ [
+ "Ġmore",
+ "over"
+ ],
+ [
+ "be",
+ "es"
+ ],
+ [
+ "Ġterr",
+ "ifying"
+ ],
+ [
+ "it",
+ "one"
+ ],
+ [
+ "C",
+ "ategory"
+ ],
+ [
+ "OW",
+ "N"
+ ],
+ [
+ "Ġl",
+ "uther"
+ ],
+ [
+ "ng",
+ "oing"
+ ],
+ [
+ "Ġexempl",
+ "ary"
+ ],
+ [
+ "D",
+ "er"
+ ],
+ [
+ "r",
+ "ar"
+ ],
+ [
+ "Ġp",
+ "ian"
+ ],
+ [
+ "Ġhomeschool",
+ "ing"
+ ],
+ [
+ "Ġwrink",
+ "les"
+ ],
+ [
+ "ad",
+ "ding"
+ ],
+ [
+ "Ġj",
+ "ets"
+ ],
+ [
+ "Ġbuild",
+ "er"
+ ],
+ [
+ "Ġflav",
+ "on"
+ ],
+ [
+ "ĠN",
+ "W"
+ ],
+ [
+ "Ġpe",
+ "asant"
+ ],
+ [
+ "Ġfin",
+ "er"
+ ],
+ [
+ "ĠBel",
+ "gian"
+ ],
+ [
+ "Ġharmon",
+ "iously"
+ ],
+ [
+ "if",
+ "era"
+ ],
+ [
+ "Ġeye",
+ "b"
+ ],
+ [
+ "Ġroof",
+ "ing"
+ ],
+ [
+ "ĠCR",
+ "ISPR"
+ ],
+ [
+ "H",
+ "g"
+ ],
+ [
+ "\\",
+ "'"
+ ],
+ [
+ "40",
+ "6"
+ ],
+ [
+ "Ġrh",
+ "omb"
+ ],
+ [
+ "il",
+ "ers"
+ ],
+ [
+ "ib",
+ "e"
+ ],
+ [
+ "ough",
+ "ton"
+ ],
+ [
+ "ĠGen",
+ "ome"
+ ],
+ [
+ "Ġlecture",
+ "r"
+ ],
+ [
+ "ĠReyn",
+ "olds"
+ ],
+ [
+ "ĠO",
+ "edipus"
+ ],
+ [
+ "ĠSp",
+ "atial"
+ ],
+ [
+ "Tra",
+ "ining"
+ ],
+ [
+ "ĠIn",
+ "cluded"
+ ],
+ [
+ "ĠAn",
+ "onymous"
+ ],
+ [
+ "Ġperm",
+ "utation"
+ ],
+ [
+ "ĠScandinav",
+ "ian"
+ ],
+ [
+ "D",
+ "ear"
+ ],
+ [
+ "Ġr",
+ "ins"
+ ],
+ [
+ "lim",
+ "s"
+ ],
+ [
+ "Ġst",
+ "ochastic"
+ ],
+ [
+ "ĠH",
+ "od"
+ ],
+ [
+ "Ġpartic",
+ "iple"
+ ],
+ [
+ "Ġcoll",
+ "ateral"
+ ],
+ [
+ "Cont",
+ "ent"
+ ],
+ [
+ "mun",
+ "ition"
+ ],
+ [
+ "ĠWe",
+ "alth"
+ ],
+ [
+ "Applic",
+ "ation"
+ ],
+ [
+ "Ġl",
+ "st"
+ ],
+ [
+ "-f",
+ "ood"
+ ],
+ [
+ "Ġster",
+ "oid"
+ ],
+ [
+ "Ġh",
+ "ives"
+ ],
+ [
+ "rab",
+ "ic"
+ ],
+ [
+ "Ġbrand",
+ "ing"
+ ],
+ [
+ "ĠScot",
+ "ia"
+ ],
+ [
+ "angel",
+ "o"
+ ],
+ [
+ "Ġanten",
+ "nas"
+ ],
+ [
+ "op",
+ "per"
+ ],
+ [
+ "Ġinst",
+ "itutes"
+ ],
+ [
+ "ĠAss",
+ "ist"
+ ],
+ [
+ "ĠAss",
+ "uming"
+ ],
+ [
+ "am",
+ "os"
+ ],
+ [
+ "Ġaud",
+ "its"
+ ],
+ [
+ "Ġescal",
+ "ating"
+ ],
+ [
+ "Ġredund",
+ "ant"
+ ],
+ [
+ "Ġcott",
+ "age"
+ ],
+ [
+ "h",
+ "og"
+ ],
+ [
+ "ond",
+ "o"
+ ],
+ [
+ "Ġserv",
+ "ings"
+ ],
+ [
+ "olic",
+ "y"
+ ],
+ [
+ "ĠDeb",
+ "t"
+ ],
+ [
+ "Ġsne",
+ "ezing"
+ ],
+ [
+ "ĠHaz",
+ "ard"
+ ],
+ [
+ "Ġsm",
+ "iling"
+ ],
+ [
+ "Ġc",
+ "ovalent"
+ ],
+ [
+ "ĠH",
+ "off"
+ ],
+ [
+ "ĠH",
+ "orses"
+ ],
+ [
+ "Ġsound",
+ "ed"
+ ],
+ [
+ "Ġshore",
+ "line"
+ ],
+ [
+ "6",
+ "60"
+ ],
+ [
+ "Ġres",
+ "urgence"
+ ],
+ [
+ "Ġer",
+ "ase"
+ ],
+ [
+ "ur",
+ "as"
+ ],
+ [
+ "Ġsu",
+ "ction"
+ ],
+ [
+ "Ġch",
+ "icks"
+ ],
+ [
+ "ĠOw",
+ "en"
+ ],
+ [
+ "),",
+ "("
+ ],
+ [
+ "Ġdecl",
+ "ares"
+ ],
+ [
+ "q",
+ "a"
+ ],
+ [
+ "st",
+ "ory"
+ ],
+ [
+ "Ġinter",
+ "connect"
+ ],
+ [
+ "-st",
+ "ates"
+ ],
+ [
+ "08",
+ "1"
+ ],
+ [
+ "ĠH",
+ "av"
+ ],
+ [
+ "ĠUn",
+ "known"
+ ],
+ [
+ "ĠRe",
+ "ed"
+ ],
+ [
+ "ĠT",
+ "ensor"
+ ],
+ [
+ "Ġle",
+ "uk"
+ ],
+ [
+ "rupt",
+ "ed"
+ ],
+ [
+ "Profess",
+ "ional"
+ ],
+ [
+ "Ġgorge",
+ "ous"
+ ],
+ [
+ ".",
+ "Google"
+ ],
+ [
+ "Pl",
+ "ayer"
+ ],
+ [
+ "ĠVlad",
+ "imir"
+ ],
+ [
+ "Ġre",
+ "imb"
+ ],
+ [
+ "Ġdenomin",
+ "ators"
+ ],
+ [
+ "ĠWars",
+ "aw"
+ ],
+ [
+ "Ġimmort",
+ "al"
+ ],
+ [
+ "Ġh",
+ "r"
+ ],
+ [
+ "ĠS",
+ "itu"
+ ],
+ [
+ "Ġem",
+ "ig"
+ ],
+ [
+ "Ġident",
+ "ifier"
+ ],
+ [
+ "oph",
+ "ila"
+ ],
+ [
+ "ĠP",
+ "up"
+ ],
+ [
+ "Ġpl",
+ "ung"
+ ],
+ [
+ "ick",
+ "ness"
+ ],
+ [
+ "Ġhunt",
+ "ed"
+ ],
+ [
+ "Ġtemp",
+ "o"
+ ],
+ [
+ "Ġà¤",
+ "¹"
+ ],
+ [
+ "l",
+ "iter"
+ ],
+ [
+ "ê",
+ "°"
+ ],
+ [
+ "Ġlav",
+ "ender"
+ ],
+ [
+ "Ġp",
+ "he"
+ ],
+ [
+ "IC",
+ "A"
+ ],
+ [
+ "Rich",
+ "ard"
+ ],
+ [
+ "Ġwork",
+ "piece"
+ ],
+ [
+ "05",
+ "2"
+ ],
+ [
+ "ĠB",
+ "og"
+ ],
+ [
+ "Ġscreen",
+ "ings"
+ ],
+ [
+ "ĠAdoles",
+ "cent"
+ ],
+ [
+ "g",
+ "ang"
+ ],
+ [
+ "ĠPer",
+ "ception"
+ ],
+ [
+ "Ġrot",
+ "ations"
+ ],
+ [
+ "-off",
+ "s"
+ ],
+ [
+ "sym",
+ "bol"
+ ],
+ [
+ "Ġplat",
+ "o"
+ ],
+ [
+ "ĠSens",
+ "or"
+ ],
+ [
+ "approx",
+ "imately"
+ ],
+ [
+ "ĠTreat",
+ "ments"
+ ],
+ [
+ "Ġreb",
+ "irth"
+ ],
+ [
+ "oplas",
+ "mic"
+ ],
+ [
+ "Ġcl",
+ "oses"
+ ],
+ [
+ "othe",
+ "lioma"
+ ],
+ [
+ "Ġfil",
+ "ename"
+ ],
+ [
+ "Ġjud",
+ "ging"
+ ],
+ [
+ "ĠIS",
+ "S"
+ ],
+ [
+ "net",
+ "t"
+ ],
+ [
+ "ĠNob",
+ "le"
+ ],
+ [
+ "ĠT",
+ "ort"
+ ],
+ [
+ "ur",
+ "us"
+ ],
+ [
+ "Ġlat",
+ "in"
+ ],
+ [
+ "Ġfire",
+ "arms"
+ ],
+ [
+ "Ġreb",
+ "uilt"
+ ],
+ [
+ "N",
+ "orm"
+ ],
+ [
+ "ason",
+ "able"
+ ],
+ [
+ "EM",
+ "S"
+ ],
+ [
+ "Ġeight",
+ "y"
+ ],
+ [
+ "utter",
+ "ing"
+ ],
+ [
+ "ĠM",
+ "ED"
+ ],
+ [
+ "ĠIn",
+ "clusive"
+ ],
+ [
+ "um",
+ "or"
+ ],
+ [
+ "Ġfore",
+ "ground"
+ ],
+ [
+ "fess",
+ "ional"
+ ],
+ [
+ "ĠA",
+ "W"
+ ],
+ [
+ "ich",
+ "t"
+ ],
+ [
+ "Ġgl",
+ "orious"
+ ],
+ [
+ ".",
+ "/"
+ ],
+ [
+ "l",
+ "os"
+ ],
+ [
+ "Ġref",
+ "using"
+ ],
+ [
+ "oz",
+ "oic"
+ ],
+ [
+ "Ġsubscrib",
+ "ers"
+ ],
+ [
+ "Ġl",
+ "enders"
+ ],
+ [
+ "Ġneglig",
+ "ence"
+ ],
+ [
+ "ĠJS",
+ "ON"
+ ],
+ [
+ "ĠIt",
+ "al"
+ ],
+ [
+ "Ġins",
+ "ulating"
+ ],
+ [
+ "Ġconce",
+ "ive"
+ ],
+ [
+ "ur",
+ "st"
+ ],
+ [
+ "Ġreact",
+ "ing"
+ ],
+ [
+ "ĠM",
+ "BA"
+ ],
+ [
+ "Ġassemb",
+ "lies"
+ ],
+ [
+ "Ġfollic",
+ "les"
+ ],
+ [
+ "at",
+ "ism"
+ ],
+ [
+ "ĠPay",
+ "ment"
+ ],
+ [
+ "Ġalien",
+ "ation"
+ ],
+ [
+ "Ġneurotransmit",
+ "ter"
+ ],
+ [
+ "ĠW",
+ "alt"
+ ],
+ [
+ "oc",
+ "ultural"
+ ],
+ [
+ "ars",
+ "er"
+ ],
+ [
+ "ĠFe",
+ "et"
+ ],
+ [
+ "Ã",
+ "°"
+ ],
+ [
+ "Ġpub",
+ "lishes"
+ ],
+ [
+ "Ġinvol",
+ "untary"
+ ],
+ [
+ "Ch",
+ "ronic"
+ ],
+ [
+ "Ġfib",
+ "rous"
+ ],
+ [
+ "Ġyouth",
+ "ful"
+ ],
+ [
+ "Ġdiff",
+ "raction"
+ ],
+ [
+ "ĠSh",
+ "iva"
+ ],
+ [
+ "Ġpred",
+ "ic"
+ ],
+ [
+ "ĠPub",
+ "Med"
+ ],
+ [
+ "ĠPow",
+ "der"
+ ],
+ [
+ "ĠStain",
+ "less"
+ ],
+ [
+ "ug",
+ "a"
+ ],
+ [
+ "hat",
+ "ma"
+ ],
+ [
+ "Ġspecial",
+ "ties"
+ ],
+ [
+ "Ġdeb",
+ "it"
+ ],
+ [
+ "Ġshar",
+ "pen"
+ ],
+ [
+ "Ġawa",
+ "iting"
+ ],
+ [
+ "Ġworkflow",
+ "s"
+ ],
+ [
+ "Ġf",
+ "abulous"
+ ],
+ [
+ "ĠShel",
+ "ley"
+ ],
+ [
+ ".",
+ "fit"
+ ],
+ [
+ "Ġgam",
+ "ers"
+ ],
+ [
+ "if",
+ "ix"
+ ],
+ [
+ "ess",
+ "ions"
+ ],
+ [
+ "_c",
+ "sv"
+ ],
+ [
+ "Ġhom",
+ "osexuality"
+ ],
+ [
+ "G",
+ "O"
+ ],
+ [
+ "w",
+ "ana"
+ ],
+ [
+ "Ġâ",
+ "ľ"
+ ],
+ [
+ "ĠTra",
+ "cing"
+ ],
+ [
+ "Ġm",
+ "r"
+ ],
+ [
+ "ĠState",
+ "ments"
+ ],
+ [
+ "Ġmal",
+ "ad"
+ ],
+ [
+ "Ġstabil",
+ "ization"
+ ],
+ [
+ "ĠFrequ",
+ "ently"
+ ],
+ [
+ "Ġdelet",
+ "ion"
+ ],
+ [
+ "il",
+ "ic"
+ ],
+ [
+ "ĠP",
+ "BS"
+ ],
+ [
+ "Ġcow",
+ "ork"
+ ],
+ [
+ "_",
+ "row"
+ ],
+ [
+ "ĠAff",
+ "ordable"
+ ],
+ [
+ "ĠNe",
+ "o"
+ ],
+ [
+ "ĠMat",
+ "plotlib"
+ ],
+ [
+ "ĠFire",
+ "f"
+ ],
+ [
+ ".",
+ "How"
+ ],
+ [
+ "Ġal",
+ "ters"
+ ],
+ [
+ "Ġgr",
+ "inder"
+ ],
+ [
+ "P",
+ "an"
+ ],
+ [
+ "Ġdress",
+ "es"
+ ],
+ [
+ "empor",
+ "al"
+ ],
+ [
+ "E",
+ "ds"
+ ],
+ [
+ "Ġcontact",
+ "ing"
+ ],
+ [
+ "Ġtough",
+ "ness"
+ ],
+ [
+ "ĠMur",
+ "phy"
+ ],
+ [
+ "Ġsub",
+ "group"
+ ],
+ [
+ "Ġweek",
+ "ends"
+ ],
+ [
+ "Ġstandard",
+ "ization"
+ ],
+ [
+ "Ġal",
+ "arms"
+ ],
+ [
+ "ĠL",
+ "az"
+ ],
+ [
+ "ik",
+ "er"
+ ],
+ [
+ "work",
+ "ers"
+ ],
+ [
+ "Le",
+ "ave"
+ ],
+ [
+ "Ġem",
+ "its"
+ ],
+ [
+ "Ġed",
+ "s"
+ ],
+ [
+ "ĠPer",
+ "imeter"
+ ],
+ [
+ "ĠRegist",
+ "ration"
+ ],
+ [
+ "Ġr",
+ "ation"
+ ],
+ [
+ "Ġam",
+ "azon"
+ ],
+ [
+ "ĠEm",
+ "otion"
+ ],
+ [
+ "Ġpow",
+ "dered"
+ ],
+ [
+ "Ġchim",
+ "pan"
+ ],
+ [
+ "Ġorche",
+ "stra"
+ ],
+ [
+ "B",
+ "oard"
+ ],
+ [
+ "Ġa",
+ "y"
+ ],
+ [
+ "Ġan",
+ "ne"
+ ],
+ [
+ "Ġv",
+ "ene"
+ ],
+ [
+ "Ġge",
+ "ographically"
+ ],
+ [
+ "ĠGra",
+ "vity"
+ ],
+ [
+ "RA",
+ "F"
+ ],
+ [
+ ".l",
+ "ength"
+ ],
+ [
+ "Method",
+ "s"
+ ],
+ [
+ "Ġintra",
+ "venous"
+ ],
+ [
+ "il",
+ "ename"
+ ],
+ [
+ "ur",
+ "bed"
+ ],
+ [
+ "ĠU",
+ "AE"
+ ],
+ [
+ "Ġsal",
+ "ient"
+ ],
+ [
+ "Ġvisual",
+ "izations"
+ ],
+ [
+ "uff",
+ "s"
+ ],
+ [
+ "Ġtraged",
+ "ies"
+ ],
+ [
+ "Ġiv",
+ "ory"
+ ],
+ [
+ "Ġo",
+ "thello"
+ ],
+ [
+ "Ġche",
+ "ek"
+ ],
+ [
+ "ic",
+ "um"
+ ],
+ [
+ "Ġem",
+ "an"
+ ],
+ [
+ "Ġseek",
+ "ers"
+ ],
+ [
+ "Ġpow",
+ "ders"
+ ],
+ [
+ "ĠDec",
+ "ide"
+ ],
+ [
+ "mic",
+ "ron"
+ ],
+ [
+ "Ġsaf",
+ "est"
+ ],
+ [
+ "Ġstead",
+ "fast"
+ ],
+ [
+ "Ġc",
+ "uisines"
+ ],
+ [
+ "Ġon",
+ "c"
+ ],
+ [
+ "est",
+ "ine"
+ ],
+ [
+ "Ġint",
+ "ently"
+ ],
+ [
+ "Ġfilm",
+ "makers"
+ ],
+ [
+ "Ġvap",
+ "our"
+ ],
+ [
+ "Ġsust",
+ "enance"
+ ],
+ [
+ "ç±",
+ "»"
+ ],
+ [
+ "t",
+ "ube"
+ ],
+ [
+ "Mart",
+ "in"
+ ],
+ [
+ "e",
+ "ither"
+ ],
+ [
+ "Ġcl",
+ "aws"
+ ],
+ [
+ "Ġr",
+ "ushed"
+ ],
+ [
+ "Ġapplic",
+ "ant"
+ ],
+ [
+ "AS",
+ "D"
+ ],
+ [
+ "organ",
+ "ization"
+ ],
+ [
+ "Ġendot",
+ "helial"
+ ],
+ [
+ "ĠFIT",
+ "NESS"
+ ],
+ [
+ "ĠA",
+ "e"
+ ],
+ [
+ "Ġg",
+ "a"
+ ],
+ [
+ "ĠB",
+ "acon"
+ ],
+ [
+ "Ġindu",
+ "ct"
+ ],
+ [
+ "Ġtool",
+ "kit"
+ ],
+ [
+ "ĠKe",
+ "ys"
+ ],
+ [
+ "ĠRequ",
+ "est"
+ ],
+ [
+ "Ġanx",
+ "ieties"
+ ],
+ [
+ "ĠS",
+ "ag"
+ ],
+ [
+ "Ġ(",
+ "="
+ ],
+ [
+ "Ġund",
+ "etect"
+ ],
+ [
+ "ĠLa",
+ "unch"
+ ],
+ [
+ "Ġspirit",
+ "ually"
+ ],
+ [
+ "Ġg",
+ "ait"
+ ],
+ [
+ "Ġdiagon",
+ "als"
+ ],
+ [
+ "Ġclot",
+ "ting"
+ ],
+ [
+ "ĠP",
+ "ush"
+ ],
+ [
+ "Ġvolunt",
+ "arily"
+ ],
+ [
+ "Reg",
+ "ardless"
+ ],
+ [
+ "Navig",
+ "ating"
+ ],
+ [
+ "cept",
+ "s"
+ ],
+ [
+ "(m",
+ "ax"
+ ],
+ [
+ "inc",
+ "inn"
+ ],
+ [
+ "ĠMen",
+ "u"
+ ],
+ [
+ "Ġhub",
+ "s"
+ ],
+ [
+ "Ġpropri",
+ "et"
+ ],
+ [
+ "ĠInequ",
+ "ality"
+ ],
+ [
+ ",",
+ "B"
+ ],
+ [
+ "R",
+ "isk"
+ ],
+ [
+ "writ",
+ "ers"
+ ],
+ [
+ "omen",
+ "cl"
+ ],
+ [
+ "Ġhydro",
+ "electric"
+ ],
+ [
+ "Ġbloss",
+ "oms"
+ ],
+ [
+ "Ġdiscol",
+ "oration"
+ ],
+ [
+ "ep",
+ "h"
+ ],
+ [
+ "Ġpublic",
+ "ity"
+ ],
+ [
+ "Ġtall",
+ "est"
+ ],
+ [
+ "ĠLud",
+ "wig"
+ ],
+ [
+ "f",
+ "alse"
+ ],
+ [
+ "ĠT",
+ "ick"
+ ],
+ [
+ "oid",
+ "es"
+ ],
+ [
+ "Ġarbit",
+ "ration"
+ ],
+ [
+ "!",
+ "\")Ċ"
+ ],
+ [
+ "Ġa",
+ "lex"
+ ],
+ [
+ "Ġmaj",
+ "ors"
+ ],
+ [
+ "Ġmad",
+ "ness"
+ ],
+ [
+ "Ġsandwic",
+ "hes"
+ ],
+ [
+ "Ġpl",
+ "edge"
+ ],
+ [
+ "Ġsy",
+ "philis"
+ ],
+ [
+ "ĠAS",
+ "C"
+ ],
+ [
+ "{p",
+ "matrix"
+ ],
+ [
+ "Ġapr",
+ "il"
+ ],
+ [
+ "Ġinv",
+ "ading"
+ ],
+ [
+ "Ġeyes",
+ "ight"
+ ],
+ [
+ "Stat",
+ "istics"
+ ],
+ [
+ "en",
+ "ary"
+ ],
+ [
+ "Ġre",
+ "used"
+ ],
+ [
+ "Ġsea",
+ "weed"
+ ],
+ [
+ "Ġmerg",
+ "er"
+ ],
+ [
+ "Ġrum",
+ "ors"
+ ],
+ [
+ "ĠCryst",
+ "al"
+ ],
+ [
+ "Ġhypothes",
+ "ized"
+ ],
+ [
+ "ĠP",
+ "assion"
+ ],
+ [
+ "âĢĻ",
+ ")"
+ ],
+ [
+ "Ġorche",
+ "str"
+ ],
+ [
+ "Ġà¹ı",
+ "ÂĢ"
+ ],
+ [
+ "(",
+ "q"
+ ],
+ [
+ "ot",
+ "ropic"
+ ],
+ [
+ "ĠH",
+ "ood"
+ ],
+ [
+ "Ġpol",
+ "ish"
+ ],
+ [
+ "Ġaug",
+ "ment"
+ ],
+ [
+ "/",
+ "J"
+ ],
+ [
+ "Ġcom",
+ "orbid"
+ ],
+ [
+ "Ġsub",
+ "conscious"
+ ],
+ [
+ "ĠSl",
+ "ope"
+ ],
+ [
+ "ĠThough",
+ "ts"
+ ],
+ [
+ "ĠAccount",
+ "s"
+ ],
+ [
+ "hol",
+ "es"
+ ],
+ [
+ "omed",
+ "ical"
+ ],
+ [
+ "Ġcol",
+ "oration"
+ ],
+ [
+ "Ġph",
+ "y"
+ ],
+ [
+ "Ġsole",
+ "mn"
+ ],
+ [
+ "ĠHero",
+ "es"
+ ],
+ [
+ "Ġf",
+ "ountain"
+ ],
+ [
+ "Ġval",
+ "ence"
+ ],
+ [
+ "Ġabre",
+ "ast"
+ ],
+ [
+ "ĠP",
+ "our"
+ ],
+ [
+ "Ġme",
+ "iosis"
+ ],
+ [
+ "To",
+ "o"
+ ],
+ [
+ "W",
+ "ow"
+ ],
+ [
+ "à¸",
+ "²"
+ ],
+ [
+ "ĠNFT",
+ "s"
+ ],
+ [
+ "4",
+ "22"
+ ],
+ [
+ "Ġpred",
+ "ation"
+ ],
+ [
+ "ĠTr",
+ "uman"
+ ],
+ [
+ "--------------------------------",
+ "------------------------"
+ ],
+ [
+ "Pr",
+ "inc"
+ ],
+ [
+ "Ġgest",
+ "ation"
+ ],
+ [
+ "Ġexcer",
+ "pts"
+ ],
+ [
+ "Ġted",
+ "ious"
+ ],
+ [
+ "Ġp",
+ "enguins"
+ ],
+ [
+ "qu",
+ "ared"
+ ],
+ [
+ "..",
+ "..."
+ ],
+ [
+ "Ġflo",
+ "oring"
+ ],
+ [
+ "Ġpray",
+ "ing"
+ ],
+ [
+ "ĠNeg",
+ "ot"
+ ],
+ [
+ "Ġplural",
+ "ity"
+ ],
+ [
+ "_",
+ "df"
+ ],
+ [
+ "ĠN",
+ "erv"
+ ],
+ [
+ "-b",
+ "uilt"
+ ],
+ [
+ "Ġ:",
+ "-"
+ ],
+ [
+ "know",
+ "ledge"
+ ],
+ [
+ "Ġcontrad",
+ "ictions"
+ ],
+ [
+ "c",
+ "opy"
+ ],
+ [
+ "ut",
+ "ative"
+ ],
+ [
+ "ell",
+ "ings"
+ ],
+ [
+ "Ġref",
+ "und"
+ ],
+ [
+ "Ġinhal",
+ "ation"
+ ],
+ [
+ "A",
+ "round"
+ ],
+ [
+ "Ġt",
+ "ul"
+ ],
+ [
+ "qu",
+ "art"
+ ],
+ [
+ "ight",
+ "ed"
+ ],
+ [
+ "Ġinhib",
+ "iting"
+ ],
+ [
+ "Ġmand",
+ "ated"
+ ],
+ [
+ "Ess",
+ "ays"
+ ],
+ [
+ "Ġp",
+ "as"
+ ],
+ [
+ "Ġe",
+ "in"
+ ],
+ [
+ "our",
+ "g"
+ ],
+ [
+ "pro",
+ "gram"
+ ],
+ [
+ "ĠComput",
+ "ational"
+ ],
+ [
+ "ĠSuper",
+ "ior"
+ ],
+ [
+ "Ġrad",
+ "ians"
+ ],
+ [
+ "ĠEarth",
+ "qu"
+ ],
+ [
+ "c",
+ "ifically"
+ ],
+ [
+ "pe",
+ "ed"
+ ],
+ [
+ "Ġsand",
+ "stone"
+ ],
+ [
+ "ild",
+ "e"
+ ],
+ [
+ "ung",
+ "sten"
+ ],
+ [
+ "ĠGlobal",
+ "ization"
+ ],
+ [
+ "z",
+ "ip"
+ ],
+ [
+ "âĢĶ",
+ "you"
+ ],
+ [
+ "+",
+ "Ċ"
+ ],
+ [
+ "ĠRecommend",
+ "ations"
+ ],
+ [
+ "ĠAny",
+ "thing"
+ ],
+ [
+ "Ne",
+ "uro"
+ ],
+ [
+ "m",
+ "c"
+ ],
+ [
+ "Ġhospital",
+ "ized"
+ ],
+ [
+ "ì",
+ "ł"
+ ],
+ [
+ "ĠMc",
+ "L"
+ ],
+ [
+ "äº",
+ "º"
+ ],
+ [
+ "S",
+ "er"
+ ],
+ [
+ "Ġill",
+ "umin"
+ ],
+ [
+ "ĠJer",
+ "ry"
+ ],
+ [
+ "ĠCH",
+ "APTER"
+ ],
+ [
+ "ä",
+ "¿"
+ ],
+ [
+ "ĠH",
+ "M"
+ ],
+ [
+ "Ġcolon",
+ "ized"
+ ],
+ [
+ "ĠR",
+ "ocks"
+ ],
+ [
+ "Ġpin",
+ "ch"
+ ],
+ [
+ "ĠNavig",
+ "ation"
+ ],
+ [
+ "br",
+ "inging"
+ ],
+ [
+ "Ġcollabor",
+ "ated"
+ ],
+ [
+ "ĠEd",
+ "ison"
+ ],
+ [
+ "``````",
+ "ĊĊ"
+ ],
+ [
+ "ĠS",
+ "ask"
+ ],
+ [
+ "omet",
+ "own"
+ ],
+ [
+ "Ġgarden",
+ "er"
+ ],
+ [
+ "ĠQU",
+ "ES"
+ ],
+ [
+ "Ġbr",
+ "ig"
+ ],
+ [
+ "ĠAut",
+ "obi"
+ ],
+ [
+ "Ġche",
+ "ating"
+ ],
+ [
+ "ĠAut",
+ "onomous"
+ ],
+ [
+ "ow",
+ "der"
+ ],
+ [
+ "ĠD",
+ "ermat"
+ ],
+ [
+ "Ġr",
+ "ites"
+ ],
+ [
+ "Ġnarr",
+ "ation"
+ ],
+ [
+ "ĠDis",
+ "advantages"
+ ],
+ [
+ "Ġfeud",
+ "al"
+ ],
+ [
+ "Ġeukary",
+ "otic"
+ ],
+ [
+ "4",
+ "31"
+ ],
+ [
+ "Ġre",
+ "int"
+ ],
+ [
+ "ĠWe",
+ "ber"
+ ],
+ [
+ "Ġperm",
+ "utations"
+ ],
+ [
+ "Exper",
+ "ts"
+ ],
+ [
+ ";",
+ "`"
+ ],
+ [
+ "Ġb",
+ "ail"
+ ],
+ [
+ "Ġsh",
+ "ale"
+ ],
+ [
+ "Ġfl",
+ "or"
+ ],
+ [
+ "/",
+ ","
+ ],
+ [
+ "S",
+ "afety"
+ ],
+ [
+ "Ñ",
+ "Ħ"
+ ],
+ [
+ "oc",
+ "hem"
+ ],
+ [
+ "arc",
+ "in"
+ ],
+ [
+ "}}",
+ "$ĊĊ"
+ ],
+ [
+ ".",
+ "mean"
+ ],
+ [
+ "ter",
+ "min"
+ ],
+ [
+ "ĠBl",
+ "ind"
+ ],
+ [
+ "Ġnarrow",
+ "ing"
+ ],
+ [
+ "Ġdil",
+ "ute"
+ ],
+ [
+ "Ġcatal",
+ "ogue"
+ ],
+ [
+ "Ġprerequ",
+ "isite"
+ ],
+ [
+ ".p",
+ "i"
+ ],
+ [
+ "ocaly",
+ "ptic"
+ ],
+ [
+ "Ġpr",
+ "une"
+ ],
+ [
+ "-",
+ "headed"
+ ],
+ [
+ "Ġlogarith",
+ "mic"
+ ],
+ [
+ "ry",
+ "an"
+ ],
+ [
+ "Ġaw",
+ "aken"
+ ],
+ [
+ "-ne",
+ "eded"
+ ],
+ [
+ "ĠOt",
+ "to"
+ ],
+ [
+ "ĠG",
+ "amb"
+ ],
+ [
+ "Ġup",
+ "rising"
+ ],
+ [
+ "Ident",
+ "ifying"
+ ],
+ [
+ "il",
+ "let"
+ ],
+ [
+ "ĠB",
+ "AS"
+ ],
+ [
+ "K",
+ "ING"
+ ],
+ [
+ "35",
+ "6"
+ ],
+ [
+ "e",
+ "ers"
+ ],
+ [
+ "z",
+ "ep"
+ ],
+ [
+ "Ġ[",
+ "]"
+ ],
+ [
+ "Ġbronch",
+ "itis"
+ ],
+ [
+ "Ġunexpl",
+ "ained"
+ ],
+ [
+ "Ġwithd",
+ "rawn"
+ ],
+ [
+ ",",
+ "the"
+ ],
+ [
+ "ĠL",
+ "act"
+ ],
+ [
+ "ĠCan",
+ "on"
+ ],
+ [
+ ")",
+ "x"
+ ],
+ [
+ "or",
+ "ations"
+ ],
+ [
+ "ĠJ",
+ "et"
+ ],
+ [
+ "Ġdel",
+ "inqu"
+ ],
+ [
+ "Ġnon",
+ "viol"
+ ],
+ [
+ "Ġcyt",
+ "oplasm"
+ ],
+ [
+ "ĠAl",
+ "ps"
+ ],
+ [
+ "ven",
+ "iles"
+ ],
+ [
+ "Ġhel",
+ "lo"
+ ],
+ [
+ "Ġrem",
+ "ediation"
+ ],
+ [
+ "ĠSh",
+ "a"
+ ],
+ [
+ "ĠSym",
+ "posium"
+ ],
+ [
+ "Ġunreal",
+ "istic"
+ ],
+ [
+ "M",
+ "AN"
+ ],
+ [
+ "Ġw",
+ "ander"
+ ],
+ [
+ "Ġconf",
+ "ines"
+ ],
+ [
+ "Ġsp",
+ "indle"
+ ],
+ [
+ "crib",
+ "es"
+ ],
+ [
+ "ge",
+ "e"
+ ],
+ [
+ "Ġe",
+ "agles"
+ ],
+ [
+ "Ġde",
+ "x"
+ ],
+ [
+ "Ġsol",
+ "ubility"
+ ],
+ [
+ "rox",
+ "y"
+ ],
+ [
+ "w",
+ "ild"
+ ],
+ [
+ "Ġall",
+ "ig"
+ ],
+ [
+ "Ġca",
+ "esar"
+ ],
+ [
+ "Ġrecept",
+ "ive"
+ ],
+ [
+ "Ġstere",
+ "otyp"
+ ],
+ [
+ "ĠM",
+ "ans"
+ ],
+ [
+ "Ġlong",
+ "standing"
+ ],
+ [
+ "Ġradi",
+ "ometric"
+ ],
+ [
+ "Ġad",
+ "orable"
+ ],
+ [
+ "Qu",
+ "ote"
+ ],
+ [
+ "Point",
+ "s"
+ ],
+ [
+ "Ġab",
+ "er"
+ ],
+ [
+ "ĠPl",
+ "uto"
+ ],
+ [
+ "Ġobserv",
+ "es"
+ ],
+ [
+ "Ġbatt",
+ "ling"
+ ],
+ [
+ "ch",
+ "u"
+ ],
+ [
+ "REL",
+ "IGION"
+ ],
+ [
+ "ë",
+ "Ĭ"
+ ],
+ [
+ "Ġop",
+ "aque"
+ ],
+ [
+ "ab",
+ "lo"
+ ],
+ [
+ "ĠL",
+ "arry"
+ ],
+ [
+ "ĠN",
+ "om"
+ ],
+ [
+ "ok",
+ "o"
+ ],
+ [
+ "Ġkin",
+ "ase"
+ ],
+ [
+ "Ġus",
+ "ability"
+ ],
+ [
+ "Th",
+ "ursday"
+ ],
+ [
+ "Ġsitu",
+ "ational"
+ ],
+ [
+ "Ġsw",
+ "ords"
+ ],
+ [
+ "Ġir",
+ "is"
+ ],
+ [
+ "ĠRac",
+ "ism"
+ ],
+ [
+ "lean",
+ "or"
+ ],
+ [
+ "l",
+ "oc"
+ ],
+ [
+ "pt",
+ "ide"
+ ],
+ [
+ "ĠFore",
+ "stry"
+ ],
+ [
+ "Ġs",
+ "ar"
+ ],
+ [
+ "Ġc",
+ "f"
+ ],
+ [
+ "о",
+ "н"
+ ],
+ [
+ "Ġim",
+ "itation"
+ ],
+ [
+ "Ġk",
+ "en"
+ ],
+ [
+ "par",
+ "agus"
+ ],
+ [
+ "ĠAg",
+ "ent"
+ ],
+ [
+ "ĠProm",
+ "pt"
+ ],
+ [
+ "c",
+ "ous"
+ ],
+ [
+ "ĠSh",
+ "ared"
+ ],
+ [
+ "!",
+ ")."
+ ],
+ [
+ "Ġm",
+ "ish"
+ ],
+ [
+ "um",
+ "per"
+ ],
+ [
+ "Ġresent",
+ "ment"
+ ],
+ [
+ "Ġrighteous",
+ "ness"
+ ],
+ [
+ "Ġelect",
+ "roph"
+ ],
+ [
+ "c",
+ "ert"
+ ],
+ [
+ "ĠD",
+ "SM"
+ ],
+ [
+ "ĠDe",
+ "af"
+ ],
+ [
+ "ĠNe",
+ "olithic"
+ ],
+ [
+ "na",
+ "ire"
+ ],
+ [
+ "av",
+ "ier"
+ ],
+ [
+ "Ġse",
+ "rene"
+ ],
+ [
+ "Ġf",
+ "umes"
+ ],
+ [
+ "ON",
+ "G"
+ ],
+ [
+ "Ġn",
+ "th"
+ ],
+ [
+ "ĠRe",
+ "ve"
+ ],
+ [
+ "oly",
+ "tic"
+ ],
+ [
+ "âĢ",
+ "ī"
+ ],
+ [
+ "Ġsk",
+ "ins"
+ ],
+ [
+ "ched",
+ "el"
+ ],
+ [
+ "Ġpert",
+ "urb"
+ ],
+ [
+ "ĠRw",
+ "anda"
+ ],
+ [
+ "Ö",
+ "¼"
+ ],
+ [
+ "ĠD",
+ "ual"
+ ],
+ [
+ "ax",
+ "ial"
+ ],
+ [
+ "Ġdiv",
+ "or"
+ ],
+ [
+ "enh",
+ "agen"
+ ],
+ [
+ "ĠFitz",
+ "gerald"
+ ],
+ [
+ "Ġw",
+ "w"
+ ],
+ [
+ "ĠB",
+ "ub"
+ ],
+ [
+ "Ġintegr",
+ "ative"
+ ],
+ [
+ "Ġt",
+ "ingling"
+ ],
+ [
+ "Ġrad",
+ "iant"
+ ],
+ [
+ "Ġelectroly",
+ "tes"
+ ],
+ [
+ "ĠInfant",
+ "ry"
+ ],
+ [
+ "Ġcl",
+ "ash"
+ ],
+ [
+ "ĠDig",
+ "it"
+ ],
+ [
+ "Ġcircul",
+ "ate"
+ ],
+ [
+ "ĠTalk",
+ "ing"
+ ],
+ [
+ "Ġindul",
+ "ge"
+ ],
+ [
+ "st",
+ "ore"
+ ],
+ [
+ "ell",
+ "ular"
+ ],
+ [
+ "37",
+ "3"
+ ],
+ [
+ "ĠConfed",
+ "eration"
+ ],
+ [
+ "Never",
+ "theless"
+ ],
+ [
+ "Ġwrest",
+ "ling"
+ ],
+ [
+ "Ï",
+ "Į"
+ ],
+ [
+ "-f",
+ "low"
+ ],
+ [
+ "Ġcommunic",
+ "ative"
+ ],
+ [
+ "aux",
+ "ite"
+ ],
+ [
+ "_",
+ "D"
+ ],
+ [
+ "Ġpe",
+ "ek"
+ ],
+ [
+ "Ġfrag",
+ "rance"
+ ],
+ [
+ "}",
+ "(\\"
+ ],
+ [
+ "Ġch",
+ "or"
+ ],
+ [
+ "ĠMap",
+ "le"
+ ],
+ [
+ "av",
+ "is"
+ ],
+ [
+ "Ġprob",
+ "iotic"
+ ],
+ [
+ "Em",
+ "ploy"
+ ],
+ [
+ "Ġwr",
+ "ath"
+ ],
+ [
+ "-",
+ "it"
+ ],
+ [
+ "h",
+ "ots"
+ ],
+ [
+ "ĠP",
+ "erman"
+ ],
+ [
+ "Ġnorth",
+ "western"
+ ],
+ [
+ "Ġtherm",
+ "odynamics"
+ ],
+ [
+ "ĠOpin",
+ "ion"
+ ],
+ [
+ "Ã",
+ "ī"
+ ],
+ [
+ "Ġch",
+ "apel"
+ ],
+ [
+ "Ġcont",
+ "ours"
+ ],
+ [
+ "ĠO",
+ "C"
+ ],
+ [
+ "Ġsc",
+ "rum"
+ ],
+ [
+ "-c",
+ "ap"
+ ],
+ [
+ "Ġshell",
+ "fish"
+ ],
+ [
+ "ĠNetwork",
+ "ing"
+ ],
+ [
+ "ĠLet",
+ "t"
+ ],
+ [
+ "-e",
+ "ight"
+ ],
+ [
+ "ĠHol",
+ "idays"
+ ],
+ [
+ "-",
+ "we"
+ ],
+ [
+ "p",
+ "ancy"
+ ],
+ [
+ "Ġab",
+ "ound"
+ ],
+ [
+ "âĢĶ",
+ "as"
+ ],
+ [
+ "Ġrat",
+ "ified"
+ ],
+ [
+ "Ġpredis",
+ "position"
+ ],
+ [
+ "Ġfe",
+ "cal"
+ ],
+ [
+ "Ġrom",
+ "ances"
+ ],
+ [
+ "Ġpatriot",
+ "ism"
+ ],
+ [
+ "M",
+ "ad"
+ ],
+ [
+ "g",
+ "overnmental"
+ ],
+ [
+ "ĠM",
+ "IN"
+ ],
+ [
+ "ĠF",
+ "rag"
+ ],
+ [
+ "Clin",
+ "ical"
+ ],
+ [
+ "Ġk",
+ "o"
+ ],
+ [
+ "Ġem",
+ "itting"
+ ],
+ [
+ "Ġembed",
+ "ding"
+ ],
+ [
+ "Ġex",
+ "curs"
+ ],
+ [
+ "and",
+ "ers"
+ ],
+ [
+ "Ġrad",
+ "ically"
+ ],
+ [
+ "ĠProm",
+ "ote"
+ ],
+ [
+ "Ġμ",
+ "m"
+ ],
+ [
+ "Ġstrat",
+ "ification"
+ ],
+ [
+ "}",
+ "-\\"
+ ],
+ [
+ "gh",
+ "um"
+ ],
+ [
+ "odef",
+ "iciency"
+ ],
+ [
+ "ĠZ",
+ "ika"
+ ],
+ [
+ "Ġsw",
+ "amp"
+ ],
+ [
+ "ĠEll",
+ "is"
+ ],
+ [
+ "Ġl",
+ "akh"
+ ],
+ [
+ "ĠH",
+ "O"
+ ],
+ [
+ "ĠK",
+ "w"
+ ],
+ [
+ "Ġfol",
+ "ders"
+ ],
+ [
+ "AD",
+ "E"
+ ]
+ ]
+ }
+}
\ No newline at end of file
diff --git a/tokenizer_config.json b/tokenizer_config.json
new file mode 100644
index 0000000..dce53b3
--- /dev/null
+++ b/tokenizer_config.json
@@ -0,0 +1,2066 @@
+{
+ "added_tokens_decoder": {
+ "0": {
+ "content": "<|begin_of_text|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "1": {
+ "content": "<|end_of_text|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "2": {
+ "content": "<|finetune_right_pad_id|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "3": {
+ "content": "<|start_header_id|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "4": {
+ "content": "<|end_header_id|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "5": {
+ "content": "<|eom_id|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "6": {
+ "content": "<|eot_id|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "7": {
+ "content": "<|python_tag|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "8": {
+ "content": "<|begin_of_thought|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "9": {
+ "content": "<|end_of_thought|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "10": {
+ "content": "<|begin_of_solution|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "11": {
+ "content": "<|end_of_solution|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "12": {
+ "content": "<|reserved_special_token_0|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "13": {
+ "content": "<|reserved_special_token_1|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "14": {
+ "content": "<|reserved_special_token_2|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "15": {
+ "content": "<|reserved_special_token_3|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "16": {
+ "content": "<|reserved_special_token_4|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "17": {
+ "content": "<|reserved_special_token_5|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "18": {
+ "content": "<|reserved_special_token_6|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "19": {
+ "content": "<|reserved_special_token_7|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "20": {
+ "content": "<|reserved_special_token_8|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "21": {
+ "content": "<|reserved_special_token_9|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "22": {
+ "content": "<|reserved_special_token_10|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "23": {
+ "content": "<|reserved_special_token_11|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "24": {
+ "content": "<|reserved_special_token_12|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "25": {
+ "content": "<|reserved_special_token_13|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "26": {
+ "content": "<|reserved_special_token_14|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "27": {
+ "content": "<|reserved_special_token_15|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "28": {
+ "content": "<|reserved_special_token_16|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "29": {
+ "content": "<|reserved_special_token_17|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "30": {
+ "content": "<|reserved_special_token_18|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "31": {
+ "content": "<|reserved_special_token_19|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "32": {
+ "content": "<|reserved_special_token_20|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "33": {
+ "content": "<|reserved_special_token_21|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "34": {
+ "content": "<|reserved_special_token_22|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "35": {
+ "content": "<|reserved_special_token_23|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "36": {
+ "content": "<|reserved_special_token_24|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "37": {
+ "content": "<|reserved_special_token_25|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "38": {
+ "content": "<|reserved_special_token_26|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "39": {
+ "content": "<|reserved_special_token_27|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "40": {
+ "content": "<|reserved_special_token_28|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "41": {
+ "content": "<|reserved_special_token_29|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "42": {
+ "content": "<|reserved_special_token_30|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "43": {
+ "content": "<|reserved_special_token_31|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "44": {
+ "content": "<|reserved_special_token_32|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "45": {
+ "content": "<|reserved_special_token_33|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "46": {
+ "content": "<|reserved_special_token_34|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "47": {
+ "content": "<|reserved_special_token_35|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "48": {
+ "content": "<|reserved_special_token_36|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "49": {
+ "content": "<|reserved_special_token_37|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "50": {
+ "content": "<|reserved_special_token_38|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "51": {
+ "content": "<|reserved_special_token_39|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "52": {
+ "content": "<|reserved_special_token_40|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "53": {
+ "content": "<|reserved_special_token_41|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "54": {
+ "content": "<|reserved_special_token_42|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "55": {
+ "content": "<|reserved_special_token_43|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "56": {
+ "content": "<|reserved_special_token_44|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "57": {
+ "content": "<|reserved_special_token_45|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "58": {
+ "content": "<|reserved_special_token_46|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "59": {
+ "content": "<|reserved_special_token_47|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "60": {
+ "content": "<|reserved_special_token_48|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "61": {
+ "content": "<|reserved_special_token_49|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "62": {
+ "content": "<|reserved_special_token_50|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "63": {
+ "content": "<|reserved_special_token_51|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "64": {
+ "content": "<|reserved_special_token_52|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "65": {
+ "content": "<|reserved_special_token_53|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "66": {
+ "content": "<|reserved_special_token_54|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "67": {
+ "content": "<|reserved_special_token_55|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "68": {
+ "content": "<|reserved_special_token_56|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "69": {
+ "content": "<|reserved_special_token_57|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "70": {
+ "content": "<|reserved_special_token_58|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "71": {
+ "content": "<|reserved_special_token_59|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "72": {
+ "content": "<|reserved_special_token_60|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "73": {
+ "content": "<|reserved_special_token_61|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "74": {
+ "content": "<|reserved_special_token_62|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "75": {
+ "content": "<|reserved_special_token_63|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "76": {
+ "content": "<|reserved_special_token_64|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "77": {
+ "content": "<|reserved_special_token_65|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "78": {
+ "content": "<|reserved_special_token_66|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "79": {
+ "content": "<|reserved_special_token_67|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "80": {
+ "content": "<|reserved_special_token_68|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "81": {
+ "content": "<|reserved_special_token_69|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "82": {
+ "content": "<|reserved_special_token_70|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "83": {
+ "content": "<|reserved_special_token_71|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "84": {
+ "content": "<|reserved_special_token_72|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "85": {
+ "content": "<|reserved_special_token_73|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "86": {
+ "content": "<|reserved_special_token_74|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "87": {
+ "content": "<|reserved_special_token_75|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "88": {
+ "content": "<|reserved_special_token_76|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "89": {
+ "content": "<|reserved_special_token_77|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "90": {
+ "content": "<|reserved_special_token_78|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "91": {
+ "content": "<|reserved_special_token_79|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "92": {
+ "content": "<|reserved_special_token_80|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "93": {
+ "content": "<|reserved_special_token_81|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "94": {
+ "content": "<|reserved_special_token_82|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "95": {
+ "content": "<|reserved_special_token_83|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "96": {
+ "content": "<|reserved_special_token_84|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "97": {
+ "content": "<|reserved_special_token_85|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "98": {
+ "content": "<|reserved_special_token_86|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "99": {
+ "content": "<|reserved_special_token_87|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "100": {
+ "content": "<|reserved_special_token_88|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "101": {
+ "content": "<|reserved_special_token_89|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "102": {
+ "content": "<|reserved_special_token_90|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "103": {
+ "content": "<|reserved_special_token_91|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "104": {
+ "content": "<|reserved_special_token_92|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "105": {
+ "content": "<|reserved_special_token_93|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "106": {
+ "content": "<|reserved_special_token_94|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "107": {
+ "content": "<|reserved_special_token_95|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "108": {
+ "content": "<|reserved_special_token_96|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "109": {
+ "content": "<|reserved_special_token_97|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "110": {
+ "content": "<|reserved_special_token_98|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "111": {
+ "content": "<|reserved_special_token_99|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "112": {
+ "content": "<|reserved_special_token_100|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "113": {
+ "content": "<|reserved_special_token_101|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "114": {
+ "content": "<|reserved_special_token_102|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "115": {
+ "content": "<|reserved_special_token_103|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "116": {
+ "content": "<|reserved_special_token_104|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "117": {
+ "content": "<|reserved_special_token_105|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "118": {
+ "content": "<|reserved_special_token_106|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "119": {
+ "content": "<|reserved_special_token_107|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "120": {
+ "content": "<|reserved_special_token_108|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "121": {
+ "content": "<|reserved_special_token_109|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "122": {
+ "content": "<|reserved_special_token_110|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "123": {
+ "content": "<|reserved_special_token_111|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "124": {
+ "content": "<|reserved_special_token_112|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "125": {
+ "content": "<|reserved_special_token_113|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "126": {
+ "content": "<|reserved_special_token_114|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "127": {
+ "content": "<|reserved_special_token_115|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "128": {
+ "content": "<|reserved_special_token_116|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "129": {
+ "content": "<|reserved_special_token_117|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "130": {
+ "content": "<|reserved_special_token_118|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "131": {
+ "content": "<|reserved_special_token_119|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "132": {
+ "content": "<|reserved_special_token_120|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "133": {
+ "content": "<|reserved_special_token_121|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "134": {
+ "content": "<|reserved_special_token_122|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "135": {
+ "content": "<|reserved_special_token_123|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "136": {
+ "content": "<|reserved_special_token_124|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "137": {
+ "content": "<|reserved_special_token_125|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "138": {
+ "content": "<|reserved_special_token_126|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "139": {
+ "content": "<|reserved_special_token_127|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "140": {
+ "content": "<|reserved_special_token_128|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "141": {
+ "content": "<|reserved_special_token_129|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "142": {
+ "content": "<|reserved_special_token_130|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "143": {
+ "content": "<|reserved_special_token_131|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "144": {
+ "content": "<|reserved_special_token_132|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "145": {
+ "content": "<|reserved_special_token_133|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "146": {
+ "content": "<|reserved_special_token_134|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "147": {
+ "content": "<|reserved_special_token_135|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "148": {
+ "content": "<|reserved_special_token_136|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "149": {
+ "content": "<|reserved_special_token_137|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "150": {
+ "content": "<|reserved_special_token_138|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "151": {
+ "content": "<|reserved_special_token_139|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "152": {
+ "content": "<|reserved_special_token_140|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "153": {
+ "content": "<|reserved_special_token_141|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "154": {
+ "content": "<|reserved_special_token_142|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "155": {
+ "content": "<|reserved_special_token_143|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "156": {
+ "content": "<|reserved_special_token_144|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "157": {
+ "content": "<|reserved_special_token_145|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "158": {
+ "content": "<|reserved_special_token_146|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "159": {
+ "content": "<|reserved_special_token_147|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "160": {
+ "content": "<|reserved_special_token_148|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "161": {
+ "content": "<|reserved_special_token_149|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "162": {
+ "content": "<|reserved_special_token_150|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "163": {
+ "content": "<|reserved_special_token_151|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "164": {
+ "content": "<|reserved_special_token_152|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "165": {
+ "content": "<|reserved_special_token_153|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "166": {
+ "content": "<|reserved_special_token_154|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "167": {
+ "content": "<|reserved_special_token_155|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "168": {
+ "content": "<|reserved_special_token_156|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "169": {
+ "content": "<|reserved_special_token_157|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "170": {
+ "content": "<|reserved_special_token_158|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "171": {
+ "content": "<|reserved_special_token_159|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "172": {
+ "content": "<|reserved_special_token_160|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "173": {
+ "content": "<|reserved_special_token_161|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "174": {
+ "content": "<|reserved_special_token_162|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "175": {
+ "content": "<|reserved_special_token_163|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "176": {
+ "content": "<|reserved_special_token_164|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "177": {
+ "content": "<|reserved_special_token_165|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "178": {
+ "content": "<|reserved_special_token_166|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "179": {
+ "content": "<|reserved_special_token_167|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "180": {
+ "content": "<|reserved_special_token_168|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "181": {
+ "content": "<|reserved_special_token_169|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "182": {
+ "content": "<|reserved_special_token_170|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "183": {
+ "content": "<|reserved_special_token_171|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "184": {
+ "content": "<|reserved_special_token_172|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "185": {
+ "content": "<|reserved_special_token_173|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "186": {
+ "content": "<|reserved_special_token_174|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "187": {
+ "content": "<|reserved_special_token_175|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "188": {
+ "content": "<|reserved_special_token_176|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "189": {
+ "content": "<|reserved_special_token_177|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "190": {
+ "content": "<|reserved_special_token_178|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "191": {
+ "content": "<|reserved_special_token_179|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "192": {
+ "content": "<|reserved_special_token_180|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "193": {
+ "content": "<|reserved_special_token_181|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "194": {
+ "content": "<|reserved_special_token_182|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "195": {
+ "content": "<|reserved_special_token_183|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "196": {
+ "content": "<|reserved_special_token_184|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "197": {
+ "content": "<|reserved_special_token_185|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "198": {
+ "content": "<|reserved_special_token_186|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "199": {
+ "content": "<|reserved_special_token_187|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "200": {
+ "content": "<|reserved_special_token_188|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "201": {
+ "content": "<|reserved_special_token_189|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "202": {
+ "content": "<|reserved_special_token_190|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "203": {
+ "content": "<|reserved_special_token_191|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "204": {
+ "content": "<|reserved_special_token_192|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "205": {
+ "content": "<|reserved_special_token_193|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "206": {
+ "content": "<|reserved_special_token_194|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "207": {
+ "content": "<|reserved_special_token_195|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "208": {
+ "content": "<|reserved_special_token_196|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "209": {
+ "content": "<|reserved_special_token_197|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "210": {
+ "content": "<|reserved_special_token_198|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "211": {
+ "content": "<|reserved_special_token_199|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "212": {
+ "content": "<|reserved_special_token_200|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "213": {
+ "content": "<|reserved_special_token_201|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "214": {
+ "content": "<|reserved_special_token_202|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "215": {
+ "content": "<|reserved_special_token_203|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "216": {
+ "content": "<|reserved_special_token_204|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "217": {
+ "content": "<|reserved_special_token_205|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "218": {
+ "content": "<|reserved_special_token_206|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "219": {
+ "content": "<|reserved_special_token_207|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "220": {
+ "content": "<|reserved_special_token_208|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "221": {
+ "content": "<|reserved_special_token_209|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "222": {
+ "content": "<|reserved_special_token_210|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "223": {
+ "content": "<|reserved_special_token_211|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "224": {
+ "content": "<|reserved_special_token_212|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "225": {
+ "content": "<|reserved_special_token_213|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "226": {
+ "content": "<|reserved_special_token_214|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "227": {
+ "content": "<|reserved_special_token_215|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "228": {
+ "content": "<|reserved_special_token_216|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "229": {
+ "content": "<|reserved_special_token_217|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "230": {
+ "content": "<|reserved_special_token_218|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "231": {
+ "content": "<|reserved_special_token_219|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "232": {
+ "content": "<|reserved_special_token_220|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "233": {
+ "content": "<|reserved_special_token_221|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "234": {
+ "content": "<|reserved_special_token_222|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "235": {
+ "content": "<|reserved_special_token_223|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "236": {
+ "content": "<|reserved_special_token_224|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "237": {
+ "content": "<|reserved_special_token_225|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "238": {
+ "content": "<|reserved_special_token_226|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "239": {
+ "content": "<|reserved_special_token_227|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "240": {
+ "content": "<|reserved_special_token_228|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "241": {
+ "content": "<|reserved_special_token_229|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "242": {
+ "content": "<|reserved_special_token_230|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "243": {
+ "content": "<|reserved_special_token_231|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "244": {
+ "content": "<|reserved_special_token_232|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "245": {
+ "content": "<|reserved_special_token_233|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "246": {
+ "content": "<|reserved_special_token_234|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "247": {
+ "content": "<|reserved_special_token_235|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "248": {
+ "content": "<|reserved_special_token_236|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "249": {
+ "content": "<|reserved_special_token_237|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "250": {
+ "content": "<|reserved_special_token_238|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "251": {
+ "content": "<|reserved_special_token_239|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "252": {
+ "content": "<|reserved_special_token_240|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "253": {
+ "content": "<|reserved_special_token_241|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "254": {
+ "content": "<|reserved_special_token_242|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ },
+ "255": {
+ "content": "<|reserved_special_token_243|>",
+ "lstrip": false,
+ "normalized": false,
+ "rstrip": false,
+ "single_word": false,
+ "special": true
+ }
+ },
+ "bos_token": "<|begin_of_text|>",
+ "chat_template": "{{- bos_token }}\n{%- if custom_tools is defined %}\n {%- set tools = custom_tools %}\n{%- endif %}\n{%- if not tools_in_user_message is defined %}\n {%- set tools_in_user_message = true %}\n{%- endif %}\n{%- if not date_string is defined %}\n {%- set date_string = \"December 2024\" %}\n{%- endif %}\n{%- if not tools is defined %}\n {%- set tools = none %}\n{%- endif %}\n\n{#- This block extracts the system message, so we can slot it into the right place. #}\n{%- if messages[0]['role'] == 'system' %}\n {%- set system_message = messages[0]['content']|trim %}\n {%- set messages = messages[1:] %}\n{%- else %}\n {%- set system_message = \"\" %}\n{%- endif %}\n\n{#- System message + builtin tools #}\n{{- \"<|start_header_id|>system<|end_header_id|>\\n\" }}\n{%- if builtin_tools is defined or tools is not none %}\n {{- \"Environment: ipython\\n\" }}\n{%- endif %}\n{%- if builtin_tools is defined %}\n {{- \"Tools: \" + builtin_tools | reject('equalto', 'code_interpreter') | join(\", \") + \"\\n\\n\"}}\n{%- endif %}\n{{- \"Cutting Knowledge Date: December 2024\\n\" }}\n{{- \"Today Date: \" + date_string + \"\\n\" }}\n{%- if tools is not none and not tools_in_user_message %}\n {{- \"You have access to the following functions. To call a function, please respond with JSON for a function call.\" }}\n {{- 'Respond in the format {\"name\": function name, \"parameters\": dictionary of argument name and its value}.' }}\n {{- \"Do not use variables.\\n\\n\" }}\n {%- for t in tools %}\n {{- t | tojson(indent=4) }}\n {{- \"\\n\\n\" }}\n {%- endfor %}\n{%- endif %}\n{{- system_message }}\n{{- \"<|end_of_text|>\\n\\n\" }}\n\n{#- Custom tools are passed in a user message with some extra guidance #}\n{%- if tools_in_user_message and not tools is none %}\n {#- Extract the first user message so we can plug it in here #}\n {%- if messages | length != 0 %}\n {%- set first_user_message = messages[0]['content']|trim %}\n {%- set messages = messages[1:] %}\n {%- else %}\n {{- raise_exception(\"Cannot put tools in the first user message when there's no first user message!\") }}\n{%- endif %}\n {{- '<|start_header_id|>user<|end_header_id|>\\n' -}}\n {{- \"Given the following functions, please respond with a JSON for a function call \" }}\n {{- \"with its proper arguments that best answers the given prompt.\\n\\n\" }}\n {{- 'Respond in the format {\"name\": function name, \"parameters\": dictionary of argument name and its value}.' }}\n {{- \"Do not use variables.\\n\\n\" }}\n {%- for t in tools %}\n {{- t | tojson(indent=4) }}\n {{- \"\\n\\n\" }}\n {%- endfor %}\n {{- first_user_message + \"<|end_of_text|>\\n\\n\"}}\n{%- endif %}\n\n{%- for message in messages %}\n {%- if not (message.role == 'ipython' or message.role == 'tool' or 'tool_calls' in message) %}\n {{- '<|start_header_id|>' + message['role'] + '<|end_header_id|>\\n'+ message['content'] | trim + '<|end_of_text|>\\n\\n' }}\n {%- elif 'tool_calls' in message %}\n {%- if not message.tool_calls|length == 1 %}\n {{- raise_exception(\"This model only supports single tool-calls at once!\") }}\n {%- endif %}\n {%- set tool_call = message.tool_calls[0].function %}\n {%- if builtin_tools is defined and tool_call.name in builtin_tools %}\n {{- '<|start_header_id|>assistant<|end_header_id|>\\n' -}}\n {{- \"<|python_tag|>\" + tool_call.name + \".call(\" }}\n {%- for arg_name, arg_val in tool_call.arguments | items %}\n {{- arg_name + '=\"' + arg_val + '\"' }}\n {%- if not loop.last %}\n {{- \", \" }}\n {%- endif %}\n {%- endfor %}\n {{- \")\" }}\n {%- else %}\n {{- '<|start_header_id|>assistant<|end_header_id|>\\n' -}}\n {{- '{\"name\": \"' + tool_call.name + '\", ' }}\n {{- '\"parameters\": ' }}\n {{- tool_call.arguments | tojson }}\n {{- \"}\" }}\n {%- endif %}\n {%- if builtin_tools is defined %}\n {#- This means we're in ipython mode #}\n {{- \"<|end_of_text|>\\n\\n\" }}\n {%- else %}\n {{- \"<|end_of_text|>\\n\\n\" }}\n {%- endif %}\n {%- elif message.role == \"tool\" or message.role == \"ipython\" %}\n {{- \"<|start_header_id|>ipython<|end_header_id|>\\n\" }}\n {%- if message.content is mapping or message.content is iterable %}\n {{- message.content | tojson }}\n {%- else %}\n {{- message.content }}\n {%- endif %}\n {{- \"<|end_of_text|>\\n\\n\" }}\n {%- endif %}\n{%- endfor %}\n{%- if add_generation_prompt %}\n {{- '<|start_header_id|>assistant<|end_header_id|>\\n' }}\n{%- endif %}\n",
+ "clean_up_tokenization_spaces": true,
+ "eos_token": "<|end_of_text|>",
+ "extra_special_tokens": {},
+ "model_input_names": [
+ "input_ids",
+ "attention_mask"
+ ],
+ "model_max_length": 131072,
+ "pad_token": "<|finetune_right_pad_id|>",
+ "padding_side": "left",
+ "tokenizer_class": "PreTrainedTokenizerFast",
+ "unk_token": null
+}