diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/added_tokens.json b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/added_tokens.json deleted file mode 100644 index e08a6209127891e6d593ee102c3ad353681a5c4d..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/added_tokens.json +++ /dev/null @@ -1,8 +0,0 @@ -{ - "[UNUSED_TOKEN_141]": 92544, - "[UNUSED_TOKEN_142]": 92545, - "[UNUSED_TOKEN_143]": 92546, - "[UNUSED_TOKEN_144]": 92547, - "[UNUSED_TOKEN_145]": 92548, - "[UNUSED_TOKEN_146]": 92549 -} diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/config.json b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/config.json deleted file mode 100644 index 6790e38aefac74756a9ebf4b813648d24b606a8d..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/config.json +++ /dev/null @@ -1,37 +0,0 @@ -{ - "_name_or_path": "internlm/internlm2_5-7b-chat-1m", - "architectures": [ - "InternLM2ForCausalLM" - ], - "attn_implementation": "eager", - "auto_map": { - "AutoConfig": "configuration_internlm2.InternLM2Config", - "AutoModel": "modeling_internlm2.InternLM2ForCausalLM", - "AutoModelForCausalLM": "internlm/internlm2_5-7b-chat-1m--modeling_internlm2.InternLM2ForCausalLM" - }, - "bias": false, - "bos_token_id": 1, - "eos_token_id": 2, - "hidden_act": "silu", - "hidden_size": 4096, - "initializer_range": 0.02, - "intermediate_size": 14336, - "max_position_embeddings": 262144, - "model_type": "internlm2", - "num_attention_heads": 32, - "num_hidden_layers": 32, - "num_key_value_heads": 8, - "pad_token_id": 2, - "pretraining_tp": 1, - "rms_norm_eps": 1e-05, - "rope_scaling": { - "factor": 2.5, - "type": "dynamic" - }, - "rope_theta": 50000000, - "tie_word_embeddings": false, - "torch_dtype": "bfloat16", - "transformers_version": "4.42.3", - "use_cache": true, - "vocab_size": 92544 -} diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/configuration_internlm2.py b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/configuration_internlm2.py deleted file mode 100755 index 519e1c5621efd0d556369aedb1f95a54d647627c..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/configuration_internlm2.py +++ /dev/null @@ -1,180 +0,0 @@ -# coding=utf-8 -# Copyright (c) The InternLM team and The HuggingFace Inc. team. All rights reserved. -# -# This code is based on transformers/src/transformers/models/llama/configuration_llama.py -# -# 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. -""" InternLM2 model configuration""" - -from transformers.configuration_utils import PretrainedConfig -from transformers.utils import logging - -logger = logging.get_logger(__name__) - -INTERNLM2_PRETRAINED_CONFIG_ARCHIVE_MAP = {} - - -# Modified from transformers.model.llama.configuration_llama.LlamaConfig -class InternLM2Config(PretrainedConfig): - r""" - This is the configuration class to store the configuration of a [`InternLM2Model`]. It is used to instantiate - an InternLM2 model according to the specified arguments, defining the model architecture. Instantiating a - configuration with the defaults will yield a similar configuration to that of the InternLM2-7B. - - 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 32000): - Vocabulary size of the InternLM2 model. Defines the number of different tokens that can be represented by the - `inputs_ids` passed when calling [`InternLM2Model`] - hidden_size (`int`, *optional*, defaults to 4096): - Dimension of the hidden representations. - intermediate_size (`int`, *optional*, defaults to 11008): - Dimension of the MLP representations. - num_hidden_layers (`int`, *optional*, defaults to 32): - Number of hidden layers in the Transformer decoder. - num_attention_heads (`int`, *optional*, defaults to 32): - 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`. - hidden_act (`str` or `function`, *optional*, defaults to `"silu"`): - The non-linear activation function (function or string) in the decoder. - max_position_embeddings (`int`, *optional*, defaults to 2048): - The maximum sequence length that this model might ever be used with. InternLM2 supports up to 32768 tokens. - 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`. - pad_token_id (`int`, *optional*): - Padding token id. - bos_token_id (`int`, *optional*, defaults to 1): - Beginning of stream token id. - eos_token_id (`int`, *optional*, defaults to 2): - End of stream token id. - pretraining_tp (`int`, *optional*, defaults to 1): - Experimental feature. Tensor parallelism rank used during pretraining. Please refer to [this - document](https://huggingface.co/docs/transformers/main/perf_train_gpu_many#tensor-parallelism) - to understand more about it. This value is necessary to ensure exact reproducibility - of the pretraining results. Please refer to [this - issue](https://github.com/pytorch/pytorch/issues/76232). - tie_word_embeddings (`bool`, *optional*, defaults to `False`): - Whether to tie weight embeddings - 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. Currently supports two scaling - strategies: linear and dynamic. Their scaling factor must be a float greater than 1. The expected format is - `{"type": strategy name, "factor": scaling factor}`. When using this flag, don't update - `max_position_embeddings` to the expected new maximum. See the following thread for more information on how - these scaling strategies behave: - https://www.reddit.com/r/LocalLLaMA/comments/14mrgpr/dynamically_scaled_rope_further_increases/. This is an - experimental feature, subject to breaking API changes in future versions. - """ - _auto_class = "AutoConfig" - model_type = "internlm2" - keys_to_ignore_at_inference = ["past_key_values"] - - def __init__( # pylint: disable=W0102 - self, - vocab_size=103168, - hidden_size=4096, - intermediate_size=11008, - num_hidden_layers=32, - num_attention_heads=32, - num_key_value_heads=None, - hidden_act="silu", - max_position_embeddings=2048, - initializer_range=0.02, - rms_norm_eps=1e-6, - use_cache=True, - pad_token_id=0, - bos_token_id=1, - eos_token_id=2, - pretraining_tp=1, - tie_word_embeddings=False, - bias=True, - rope_theta=10000, - rope_scaling=None, - attn_implementation=None, - **kwargs, - ): - self.vocab_size = vocab_size - self.max_position_embeddings = max_position_embeddings - self.hidden_size = hidden_size - self.intermediate_size = intermediate_size - self.num_hidden_layers = num_hidden_layers - self.num_attention_heads = num_attention_heads - self.bias = bias - - if num_key_value_heads is None: - num_key_value_heads = num_attention_heads - self.num_key_value_heads = num_key_value_heads - - self.hidden_act = hidden_act - self.initializer_range = initializer_range - self.rms_norm_eps = rms_norm_eps - self.pretraining_tp = pretraining_tp - self.use_cache = use_cache - self.rope_theta = rope_theta - self.rope_scaling = rope_scaling - self._rope_scaling_validation() - self.attn_implementation = attn_implementation - if self.attn_implementation is None: - self.attn_implementation = "eager" - - super().__init__( - pad_token_id=pad_token_id, - bos_token_id=bos_token_id, - eos_token_id=eos_token_id, - tie_word_embeddings=tie_word_embeddings, - **kwargs, - ) - - def _rope_scaling_validation(self): - """ - Validate the `rope_scaling` configuration. - """ - if self.rope_scaling is None: - return - - if not isinstance(self.rope_scaling, dict) or len(self.rope_scaling) != 2: - raise ValueError( - "`rope_scaling` must be a dictionary with with two fields, `type` and `factor`, " - f"got {self.rope_scaling}" - ) - rope_scaling_type = self.rope_scaling.get("type", None) - rope_scaling_factor = self.rope_scaling.get("factor", None) - if rope_scaling_type is None or rope_scaling_type not in ["linear", "dynamic"]: - raise ValueError( - f"`rope_scaling`'s type field must be one of ['linear', 'dynamic'], got {rope_scaling_type}" - ) - if ( - rope_scaling_factor is None - or not isinstance(rope_scaling_factor, (float, int)) - or rope_scaling_factor < 1.0 - ): - raise ValueError( - f"`rope_scaling`'s factor field must be a number >= 1, got {rope_scaling_factor} " - f"of type {type(rope_scaling_factor)}" - ) diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/generation_config.json b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/generation_config.json deleted file mode 100644 index 113c35128a2e8d4f9a7e69226bc79d3ccfa3de3f..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/generation_config.json +++ /dev/null @@ -1,9 +0,0 @@ -{ - "bos_token_id": 1, - "eos_token_id": [ - 2, - 92542 - ], - "pad_token_id": 2, - "transformers_version": "4.42.3" -} diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00001-of-00008.safetensors b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00001-of-00008.safetensors deleted file mode 100644 index afc762b7d2cffb919f893fbd5e45cc02ddcf48b2..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00001-of-00008.safetensors +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:974b14608ff94120f8a7b69a8319b69c9e102c1dd04898ce680e2f48ee344ef1 -size 1949337704 diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00002-of-00008.safetensors b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00002-of-00008.safetensors deleted file mode 100644 index 97175c267ae985977a1deb85ae26991bfae8cba9..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00002-of-00008.safetensors +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:a8ebc89c15e39300cdb8876edace963f8a1b03c9092bae105970c1b1b7c7c92a -size 1946242696 diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00003-of-00008.safetensors b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00003-of-00008.safetensors deleted file mode 100644 index 6cfa8ee20c96ff0dc4612e97bfadb0757e391f92..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00003-of-00008.safetensors +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:f3f4271e5f6d4235465888481ec0c0b8ab1a8dcaea7d32c7c5517a3b0507bf47 -size 1979780440 diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00004-of-00008.safetensors b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00004-of-00008.safetensors deleted file mode 100644 index de89ac90a528b66d53908c1d7f4ce14ad46d8f31..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00004-of-00008.safetensors +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:25a4f0969df00963d23269ce06fb4ceff910e5fe8871bb0e8a387ca3be449fb7 -size 1946242728 diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00005-of-00008.safetensors b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00005-of-00008.safetensors deleted file mode 100644 index c15163675c24a70ae089b39b64c5b5afb6df413b..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00005-of-00008.safetensors +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:8b7f335d694350b36baa6fd45f208ca6899a5034ceffeef3087f59cdc8fc073c -size 1979780456 diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00006-of-00008.safetensors b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00006-of-00008.safetensors deleted file mode 100644 index 3e0acb6d152acf4c0fc243da4fe00999bae69bfd..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00006-of-00008.safetensors +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:a1fabd10fa2b73b9763c12954bdfde663f8572beb20df4075d522fcf6c5a51cc -size 1946242728 diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00007-of-00008.safetensors b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00007-of-00008.safetensors deleted file mode 100644 index a157b9cf2ae69eb847c53d4d8644d063de763edf..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00007-of-00008.safetensors +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:ce32061ffd1f9ec4f0c5ff9a0593d0601e852833562c2f925279d06057a9bd94 -size 1979780456 diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00008-of-00008.safetensors b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00008-of-00008.safetensors deleted file mode 100644 index a5917d5228682137d12bdb29ae839041689e05b0..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model-00008-of-00008.safetensors +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:709d41db0bbf989d866e27b7743c60a9b9445d6051dc47b554a88efe17925b22 -size 1748035640 diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model.safetensors.index.json b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model.safetensors.index.json deleted file mode 100644 index d1125c298e45e6881c66711ef8ce304f9e3e977d..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/model.safetensors.index.json +++ /dev/null @@ -1,234 +0,0 @@ -{ - "metadata": { - "total_size": 15475417088 - }, - "weight_map": { - "model.layers.0.attention.wo.weight": "model-00001-of-00008.safetensors", - "model.layers.0.attention.wqkv.weight": "model-00001-of-00008.safetensors", - "model.layers.0.attention_norm.weight": "model-00001-of-00008.safetensors", - "model.layers.0.feed_forward.w1.weight": "model-00001-of-00008.safetensors", - "model.layers.0.feed_forward.w2.weight": "model-00001-of-00008.safetensors", - "model.layers.0.feed_forward.w3.weight": "model-00001-of-00008.safetensors", - "model.layers.0.ffn_norm.weight": "model-00001-of-00008.safetensors", - "model.layers.1.attention.wo.weight": "model-00001-of-00008.safetensors", - "model.layers.1.attention.wqkv.weight": "model-00001-of-00008.safetensors", - "model.layers.1.attention_norm.weight": "model-00001-of-00008.safetensors", - "model.layers.1.feed_forward.w1.weight": "model-00001-of-00008.safetensors", - "model.layers.1.feed_forward.w2.weight": "model-00001-of-00008.safetensors", - "model.layers.1.feed_forward.w3.weight": "model-00001-of-00008.safetensors", - "model.layers.1.ffn_norm.weight": "model-00001-of-00008.safetensors", - "model.layers.10.attention.wo.weight": "model-00003-of-00008.safetensors", - "model.layers.10.attention.wqkv.weight": "model-00003-of-00008.safetensors", - "model.layers.10.attention_norm.weight": "model-00003-of-00008.safetensors", - "model.layers.10.feed_forward.w1.weight": "model-00003-of-00008.safetensors", - "model.layers.10.feed_forward.w2.weight": "model-00003-of-00008.safetensors", - "model.layers.10.feed_forward.w3.weight": "model-00003-of-00008.safetensors", - "model.layers.10.ffn_norm.weight": "model-00003-of-00008.safetensors", - "model.layers.11.attention.wo.weight": "model-00003-of-00008.safetensors", - "model.layers.11.attention.wqkv.weight": "model-00003-of-00008.safetensors", - "model.layers.11.attention_norm.weight": "model-00004-of-00008.safetensors", - "model.layers.11.feed_forward.w1.weight": "model-00003-of-00008.safetensors", - "model.layers.11.feed_forward.w2.weight": "model-00004-of-00008.safetensors", - "model.layers.11.feed_forward.w3.weight": "model-00003-of-00008.safetensors", - "model.layers.11.ffn_norm.weight": "model-00004-of-00008.safetensors", - "model.layers.12.attention.wo.weight": "model-00004-of-00008.safetensors", - "model.layers.12.attention.wqkv.weight": "model-00004-of-00008.safetensors", - "model.layers.12.attention_norm.weight": "model-00004-of-00008.safetensors", - "model.layers.12.feed_forward.w1.weight": "model-00004-of-00008.safetensors", - "model.layers.12.feed_forward.w2.weight": "model-00004-of-00008.safetensors", - "model.layers.12.feed_forward.w3.weight": "model-00004-of-00008.safetensors", - "model.layers.12.ffn_norm.weight": "model-00004-of-00008.safetensors", - "model.layers.13.attention.wo.weight": "model-00004-of-00008.safetensors", - "model.layers.13.attention.wqkv.weight": "model-00004-of-00008.safetensors", - "model.layers.13.attention_norm.weight": "model-00004-of-00008.safetensors", - "model.layers.13.feed_forward.w1.weight": "model-00004-of-00008.safetensors", - "model.layers.13.feed_forward.w2.weight": "model-00004-of-00008.safetensors", - "model.layers.13.feed_forward.w3.weight": "model-00004-of-00008.safetensors", - "model.layers.13.ffn_norm.weight": "model-00004-of-00008.safetensors", - "model.layers.14.attention.wo.weight": "model-00004-of-00008.safetensors", - "model.layers.14.attention.wqkv.weight": "model-00004-of-00008.safetensors", - "model.layers.14.attention_norm.weight": "model-00004-of-00008.safetensors", - "model.layers.14.feed_forward.w1.weight": "model-00004-of-00008.safetensors", - "model.layers.14.feed_forward.w2.weight": "model-00004-of-00008.safetensors", - "model.layers.14.feed_forward.w3.weight": "model-00004-of-00008.safetensors", - "model.layers.14.ffn_norm.weight": "model-00004-of-00008.safetensors", - "model.layers.15.attention.wo.weight": "model-00004-of-00008.safetensors", - "model.layers.15.attention.wqkv.weight": "model-00004-of-00008.safetensors", - "model.layers.15.attention_norm.weight": "model-00004-of-00008.safetensors", - "model.layers.15.feed_forward.w1.weight": "model-00004-of-00008.safetensors", - "model.layers.15.feed_forward.w2.weight": "model-00004-of-00008.safetensors", - "model.layers.15.feed_forward.w3.weight": "model-00004-of-00008.safetensors", - "model.layers.15.ffn_norm.weight": "model-00004-of-00008.safetensors", - "model.layers.16.attention.wo.weight": "model-00004-of-00008.safetensors", - "model.layers.16.attention.wqkv.weight": "model-00004-of-00008.safetensors", - "model.layers.16.attention_norm.weight": "model-00005-of-00008.safetensors", - "model.layers.16.feed_forward.w1.weight": "model-00005-of-00008.safetensors", - "model.layers.16.feed_forward.w2.weight": "model-00005-of-00008.safetensors", - "model.layers.16.feed_forward.w3.weight": "model-00005-of-00008.safetensors", - "model.layers.16.ffn_norm.weight": "model-00005-of-00008.safetensors", - "model.layers.17.attention.wo.weight": "model-00005-of-00008.safetensors", - "model.layers.17.attention.wqkv.weight": "model-00005-of-00008.safetensors", - "model.layers.17.attention_norm.weight": "model-00005-of-00008.safetensors", - "model.layers.17.feed_forward.w1.weight": "model-00005-of-00008.safetensors", - "model.layers.17.feed_forward.w2.weight": "model-00005-of-00008.safetensors", - "model.layers.17.feed_forward.w3.weight": "model-00005-of-00008.safetensors", - "model.layers.17.ffn_norm.weight": "model-00005-of-00008.safetensors", - "model.layers.18.attention.wo.weight": "model-00005-of-00008.safetensors", - "model.layers.18.attention.wqkv.weight": "model-00005-of-00008.safetensors", - "model.layers.18.attention_norm.weight": "model-00005-of-00008.safetensors", - "model.layers.18.feed_forward.w1.weight": "model-00005-of-00008.safetensors", - "model.layers.18.feed_forward.w2.weight": "model-00005-of-00008.safetensors", - "model.layers.18.feed_forward.w3.weight": "model-00005-of-00008.safetensors", - "model.layers.18.ffn_norm.weight": "model-00005-of-00008.safetensors", - "model.layers.19.attention.wo.weight": "model-00005-of-00008.safetensors", - "model.layers.19.attention.wqkv.weight": "model-00005-of-00008.safetensors", - "model.layers.19.attention_norm.weight": "model-00005-of-00008.safetensors", - "model.layers.19.feed_forward.w1.weight": "model-00005-of-00008.safetensors", - "model.layers.19.feed_forward.w2.weight": "model-00005-of-00008.safetensors", - "model.layers.19.feed_forward.w3.weight": "model-00005-of-00008.safetensors", - "model.layers.19.ffn_norm.weight": "model-00005-of-00008.safetensors", - "model.layers.2.attention.wo.weight": "model-00001-of-00008.safetensors", - "model.layers.2.attention.wqkv.weight": "model-00001-of-00008.safetensors", - "model.layers.2.attention_norm.weight": "model-00002-of-00008.safetensors", - "model.layers.2.feed_forward.w1.weight": "model-00001-of-00008.safetensors", - "model.layers.2.feed_forward.w2.weight": "model-00002-of-00008.safetensors", - "model.layers.2.feed_forward.w3.weight": "model-00001-of-00008.safetensors", - "model.layers.2.ffn_norm.weight": "model-00002-of-00008.safetensors", - "model.layers.20.attention.wo.weight": "model-00005-of-00008.safetensors", - "model.layers.20.attention.wqkv.weight": "model-00005-of-00008.safetensors", - "model.layers.20.attention_norm.weight": "model-00006-of-00008.safetensors", - "model.layers.20.feed_forward.w1.weight": "model-00005-of-00008.safetensors", - "model.layers.20.feed_forward.w2.weight": "model-00006-of-00008.safetensors", - "model.layers.20.feed_forward.w3.weight": "model-00005-of-00008.safetensors", - "model.layers.20.ffn_norm.weight": "model-00006-of-00008.safetensors", - "model.layers.21.attention.wo.weight": "model-00006-of-00008.safetensors", - "model.layers.21.attention.wqkv.weight": "model-00006-of-00008.safetensors", - "model.layers.21.attention_norm.weight": "model-00006-of-00008.safetensors", - "model.layers.21.feed_forward.w1.weight": "model-00006-of-00008.safetensors", - "model.layers.21.feed_forward.w2.weight": "model-00006-of-00008.safetensors", - "model.layers.21.feed_forward.w3.weight": "model-00006-of-00008.safetensors", - "model.layers.21.ffn_norm.weight": "model-00006-of-00008.safetensors", - "model.layers.22.attention.wo.weight": "model-00006-of-00008.safetensors", - "model.layers.22.attention.wqkv.weight": "model-00006-of-00008.safetensors", - "model.layers.22.attention_norm.weight": "model-00006-of-00008.safetensors", - "model.layers.22.feed_forward.w1.weight": "model-00006-of-00008.safetensors", - "model.layers.22.feed_forward.w2.weight": "model-00006-of-00008.safetensors", - "model.layers.22.feed_forward.w3.weight": "model-00006-of-00008.safetensors", - "model.layers.22.ffn_norm.weight": "model-00006-of-00008.safetensors", - "model.layers.23.attention.wo.weight": "model-00006-of-00008.safetensors", - "model.layers.23.attention.wqkv.weight": "model-00006-of-00008.safetensors", - "model.layers.23.attention_norm.weight": "model-00006-of-00008.safetensors", - "model.layers.23.feed_forward.w1.weight": "model-00006-of-00008.safetensors", - "model.layers.23.feed_forward.w2.weight": "model-00006-of-00008.safetensors", - "model.layers.23.feed_forward.w3.weight": "model-00006-of-00008.safetensors", - "model.layers.23.ffn_norm.weight": "model-00006-of-00008.safetensors", - "model.layers.24.attention.wo.weight": "model-00006-of-00008.safetensors", - "model.layers.24.attention.wqkv.weight": "model-00006-of-00008.safetensors", - "model.layers.24.attention_norm.weight": "model-00006-of-00008.safetensors", - "model.layers.24.feed_forward.w1.weight": "model-00006-of-00008.safetensors", - "model.layers.24.feed_forward.w2.weight": "model-00006-of-00008.safetensors", - "model.layers.24.feed_forward.w3.weight": "model-00006-of-00008.safetensors", - "model.layers.24.ffn_norm.weight": "model-00006-of-00008.safetensors", - "model.layers.25.attention.wo.weight": "model-00006-of-00008.safetensors", - "model.layers.25.attention.wqkv.weight": "model-00006-of-00008.safetensors", - "model.layers.25.attention_norm.weight": "model-00007-of-00008.safetensors", - "model.layers.25.feed_forward.w1.weight": "model-00007-of-00008.safetensors", - "model.layers.25.feed_forward.w2.weight": "model-00007-of-00008.safetensors", - "model.layers.25.feed_forward.w3.weight": "model-00007-of-00008.safetensors", - "model.layers.25.ffn_norm.weight": "model-00007-of-00008.safetensors", - "model.layers.26.attention.wo.weight": "model-00007-of-00008.safetensors", - "model.layers.26.attention.wqkv.weight": "model-00007-of-00008.safetensors", - "model.layers.26.attention_norm.weight": "model-00007-of-00008.safetensors", - "model.layers.26.feed_forward.w1.weight": "model-00007-of-00008.safetensors", - "model.layers.26.feed_forward.w2.weight": "model-00007-of-00008.safetensors", - "model.layers.26.feed_forward.w3.weight": "model-00007-of-00008.safetensors", - "model.layers.26.ffn_norm.weight": "model-00007-of-00008.safetensors", - "model.layers.27.attention.wo.weight": "model-00007-of-00008.safetensors", - "model.layers.27.attention.wqkv.weight": "model-00007-of-00008.safetensors", - "model.layers.27.attention_norm.weight": "model-00007-of-00008.safetensors", - "model.layers.27.feed_forward.w1.weight": "model-00007-of-00008.safetensors", - "model.layers.27.feed_forward.w2.weight": "model-00007-of-00008.safetensors", - "model.layers.27.feed_forward.w3.weight": "model-00007-of-00008.safetensors", - "model.layers.27.ffn_norm.weight": "model-00007-of-00008.safetensors", - "model.layers.28.attention.wo.weight": "model-00007-of-00008.safetensors", - "model.layers.28.attention.wqkv.weight": "model-00007-of-00008.safetensors", - "model.layers.28.attention_norm.weight": "model-00007-of-00008.safetensors", - "model.layers.28.feed_forward.w1.weight": "model-00007-of-00008.safetensors", - "model.layers.28.feed_forward.w2.weight": "model-00007-of-00008.safetensors", - "model.layers.28.feed_forward.w3.weight": "model-00007-of-00008.safetensors", - "model.layers.28.ffn_norm.weight": "model-00007-of-00008.safetensors", - "model.layers.29.attention.wo.weight": "model-00007-of-00008.safetensors", - "model.layers.29.attention.wqkv.weight": "model-00007-of-00008.safetensors", - "model.layers.29.attention_norm.weight": "model-00008-of-00008.safetensors", - "model.layers.29.feed_forward.w1.weight": "model-00007-of-00008.safetensors", - "model.layers.29.feed_forward.w2.weight": "model-00008-of-00008.safetensors", - "model.layers.29.feed_forward.w3.weight": "model-00007-of-00008.safetensors", - "model.layers.29.ffn_norm.weight": "model-00008-of-00008.safetensors", - "model.layers.3.attention.wo.weight": "model-00002-of-00008.safetensors", - "model.layers.3.attention.wqkv.weight": "model-00002-of-00008.safetensors", - "model.layers.3.attention_norm.weight": "model-00002-of-00008.safetensors", - "model.layers.3.feed_forward.w1.weight": "model-00002-of-00008.safetensors", - "model.layers.3.feed_forward.w2.weight": "model-00002-of-00008.safetensors", - "model.layers.3.feed_forward.w3.weight": "model-00002-of-00008.safetensors", - "model.layers.3.ffn_norm.weight": "model-00002-of-00008.safetensors", - "model.layers.30.attention.wo.weight": "model-00008-of-00008.safetensors", - "model.layers.30.attention.wqkv.weight": "model-00008-of-00008.safetensors", - "model.layers.30.attention_norm.weight": "model-00008-of-00008.safetensors", - "model.layers.30.feed_forward.w1.weight": "model-00008-of-00008.safetensors", - "model.layers.30.feed_forward.w2.weight": "model-00008-of-00008.safetensors", - "model.layers.30.feed_forward.w3.weight": "model-00008-of-00008.safetensors", - "model.layers.30.ffn_norm.weight": "model-00008-of-00008.safetensors", - "model.layers.31.attention.wo.weight": "model-00008-of-00008.safetensors", - "model.layers.31.attention.wqkv.weight": "model-00008-of-00008.safetensors", - "model.layers.31.attention_norm.weight": "model-00008-of-00008.safetensors", - "model.layers.31.feed_forward.w1.weight": "model-00008-of-00008.safetensors", - "model.layers.31.feed_forward.w2.weight": "model-00008-of-00008.safetensors", - "model.layers.31.feed_forward.w3.weight": "model-00008-of-00008.safetensors", - "model.layers.31.ffn_norm.weight": "model-00008-of-00008.safetensors", - "model.layers.4.attention.wo.weight": "model-00002-of-00008.safetensors", - "model.layers.4.attention.wqkv.weight": "model-00002-of-00008.safetensors", - "model.layers.4.attention_norm.weight": "model-00002-of-00008.safetensors", - "model.layers.4.feed_forward.w1.weight": "model-00002-of-00008.safetensors", - "model.layers.4.feed_forward.w2.weight": "model-00002-of-00008.safetensors", - "model.layers.4.feed_forward.w3.weight": "model-00002-of-00008.safetensors", - "model.layers.4.ffn_norm.weight": "model-00002-of-00008.safetensors", - "model.layers.5.attention.wo.weight": "model-00002-of-00008.safetensors", - "model.layers.5.attention.wqkv.weight": "model-00002-of-00008.safetensors", - "model.layers.5.attention_norm.weight": "model-00002-of-00008.safetensors", - "model.layers.5.feed_forward.w1.weight": "model-00002-of-00008.safetensors", - "model.layers.5.feed_forward.w2.weight": "model-00002-of-00008.safetensors", - "model.layers.5.feed_forward.w3.weight": "model-00002-of-00008.safetensors", - "model.layers.5.ffn_norm.weight": "model-00002-of-00008.safetensors", - "model.layers.6.attention.wo.weight": "model-00002-of-00008.safetensors", - "model.layers.6.attention.wqkv.weight": "model-00002-of-00008.safetensors", - "model.layers.6.attention_norm.weight": "model-00002-of-00008.safetensors", - "model.layers.6.feed_forward.w1.weight": "model-00002-of-00008.safetensors", - "model.layers.6.feed_forward.w2.weight": "model-00002-of-00008.safetensors", - "model.layers.6.feed_forward.w3.weight": "model-00002-of-00008.safetensors", - "model.layers.6.ffn_norm.weight": "model-00002-of-00008.safetensors", - "model.layers.7.attention.wo.weight": "model-00002-of-00008.safetensors", - "model.layers.7.attention.wqkv.weight": "model-00002-of-00008.safetensors", - "model.layers.7.attention_norm.weight": "model-00003-of-00008.safetensors", - "model.layers.7.feed_forward.w1.weight": "model-00003-of-00008.safetensors", - "model.layers.7.feed_forward.w2.weight": "model-00003-of-00008.safetensors", - "model.layers.7.feed_forward.w3.weight": "model-00003-of-00008.safetensors", - "model.layers.7.ffn_norm.weight": "model-00003-of-00008.safetensors", - "model.layers.8.attention.wo.weight": "model-00003-of-00008.safetensors", - "model.layers.8.attention.wqkv.weight": "model-00003-of-00008.safetensors", - "model.layers.8.attention_norm.weight": "model-00003-of-00008.safetensors", - "model.layers.8.feed_forward.w1.weight": "model-00003-of-00008.safetensors", - "model.layers.8.feed_forward.w2.weight": "model-00003-of-00008.safetensors", - "model.layers.8.feed_forward.w3.weight": "model-00003-of-00008.safetensors", - "model.layers.8.ffn_norm.weight": "model-00003-of-00008.safetensors", - "model.layers.9.attention.wo.weight": "model-00003-of-00008.safetensors", - "model.layers.9.attention.wqkv.weight": "model-00003-of-00008.safetensors", - "model.layers.9.attention_norm.weight": "model-00003-of-00008.safetensors", - "model.layers.9.feed_forward.w1.weight": "model-00003-of-00008.safetensors", - "model.layers.9.feed_forward.w2.weight": "model-00003-of-00008.safetensors", - "model.layers.9.feed_forward.w3.weight": "model-00003-of-00008.safetensors", - "model.layers.9.ffn_norm.weight": "model-00003-of-00008.safetensors", - "model.norm.weight": "model-00008-of-00008.safetensors", - "model.tok_embeddings.weight": "model-00001-of-00008.safetensors", - "output.weight": "model-00008-of-00008.safetensors" - } -} diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/modeling_internlm2.py b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/modeling_internlm2.py deleted file mode 100755 index 8fae64918fb3e3a465a755bb1e7405293d84f539..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/modeling_internlm2.py +++ /dev/null @@ -1,1800 +0,0 @@ -# Copyright (c) The InternLM team and The HuggingFace Inc. team. All rights reserved. -# -# This code is based on transformers/src/transformers/models/llama/modeling_llama.py -# -# 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. -"""PyTorch InternLM2.5 model.""" -import math -import queue -import threading -from typing import List, Optional, Tuple, Union - -import torch -import torch.nn.functional as F -import torch.utils.checkpoint -from einops import rearrange -from torch import nn -from torch.nn import BCEWithLogitsLoss, CrossEntropyLoss, MSELoss -from transformers.activations import ACT2FN -from transformers.cache_utils import Cache, DynamicCache, StaticCache -from transformers.modeling_attn_mask_utils import AttentionMaskConverter -from transformers.modeling_outputs import ( - BaseModelOutputWithPast, - CausalLMOutputWithPast, - QuestionAnsweringModelOutput, - SequenceClassifierOutputWithPast, - TokenClassifierOutput, -) -from transformers.modeling_utils import PreTrainedModel -from transformers.pytorch_utils import ALL_LAYERNORM_LAYERS -from transformers.utils import ( - add_start_docstrings, - add_start_docstrings_to_model_forward, - is_flash_attn_greater_or_equal_2_10, - logging, - replace_return_docstrings, -) - -try: - from transformers.generation.streamers import BaseStreamer -except Exception: - BaseStreamer = None - -from .configuration_internlm2 import InternLM2Config - - -try: - from flash_attn import flash_attn_func, flash_attn_varlen_func - from flash_attn.bert_padding import index_first_axis, pad_input, unpad_input -except: - pass - - -logger = logging.get_logger(__name__) - -_CONFIG_FOR_DOC = "InternLM2Config" - - -def _get_unpad_data(attention_mask): - seqlens_in_batch = attention_mask.sum(dim=-1, dtype=torch.int32) - indices = torch.nonzero(attention_mask.flatten(), as_tuple=False).flatten() - max_seqlen_in_batch = seqlens_in_batch.max().item() - cu_seqlens = F.pad(torch.cumsum(seqlens_in_batch, dim=0, dtype=torch.int32), (1, 0)) # pylint: disable=E1102 - return ( - indices, - cu_seqlens, - max_seqlen_in_batch, - ) - - -class InternLM2RMSNorm(nn.Module): - """InternLM2RMSNorm is equivalent to T5LayerNorm.""" - - def __init__(self, hidden_size, eps=1e-6): - 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) - - -ALL_LAYERNORM_LAYERS.append(InternLM2RMSNorm) - - -class InternLM2RotaryEmbedding(nn.Module): - """Rotary Position Embedding for the InternLM2 model. Credits to the Reddit user /u/lucidrains.""" - - def __init__(self, dim, max_position_embeddings=2048, base=10000, device=None, scaling_factor=1.0): - super().__init__() - self.scaling_factor = scaling_factor - self.dim = dim - self.max_position_embeddings = max_position_embeddings - self.base = base - inv_freq = 1.0 / (self.base ** (torch.arange(0, self.dim, 2, dtype=torch.int64).float().to(device) / self.dim)) - self.register_buffer("inv_freq", inv_freq, persistent=False) - # For BC we register cos and sin cached - self.max_seq_len_cached = max_position_embeddings - - @torch.no_grad() - def forward(self, x, position_ids): - # x: [bs, num_attention_heads, seq_len, head_size] - 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 since bfloat16 loses precision on long contexts - # 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() - return cos.to(dtype=x.dtype), sin.to(dtype=x.dtype) - - -class InternLM2LinearScalingRotaryEmbedding(InternLM2RotaryEmbedding): - """InternLM2RotaryEmbedding extended with linear scaling. Credits to the Reddit user /u/kaiokendev""" - - def forward(self, x, position_ids): - # difference to the original RoPE: a scaling factor is aplied to the position ids - position_ids = position_ids.float() / self.scaling_factor - cos, sin = super().forward(x, position_ids) - return cos, sin - - -class InternLM2DynamicNTKScalingRotaryEmbedding(InternLM2RotaryEmbedding): - """InternLM2RotaryEmbedding extended with Dynamic NTK scaling. - Credits to the Reddit users /u/bloc97 and /u/emozilla""" - - def forward(self, x, position_ids): - # difference to the original RoPE: inv_freq is recomputed when the sequence length > original length - seq_len = torch.max(position_ids) + 1 - if seq_len > self.max_position_embeddings: - base = self.base * ( - (self.scaling_factor * seq_len / self.max_position_embeddings) - (self.scaling_factor - 1) - ) ** (self.dim / (self.dim - 2)) - inv_freq = 1.0 / (base ** (torch.arange(0, self.dim, 2, dtype=torch.int64).float().to(x.device) / self.dim)) - self.register_buffer("inv_freq", inv_freq, persistent=False) # TODO joao: this may break with compilation - - cos, sin = super().forward(x, position_ids) - return cos, sin - - -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): # pylint: disable=unused-argument - """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 - - -class InternLM2MLP(nn.Module): - """MLP for InternLM2 model.""" - - def __init__(self, config): - super().__init__() - self.config = config - self.hidden_size = config.hidden_size - self.intermediate_size = config.intermediate_size - self.w1 = nn.Linear(self.hidden_size, self.intermediate_size, bias=False) - self.w3 = nn.Linear(self.hidden_size, self.intermediate_size, bias=False) - self.w2 = nn.Linear(self.intermediate_size, self.hidden_size, bias=False) - self.act_fn = ACT2FN[config.hidden_act] - - def forward(self, x): - down_proj = self.w2(self.act_fn(self.w1(x)) * self.w3(x)) - - return down_proj - - -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) - - -class InternLM2Attention(nn.Module): - """Multi-headed attention from 'Attention Is All You Need' paper""" - - def __init__(self, config: InternLM2Config, layer_idx: Optional[int] = None): - super().__init__() - self.config = config - self.layer_idx = layer_idx - if layer_idx is None: - logger.warning_once( - f"Instantiating {self.__class__.__name__} without passing a `layer_idx` is not recommended and will " - "lead to errors during the forward call if caching is used. Please make sure to provide a `layer_idx` " - "when creating this class." - ) - - self.hidden_size = config.hidden_size - self.num_heads = config.num_attention_heads - self.head_dim = self.hidden_size // self.num_heads - self.num_key_value_heads = config.num_key_value_heads - self.num_key_value_groups = self.num_heads // self.num_key_value_heads - self.max_position_embeddings = config.max_position_embeddings - self.rope_theta = config.rope_theta - self.is_causal = True - - if (self.head_dim * self.num_heads) != self.hidden_size: - raise ValueError( - f"hidden_size must be divisible by num_heads (got `hidden_size`: {self.hidden_size}" - f" and `num_heads`: {self.num_heads})." - ) - - self.wqkv = nn.Linear( - self.hidden_size, - (self.num_heads + 2 * self.num_key_value_heads) * self.head_dim, - bias=config.bias, - ) - self.wo = nn.Linear(self.num_heads * self.head_dim, self.hidden_size, bias=config.bias) - - self._init_rope() - - def _init_rope(self): - if self.config.rope_scaling is None: - self.rotary_emb = InternLM2RotaryEmbedding( - self.head_dim, - max_position_embeddings=self.max_position_embeddings, - base=self.rope_theta, - ) - else: - scaling_type = self.config.rope_scaling["type"] - scaling_factor = self.config.rope_scaling["factor"] - if scaling_type == "linear": - self.rotary_emb = InternLM2LinearScalingRotaryEmbedding( - self.head_dim, - max_position_embeddings=self.max_position_embeddings, - scaling_factor=scaling_factor, - base=self.rope_theta, - ) - elif scaling_type == "dynamic": - self.rotary_emb = InternLM2DynamicNTKScalingRotaryEmbedding( - self.head_dim, - max_position_embeddings=self.max_position_embeddings, - scaling_factor=scaling_factor, - base=self.rope_theta, - ) - else: - raise ValueError(f"Unknown RoPE scaling type {scaling_type}") - - 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: bool = False, - use_cache: bool = False, # pylint: disable=unused-argument - cache_position: Optional[torch.LongTensor] = None, - ) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor]]]: - bsz, q_len, _ = hidden_states.size() - - if self.config.pretraining_tp > 1: - # split qkv_states by tp size - key_value_slicing = (self.num_key_value_heads * self.head_dim) // self.config.pretraining_tp - qkv_slices = self.wqkv.weight.split(key_value_slicing, dim=0) - qkv_states = torch.cat( - [F.linear(hidden_states, qkv_slice) for qkv_slice in qkv_slices], dim=-1 # pylint: disable=E1102 - ) - else: - qkv_states = self.wqkv(hidden_states) - - qkv_states = rearrange( - qkv_states, - "b q (h gs d) -> b q h gs d", - gs=2 + self.num_key_value_groups, - d=self.head_dim, - ) - - query_states = qkv_states[..., : self.num_key_value_groups, :] - query_states = rearrange(query_states, "b q h gs d -> b q (h gs) d").transpose(1, 2) - key_states = qkv_states[..., -2, :].transpose(1, 2) - value_states = qkv_states[..., -1, :].transpose(1, 2) - - cos, sin = self.rotary_emb(value_states, position_ids) - query_states, key_states = apply_rotary_pos_emb(query_states, key_states, cos, sin, position_ids) - - 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) - - key_states = repeat_kv(key_states, self.num_key_value_groups) - value_states = repeat_kv(value_states, self.num_key_value_groups) - - attn_weights = torch.matmul(query_states, key_states.transpose(2, 3)) / math.sqrt(self.head_dim) - - if attention_mask is not None: # no matter the length, we just slice it - causal_mask = attention_mask[:, :, :, : key_states.shape[-2]] - attn_weights = attn_weights + causal_mask - - # upcast attention to fp32 - attn_weights = nn.functional.softmax(attn_weights, dim=-1, dtype=torch.float32).to(query_states.dtype) - attn_output = torch.matmul(attn_weights, value_states) - - if attn_output.size() != (bsz, self.num_heads, q_len, self.head_dim): - raise ValueError( - f"`attn_output` should be of size {(bsz, self.num_heads, q_len, self.head_dim)}, but is" - f" {attn_output.size()}" - ) - - attn_output = attn_output.transpose(1, 2).contiguous() - - attn_output = attn_output.reshape(bsz, q_len, self.hidden_size) - - if self.config.pretraining_tp > 1: - attn_output = attn_output.split(self.hidden_size // self.config.pretraining_tp, dim=2) - o_proj_slices = self.wo.weight.split(self.hidden_size // self.config.pretraining_tp, dim=1) - attn_output = sum( - [ - F.linear(attn_output[i], o_proj_slices[i]) # pylint: disable=E1102 - for i in range(self.config.pretraining_tp) - ] - ) - else: - attn_output = self.wo(attn_output) - - if not output_attentions: - attn_weights = None - - return attn_output, attn_weights, past_key_value - - -class InternLM2FlashAttention2(InternLM2Attention): - """ - InternLM2 flash attention module. This module inherits from `InternLM2Attention` as the weights of the module stays - untouched. The only required change would be on the forward pass where it needs to correctly call the public API of - flash attention and deal with padding tokens in case the input contains any of them. - """ - - def __init__(self, *args, **kwargs): - super().__init__(*args, **kwargs) - - # TODO: Should be removed once Flash Attention for RoCm is bumped to 2.1. - # flash_attn<2.1 generates top-left aligned causal mask, while what is needed here is bottom-right alignement, - # that was made default for flash_attn>=2.1. This attribute is used to handle this difference. - # Reference: https://github.com/Dao-AILab/flash-attention/releases/tag/v2.1.0. - # Beware that with flash_attn<2.1, using q_seqlen != k_seqlen (except for the case q_seqlen == 1) - # produces a wrong mask (top-left). - self._flash_attn_uses_top_left_mask = not is_flash_attn_greater_or_equal_2_10() - - def forward( - self, - hidden_states: torch.Tensor, - attention_mask: Optional[torch.LongTensor] = None, - position_ids: Optional[torch.LongTensor] = None, - past_key_value: Optional[Cache] = None, - output_attentions: bool = False, - use_cache: bool = False, - cache_position: Optional[torch.LongTensor] = None, - ) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor]]]: - if isinstance(past_key_value, StaticCache): - raise ValueError( - "`static` cache implementation is not compatible with `attn_implementation==flash_attention_2` " - "make sure to use `sdpa` in the mean time, and open an issue at " - "https://github.com/huggingface/transformers" - ) - - output_attentions = False - - bsz, q_len, _ = hidden_states.size() - - qkv_states = self.wqkv(hidden_states) - - qkv_states = rearrange( - qkv_states, - "b q (h gs d) -> b q h gs d", - gs=2 + self.num_key_value_groups, - d=self.head_dim, - ) - - query_states = qkv_states[..., : self.num_key_value_groups, :] - query_states = rearrange(query_states, "b q h gs d -> b q (h gs) d") - key_states = qkv_states[..., -2, :] - value_states = qkv_states[..., -1, :] - - query_states = query_states.transpose(1, 2) - key_states = key_states.transpose(1, 2) - value_states = value_states.transpose(1, 2) - - cos, sin = self.rotary_emb(value_states, position_ids) - 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) - - # TODO: These transpose are quite inefficient but Flash Attention requires the layout - # [batch_size, sequence_length, num_heads, head_dim]. We would need to refactor the KV cache - # to be able to avoid many of these transpose/reshape/view. - query_states = query_states.transpose(1, 2) - key_states = key_states.transpose(1, 2) - value_states = value_states.transpose(1, 2) - - # dropout_rate = self.attention_dropout if self.training else 0.0 - dropout_rate = 0.0 - - # In PEFT, usually we cast the layer norms in float32 for training stability reasons - # therefore the input hidden states gets silently casted in float32. Hence, we need - # cast them back in the correct dtype just to be sure everything works as expected. - # This might slowdown training & inference so it is recommended to not cast the LayerNorms - # in fp32. (InternLM2RMSNorm handles it correctly) - - input_dtype = query_states.dtype - if input_dtype == torch.float32: - if torch.is_autocast_enabled(): - target_dtype = torch.get_autocast_gpu_dtype() - # Handle the case where the model is quantized - elif hasattr(self.config, "_pre_quantization_dtype"): - target_dtype = self.config._pre_quantization_dtype - else: - target_dtype = self.wqkv.weight.dtype - - logger.warning_once( - f"The input hidden states seems to be silently casted in float32, this might be related to" - f" the fact you have upcasted embedding or layer norm layers in float32. We will cast back the input in" - f" {target_dtype}." - ) - - query_states = query_states.to(target_dtype) - key_states = key_states.to(target_dtype) - value_states = value_states.to(target_dtype) - - attn_output = self._flash_attention_forward( - query_states, key_states, value_states, attention_mask, q_len, dropout=dropout_rate - ) - - attn_output = attn_output.reshape(bsz, q_len, self.hidden_size).contiguous() - attn_output = self.wo(attn_output) - - if not output_attentions: - attn_weights = None - - return attn_output, attn_weights, past_key_value # pylint: disable=E0606 - - def _flash_attention_forward( - self, query_states, key_states, value_states, attention_mask, query_length, dropout=0.0, softmax_scale=None - ): - """ - Calls the forward method of Flash Attention - if the input hidden states contain at least one padding token - first unpad the input, then computes the attention scores and pad the final attention scores. - - Args: - query_states (`torch.Tensor`): - Input query states to be passed to Flash Attention API - key_states (`torch.Tensor`): - Input key states to be passed to Flash Attention API - value_states (`torch.Tensor`): - Input value states to be passed to Flash Attention API - attention_mask (`torch.Tensor`): - The padding mask - corresponds to a tensor of size `(batch_size, seq_len)` where 0 stands for the - position of padding tokens and 1 for the position of non-padding tokens. - dropout (`float`): - Attention dropout - softmax_scale (`float`, *optional*): - The scaling of QK^T before applying softmax. Default to 1 / sqrt(head_dim) - """ - if not self._flash_attn_uses_top_left_mask: - causal = self.is_causal - else: - # TODO: Remove the `query_length != 1` check once Flash Attention for RoCm is bumped to 2.1. - # For details, please see the comment in InternLM2FlashAttention2 __init__. - causal = self.is_causal and query_length != 1 - - # Contains at least one padding token in the sequence - if attention_mask is not None: - batch_size = query_states.shape[0] - query_states, key_states, value_states, indices_q, cu_seq_lens, max_seq_lens = self._upad_input( - query_states, key_states, value_states, attention_mask, query_length - ) - - cu_seqlens_q, cu_seqlens_k = cu_seq_lens - max_seqlen_in_batch_q, max_seqlen_in_batch_k = max_seq_lens - - attn_output_unpad = flash_attn_varlen_func( # pylint: disable=E0606 - query_states, - key_states, - value_states, - cu_seqlens_q=cu_seqlens_q, - cu_seqlens_k=cu_seqlens_k, - max_seqlen_q=max_seqlen_in_batch_q, - max_seqlen_k=max_seqlen_in_batch_k, - dropout_p=dropout, - softmax_scale=softmax_scale, - causal=causal, - ) - - attn_output = pad_input(attn_output_unpad, indices_q, batch_size, query_length) # pylint: disable=E0606 - else: - attn_output = flash_attn_func( # pylint: disable=E0606 - query_states, key_states, value_states, dropout, softmax_scale=softmax_scale, causal=causal - ) - - return attn_output - - def _upad_input(self, query_layer, key_layer, value_layer, attention_mask, query_length): - indices_k, cu_seqlens_k, max_seqlen_in_batch_k = _get_unpad_data(attention_mask) - batch_size, kv_seq_len, num_key_value_heads, head_dim = key_layer.shape - - key_layer = index_first_axis( # pylint: disable=E0606 - key_layer.reshape(batch_size * kv_seq_len, num_key_value_heads, head_dim), indices_k - ) - value_layer = index_first_axis( # pylint: disable=E0606 - value_layer.reshape(batch_size * kv_seq_len, num_key_value_heads, head_dim), indices_k - ) - if query_length == kv_seq_len: - query_layer = index_first_axis( # pylint: disable=E0606 - query_layer.reshape(batch_size * kv_seq_len, self.num_heads, head_dim), indices_k - ) - cu_seqlens_q = cu_seqlens_k - max_seqlen_in_batch_q = max_seqlen_in_batch_k - indices_q = indices_k - elif query_length == 1: - max_seqlen_in_batch_q = 1 - cu_seqlens_q = torch.arange( - batch_size + 1, dtype=torch.int32, device=query_layer.device - ) # There is a memcpy here, that is very bad. - indices_q = cu_seqlens_q[:-1] - query_layer = query_layer.squeeze(1) - else: - # The -q_len: slice assumes left padding. - attention_mask = attention_mask[:, -query_length:] - query_layer, indices_q, cu_seqlens_q, max_seqlen_in_batch_q = unpad_input( # pylint: disable=E0606 - query_layer, attention_mask - ) - - return ( - query_layer, - key_layer, - value_layer, - indices_q, - (cu_seqlens_q, cu_seqlens_k), - (max_seqlen_in_batch_q, max_seqlen_in_batch_k), - ) - - -# Copied from transformers.models.llama.modeling_llama.LllamaSdpaAttention with Llama->InternLM2 -class InternLM2SdpaAttention(InternLM2Attention): - """ - InternLM2 attention module using torch.nn.functional.scaled_dot_product_attention. This module inherits from - `InternLM2Attention` as the weights of the module stays untouched. The only changes are on the forward pass - to adapt to SDPA API. - """ - - # Adapted from InternLM2Attention.forward - 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: bool = False, - use_cache: bool = False, - cache_position: Optional[torch.LongTensor] = None, - ) -> Tuple[torch.Tensor, Optional[torch.Tensor], Optional[Tuple[torch.Tensor]]]: - if output_attentions: - # TODO: Improve this warning with e.g. `model.config.attn_implementation = "manual"` - # once this is implemented. - logger.warning_once( - "InternLM2Model uses InternLM2SdpaAttention, but `torch.nn.functional.scaled_dot_product_attention` " - "does not support `output_attentions=True`. Falling back to the manual attention implementation, " - "but specifying the manual implementation will be required from Transformers version v5.0.0 onwards. " - 'This warning can be removed using the argument `attn_implementation="eager"` when loading the model.' - ) - return super().forward( - 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, - ) - - bsz, q_len, _ = hidden_states.size() - - qkv_states = self.wqkv(hidden_states) - - qkv_states = rearrange( - qkv_states, - "b q (h gs d) -> b q h gs d", - gs=2 + self.num_key_value_groups, - d=self.head_dim, - ) - - query_states = qkv_states[..., : self.num_key_value_groups, :] - query_states = rearrange(query_states, "b q h gs d -> b q (h gs) d") - key_states = qkv_states[..., -2, :] - value_states = qkv_states[..., -1, :] - - query_states = query_states.transpose(1, 2) - key_states = key_states.transpose(1, 2) - value_states = value_states.transpose(1, 2) - - cos, sin = self.rotary_emb(value_states, position_ids) - 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) - - key_states = repeat_kv(key_states, self.num_key_value_groups) - value_states = repeat_kv(value_states, self.num_key_value_groups) - - causal_mask = attention_mask - if attention_mask is not None: - causal_mask = causal_mask[:, :, :, : key_states.shape[-2]] - - # SDPA with memory-efficient backend is currently (torch==2.1.2) bugged with non-contiguous inputs with - # custom attn_mask, Reference: https://github.com/pytorch/pytorch/issues/112577. - if query_states.device.type == "cuda" and causal_mask is not None: - query_states = query_states.contiguous() - key_states = key_states.contiguous() - value_states = value_states.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. - is_causal = bool(causal_mask is None and q_len > 1) - - attn_output = torch.nn.functional.scaled_dot_product_attention( # pylint: disable=E1102 - query_states, - key_states, - value_states, - attn_mask=causal_mask, - dropout_p=0.0, - is_causal=is_causal, - ) - - attn_output = attn_output.transpose(1, 2).contiguous() - attn_output = attn_output.view(bsz, q_len, self.hidden_size) - - attn_output = self.wo(attn_output) - - return attn_output, None, past_key_value - - -INTERNLM2_ATTENTION_CLASSES = { - "eager": InternLM2Attention, - "flash_attention_2": InternLM2FlashAttention2, - "sdpa": InternLM2SdpaAttention, -} - - -# Modified from transformers.models.llama.modeling_llama.LlamaDecoderLayer with Llama->InternLM2 -class InternLM2DecoderLayer(nn.Module): - """InternLM2 Decoder Layer. This module is a single layer of the InternLM2 model.""" - - def __init__(self, config: InternLM2Config, layer_idx: int): - super().__init__() - self.hidden_size = config.hidden_size - self.layer_idx = layer_idx - - self.attention = INTERNLM2_ATTENTION_CLASSES[config.attn_implementation](config=config, layer_idx=layer_idx) - - self.feed_forward = InternLM2MLP(config) - self.attention_norm = InternLM2RMSNorm(config.hidden_size, eps=config.rms_norm_eps) - self.ffn_norm = InternLM2RMSNorm(config.hidden_size, eps=config.rms_norm_eps) - - 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, - ) -> Tuple[torch.FloatTensor, Optional[Tuple[torch.FloatTensor, torch.FloatTensor]]]: - """ - Args: - hidden_states (`torch.FloatTensor`): input to the layer of shape `(batch, seq_len, embed_dim)` - attention_mask (`torch.FloatTensor`, *optional*): - attention mask of size `(batch_size, sequence_length)` if flash attention is used or `(batch_size, 1, - query_sequence_length, key_sequence_length)` if default attention is used. - output_attentions (`bool`, *optional*): - Whether or not to return the attentions tensors of all attention layers. See `attentions` under - returned tensors for more detail. - 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`). - past_key_value (`Tuple(torch.FloatTensor)`, *optional*): cached past key and value projection states - """ - residual = hidden_states - - hidden_states = self.attention_norm(hidden_states) - - # Self Attention - hidden_states, self_attn_weights, present_key_value = self.attention( - 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, - ) - hidden_states = residual + hidden_states - - # Fully Connected - residual = hidden_states - hidden_states = self.ffn_norm(hidden_states) - hidden_states = self.feed_forward(hidden_states) - hidden_states = residual + hidden_states - - outputs = (hidden_states,) - - if output_attentions: - outputs += (self_attn_weights,) - - if use_cache: - outputs += (present_key_value,) - - return outputs - - -InternLM2_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 ([`InternLM2Config`]): - 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. -""" - - -# Copied from transformers.models.llama.modeling_llama.LlamaPreTrainedModel with Llama->InternLM2 -@add_start_docstrings( - "The bare InternLM2 Model outputting raw hidden-states without any specific head on top.", - InternLM2_START_DOCSTRING, -) -class InternLM2PreTrainedModel(PreTrainedModel): - """ - InternLM2 pretraiend model's base class. - """ - - config_class = InternLM2Config - base_model_prefix = "model" - supports_gradient_checkpointing = True - _no_split_modules = ["InternLM2DecoderLayer"] - _skip_keys_device_placement = ["past_key_values"] - _supports_flash_attn_2 = True - _supports_sdpa = True - _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_() - - -InternLM2_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; - - 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. -""" - - -# Modified from transformers.models.llama.modeling_llama.LlamaModel with Llama->InternLM2 -@add_start_docstrings( - "The bare InternLM2 Model outputting raw hidden-states without any specific head on top.", - InternLM2_START_DOCSTRING, -) -class InternLM2Model(InternLM2PreTrainedModel): - """ - Transformer decoder consisting of *config.num_hidden_layers* layers. Each layer is a [`InternLM2DecoderLayer`] - - Args: - config: InternLM2Config - """ - - _auto_class = "AutoModel" - - def __init__(self, config: InternLM2Config): - super().__init__(config) - self.padding_idx = config.pad_token_id - self.vocab_size = config.vocab_size - self.config = config - - self.tok_embeddings = nn.Embedding(config.vocab_size, config.hidden_size, self.padding_idx) - - self.layers = nn.ModuleList( - [InternLM2DecoderLayer(config, layer_idx) for layer_idx in range(config.num_hidden_layers)] - ) - self.norm = InternLM2RMSNorm(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.tok_embeddings - - def set_input_embeddings(self, value): - self.tok_embeddings = value - - @add_start_docstrings_to_model_forward(InternLM2_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, - ) -> 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 at the same time, and must specify either one" - ) - - 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.tok_embeddings(input_ids) - - return_legacy_cache = False - if use_cache and not isinstance(past_key_values, Cache): # kept for BC (non `Cache` `past_key_values` inputs) - return_legacy_cache = True - past_key_values = DynamicCache.from_legacy_cache(past_key_values) - - 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 - ) - - # embed positions - hidden_states = inputs_embeds - - # decoder layers - all_hidden_states = () if output_hidden_states else None - all_self_attns = () if output_attentions else None - next_decoder_cache = None - - for decoder_layer in self.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, - ) - 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, - ) - - hidden_states = layer_outputs[0] - - if use_cache: - next_decoder_cache = layer_outputs[2 if output_attentions else 1] - - if output_attentions: - all_self_attns += (layer_outputs[1],) - - hidden_states = self.norm(hidden_states) - - # add hidden states from the last decoder layer - if output_hidden_states: - all_hidden_states += (hidden_states,) - - next_cache = next_decoder_cache if use_cache else None - if return_legacy_cache: - next_cache = next_cache.to_legacy_cache() - - if not return_dict: - return tuple(v for v in [hidden_states, next_cache, all_hidden_states, all_self_attns] if v is not None) - return BaseModelOutputWithPast( - last_hidden_state=hidden_states, - past_key_values=next_cache, - hidden_states=all_hidden_states, - attentions=all_self_attns, - ) - - def _update_causal_mask( - self, - attention_mask: torch.Tensor, - input_tensor: torch.Tensor, - cache_position: torch.Tensor, - past_key_values: Cache, - output_attentions: bool, - ): - # TODO: As of torch==2.2.0, the `attention_mask` passed to the model in `generate` is 2D and of dynamic length - # even when the static KV cache is used. This is an issue for torch.compile which then recaptures cudagraphs at - # each decode steps due to the dynamic shapes. (`recording cudagraph tree for symint key 13`, etc.), which is - # VERY slow. A workaround is `@torch.compiler.disable`, but this prevents using `fullgraph=True`. - # See more context in https://github.com/huggingface/transformers/pull/29114 - - if self.config.attn_implementation == "flash_attention_2": - if attention_mask is not None and 0.0 in attention_mask: - return attention_mask - return None - - # For SDPA, when possible, we will rely on its `is_causal` argument instead of its `attn_mask` argument, in - # order to dispatch on Flash Attention 2. This feature is not compatible with static cache, as SDPA will fail - # to infer the attention mask. - 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) - - # When output attentions is True, sdpa implementation's forward method calls the eager implementation's forward - if self.config.attn_implementation == "sdpa" and not using_static_cache and not output_attentions: - if AttentionMaskConverter._ignore_causal_mask_sdpa( - attention_mask, - inputs_embeds=input_tensor, - past_key_values_length=past_seen_tokens, - is_training=self.training, - ): - return None - - dtype, device = input_tensor.dtype, input_tensor.device - min_dtype = torch.finfo(dtype).min - sequence_length = input_tensor.shape[1] - if using_static_cache: - target_length = past_key_values.get_max_length() - else: - target_length = ( - attention_mask.shape[-1] - if isinstance(attention_mask, torch.Tensor) - else past_seen_tokens + sequence_length + 1 - ) - - 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 - if attention_mask.max() != 0: - raise ValueError("Custom 4D attention mask should be passed in inverted form with max==0`") - causal_mask = attention_mask - else: - 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(input_tensor.shape[0], 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 - ) - if ( - self.config.attn_implementation == "sdpa" - and attention_mask is not None - and attention_mask.device.type == "cuda" - 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 - causal_mask = AttentionMaskConverter._unmask_unattended(causal_mask, min_dtype) # pylint: disable=E1120 - - return causal_mask - - -# Modified from transformers.models.llama.modeling_llama.LlamaForCausalLM -class InternLM2ForCausalLM(InternLM2PreTrainedModel): - """Causal language model (CLM) for InternLM2.""" - - _auto_class = "AutoModelForCausalLM" - _tied_weights_keys = ["output.weight"] - - def __init__(self, config): - super().__init__(config) - self.model = InternLM2Model(config) - self.vocab_size = config.vocab_size - self.output = 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.tok_embeddings - - def set_input_embeddings(self, value): - self.model.tok_embeddings = value - - def get_output_embeddings(self): - return self.output - - def set_output_embeddings(self, new_embeddings): - self.output = new_embeddings - - def set_decoder(self, decoder): - self.model = decoder - - def get_decoder(self): - return self.model - - @add_start_docstrings_to_model_forward(InternLM2_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, - ) -> 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]`. - - Returns: - - Example: - - ```python - >>> from transformers import AutoTokenizer, InternLM2ForCausalLM - - >>> model = InternLM2ForCausalLM.from_pretrained("meta-InternLM2/InternLM2-2-7b-hf") - >>> tokenizer = AutoTokenizer.from_pretrained("meta-InternLM2/InternLM2-2-7b-hf") - - >>> 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 outputs 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, - ) - - hidden_states = outputs[0] - if self.config.pretraining_tp > 1: - output_slices = self.output.weight.split(self.vocab_size // self.config.pretraining_tp, dim=0) - logits = [ - F.linear(hidden_states, output_slices[i]) # pylint: disable=not-callable - for i in range(self.config.pretraining_tp) - ] - logits = torch.cat(logits, dim=-1) - else: - logits = self.output(hidden_states) - logits = logits.float() - - loss = None - if labels is not None: - # Shift so that tokens < n predict n - shift_logits = logits[..., :-1, :].contiguous() - shift_labels = labels[..., 1:].contiguous() - # Flatten the tokens - loss_fct = CrossEntropyLoss() - shift_logits = shift_logits.view(-1, self.config.vocab_size) - shift_labels = shift_labels.view(-1) - # Enable model parallelism - shift_labels = shift_labels.to(shift_logits.device) - loss = loss_fct(shift_logits, shift_labels) - - 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, - ) - - def prepare_inputs_for_generation( - self, - input_ids, - past_key_values=None, - attention_mask=None, - inputs_embeds=None, - cache_position=None, - use_cache=True, - **kwargs, - ): - past_length = 0 - if past_key_values is not None: - if isinstance(past_key_values, Cache): - past_length = cache_position[0] if cache_position is not None else past_key_values.get_seq_length() - max_cache_length = ( - torch.tensor(past_key_values.get_max_length(), device=input_ids.device) - if past_key_values.get_max_length() is not None - else None - ) - cache_length = past_length if max_cache_length is None else torch.min(max_cache_length, past_length) - # TODO joao: remove this `else` after `generate` prioritizes `Cache` objects - else: - cache_length = past_length = past_key_values[0][0].shape[2] - max_cache_length = None - - # Keep only the unprocessed tokens: - # 1 - If the length of the attention_mask exceeds the length of input_ids, then we are in a setting where - # some of the inputs are exclusively passed as part of the cache (e.g. when passing input_embeds as input) - if attention_mask is not None and attention_mask.shape[1] > input_ids.shape[1]: - input_ids = input_ids[:, -(attention_mask.shape[1] - past_length) :] - # 2 - If the past_length is smaller than input_ids', then input_ids holds all input tokens. We can discard - # input_ids based on the past_length. - elif past_length < input_ids.shape[1]: - input_ids = input_ids[:, past_length:] - # 3 - Otherwise (past_length >= input_ids.shape[1]), let's assume input_ids only has unprocessed tokens. - - # If we are about to go beyond the maximum cache length, we need to crop the input attention mask. - if ( - max_cache_length is not None - and attention_mask is not None - and cache_length + input_ids.shape[1] > max_cache_length - ): - attention_mask = attention_mask[:, -max_cache_length:] # pylint: disable=E1130 - - position_ids = kwargs.get("position_ids", None) - if attention_mask is not None and position_ids is None: - # create position_ids on the fly for batch generation - position_ids = attention_mask.long().cumsum(-1) - 1 - position_ids.masked_fill_(attention_mask == 0, 1) - if past_key_values: - position_ids = position_ids[:, -input_ids.shape[1] :] - - # if `inputs_embeds` are passed, we only want to use them in the 1st generation step - if inputs_embeds is not None and past_key_values is None: - model_inputs = {"inputs_embeds": inputs_embeds} - else: - # The `contiguous()` here is necessary to have a static stride during decoding. torchdynamo otherwise - # recompiles graphs as the stride of the inputs is a guard. - # Ref: https://github.com/huggingface/transformers/pull/29114 - # TODO: use `next_tokens` directly instead. - model_inputs = {"input_ids": input_ids.contiguous()} - - input_length = position_ids.shape[-1] if position_ids is not None else input_ids.shape[-1] - if cache_position is None: - cache_position = torch.arange(past_length, past_length + input_length, device=input_ids.device) - elif use_cache: - cache_position = cache_position[-input_length:] - - model_inputs.update( - { - "position_ids": position_ids, - "cache_position": cache_position, - "past_key_values": past_key_values, - "use_cache": use_cache, - "attention_mask": attention_mask, - } - ) - return model_inputs - - @staticmethod - def _reorder_cache(past_key_values, beam_idx): - reordered_past = () - for layer_past in past_key_values: - reordered_past += ( - tuple(past_state.index_select(0, beam_idx.to(past_state.device)) for past_state in layer_past), - ) - return reordered_past - - def build_inputs(self, tokenizer, query: str, history: List[Tuple[str, str]] = None, meta_instruction=""): - if history is None: - history = [] - if tokenizer.add_bos_token: - prompt = "" - else: - prompt = tokenizer.bos_token - if meta_instruction: - prompt += f"""<|im_start|>system\n{meta_instruction}<|im_end|>\n""" - for record in history: - prompt += f"""<|im_start|>user\n{record[0]}<|im_end|>\n<|im_start|>assistant\n{record[1]}<|im_end|>\n""" - prompt += f"""<|im_start|>user\n{query}<|im_end|>\n<|im_start|>assistant\n""" - return tokenizer([prompt], return_tensors="pt") - - @torch.no_grad() - def chat( - self, - tokenizer, - query: str, - history: Optional[List[Tuple[str, str]]] = None, - streamer: Optional[BaseStreamer] = None, - max_new_tokens: int = 1024, - do_sample: bool = True, - temperature: float = 0.8, - top_p: float = 0.8, - meta_instruction: str = "You are an AI assistant whose name is InternLM (书生·浦语).\n" - "- InternLM (书生·浦语) is a conversational language model that is developed by Shanghai AI Laboratory " - "(上海人工智能实验室). It is designed to be helpful, honest, and harmless.\n" - "- InternLM (书生·浦语) can understand and communicate fluently in the language chosen by the user such " - "as English and 中文.", - **kwargs, - ): - if history is None: - history = [] - inputs = self.build_inputs(tokenizer, query, history, meta_instruction) - inputs = {k: v.to(self.device) for k, v in inputs.items() if torch.is_tensor(v)} - # also add end-of-assistant token in eos token id to avoid unnecessary generation - eos_token_id = [tokenizer.eos_token_id, tokenizer.convert_tokens_to_ids(["<|im_end|>"])[0]] - outputs = self.generate( - **inputs, - streamer=streamer, - max_new_tokens=max_new_tokens, - do_sample=do_sample, - temperature=temperature, - top_p=top_p, - eos_token_id=eos_token_id, - **kwargs, - ) - outputs = outputs[0].cpu().tolist()[len(inputs["input_ids"][0]) :] - response = tokenizer.decode(outputs, skip_special_tokens=True) - response = response.split("<|im_end|>")[0] - history = history + [(query, response)] - return response, history - - @torch.no_grad() - def stream_chat( - self, - tokenizer, - query: str, - history: List[Tuple[str, str]] = None, - max_new_tokens: int = 1024, - do_sample: bool = True, - temperature: float = 0.8, - top_p: float = 0.8, - **kwargs, - ): - if history is None: - history = [] - """ - Return a generator in format: (response, history) - Eg. - ('你好,有什么可以帮助您的吗', [('你好', '你好,有什么可以帮助您的吗')]) - ('你好,有什么可以帮助您的吗?', [('你好', '你好,有什么可以帮助您的吗?')]) - """ - if BaseStreamer is None: - raise ModuleNotFoundError( - "The version of `transformers` is too low. Please make sure " - "that you have installed `transformers>=4.28.0`." - ) - - response_queue = queue.Queue(maxsize=20) - - class ChatStreamer(BaseStreamer): - """ - Streamer used in generate to print words one by one. - """ - - def __init__(self, tokenizer) -> None: - super().__init__() - self.tokenizer = tokenizer - self.queue = response_queue - self.query = query - self.history = history - self.response = "" - self.cache = [] - self.received_inputs = False - self.queue.put((self.response, history + [(self.query, self.response)])) - - def put(self, value): - if len(value.shape) > 1 and value.shape[0] > 1: - raise ValueError("ChatStreamer only supports batch size 1") - elif len(value.shape) > 1: - value = value[0] - - if not self.received_inputs: - # The first received value is input_ids, ignore here - self.received_inputs = True - return - - self.cache.extend(value.tolist()) - token = self.tokenizer.decode(self.cache, skip_special_tokens=True) - if token.strip() != "<|im_end|>": - self.response = self.response + token - history = self.history + [(self.query, self.response)] - self.queue.put((self.response, history)) - self.cache = [] - else: - self.end() - - def end(self): - self.queue.put(None) - - def stream_producer(): - return self.chat( - tokenizer=tokenizer, - query=query, - streamer=ChatStreamer(tokenizer=tokenizer), - history=history, - max_new_tokens=max_new_tokens, - do_sample=do_sample, - temperature=temperature, - top_p=top_p, - **kwargs, - ) - - def consumer(): - producer = threading.Thread(target=stream_producer) - producer.start() - while True: - res = response_queue.get() - if res is None: - return - yield res - - return consumer() - - -# Copied from transformers.models.llama.modeling_llama.LlamaForSequenceClassification with Llama->InternLM2 -@add_start_docstrings( - """ - The InternLM2 Model transformer with a sequence classification head on top (linear layer). - - [`InternLM2ForSequenceClassification`] 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). - """, - InternLM2_START_DOCSTRING, -) -class InternLM2ForSequenceClassification(InternLM2PreTrainedModel): - """Sequence Classification Head for InternLM2 Model.""" - - def __init__(self, config): - super().__init__(config) - self.num_labels = config.num_labels - self.model = InternLM2Model(config) - self.score = nn.Linear(config.hidden_size, self.num_labels, bias=False) - - # Initialize weights and apply final processing - self.post_init() - - def get_input_embeddings(self): - return self.model.tok_embeddings - - def set_input_embeddings(self, value): - self.model.tok_embeddings = value - - @add_start_docstrings_to_model_forward(InternLM2_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, - 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: - sequence_lengths = -1 - else: - if input_ids is not None: - # if no pad token found, use modulo instead of reverse indexing for ONNX compatibility - sequence_lengths = torch.eq(input_ids, self.config.pad_token_id).int().argmax(-1) - 1 - sequence_lengths = sequence_lengths % input_ids.shape[-1] - sequence_lengths = sequence_lengths.to(logits.device) - else: - sequence_lengths = -1 - - pooled_logits = logits[torch.arange(batch_size, device=logits.device), sequence_lengths] - - loss = None - if labels is not None: - labels = labels.to(logits.device) - if self.config.problem_type is None: - if self.num_labels == 1: - self.config.problem_type = "regression" - elif self.num_labels > 1 and (labels.dtype in (torch.long, torch.int)): - self.config.problem_type = "single_label_classification" - else: - self.config.problem_type = "multi_label_classification" - - if self.config.problem_type == "regression": - loss_fct = MSELoss() - if self.num_labels == 1: - loss = loss_fct(pooled_logits.squeeze(), labels.squeeze()) - else: - loss = loss_fct(pooled_logits, labels) - elif self.config.problem_type == "single_label_classification": - loss_fct = CrossEntropyLoss() - loss = loss_fct(pooled_logits.view(-1, self.num_labels), labels.view(-1)) - elif self.config.problem_type == "multi_label_classification": - loss_fct = BCEWithLogitsLoss() - loss = loss_fct(pooled_logits, labels) - 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, - ) - - -# Copied from transformers.models.llama.modeling_llama.LlamaForQuestionAnswering with Llama->InternLM2 -@add_start_docstrings( - """ -The InternLM2 Model transformer with a span classification head on top for extractive question-answering tasks like -SQuAD (a linear layer on top of the hidden-states output to compute `span start logits` and `span end logits`). - """, - InternLM2_START_DOCSTRING, -) -class InternLM2ForQuestionAnswering(InternLM2PreTrainedModel): - """Question Answering model for InternLM2.""" - - base_model_prefix = "transformer" - - def __init__(self, config): - super().__init__(config) - self.transformer = InternLM2Model(config) - self.qa_outputs = nn.Linear(config.hidden_size, 2) - - # Initialize weights and apply final processing - self.post_init() - - def get_input_embeddings(self): - return self.transformer.tok_embeddings - - def set_input_embeddings(self, value): - self.transformer.tok_embeddings = value - - @add_start_docstrings_to_model_forward(InternLM2_INPUTS_DOCSTRING) - def forward( - self, - input_ids: Optional[torch.LongTensor] = None, - attention_mask: Optional[torch.FloatTensor] = None, - position_ids: Optional[torch.LongTensor] = None, - past_key_values: Optional[Union[Cache, List[torch.FloatTensor]]] = None, - inputs_embeds: Optional[torch.FloatTensor] = None, - start_positions: Optional[torch.LongTensor] = None, - end_positions: Optional[torch.LongTensor] = None, - output_attentions: Optional[bool] = None, - output_hidden_states: Optional[bool] = None, - return_dict: Optional[bool] = None, - ) -> Union[Tuple, QuestionAnsweringModelOutput]: - r""" - start_positions (`torch.LongTensor` of shape `(batch_size,)`, *optional*): - Labels for position (index) of the start of the labelled span for computing the token classification loss. - Positions are clamped to the length of the sequence (`sequence_length`). Position outside of the sequence - are not taken into account for computing the loss. - end_positions (`torch.LongTensor` of shape `(batch_size,)`, *optional*): - Labels for position (index) of the end of the labelled span for computing the token classification loss. - Positions are clamped to the length of the sequence (`sequence_length`). Position outside of the sequence - are not taken into account for computing the loss. - """ - return_dict = return_dict if return_dict is not None else self.config.use_return_dict - - outputs = self.transformer( - input_ids, - attention_mask=attention_mask, - position_ids=position_ids, - past_key_values=past_key_values, - inputs_embeds=inputs_embeds, - output_attentions=output_attentions, - output_hidden_states=output_hidden_states, - return_dict=return_dict, - ) - - sequence_output = outputs[0] - - logits = self.qa_outputs(sequence_output) - start_logits, end_logits = logits.split(1, dim=-1) - start_logits = start_logits.squeeze(-1).contiguous() - end_logits = end_logits.squeeze(-1).contiguous() - - total_loss = None - if start_positions is not None and end_positions is not None: - # If we are on multi-GPU, split add a dimension - if len(start_positions.size()) > 1: - start_positions = start_positions.squeeze(-1).to(start_logits.device) - if len(end_positions.size()) > 1: - end_positions = end_positions.squeeze(-1).to(end_logits.device) - # sometimes the start/end positions are outside our model inputs, we ignore these terms - ignored_index = start_logits.size(1) - start_positions = start_positions.clamp(0, ignored_index) - end_positions = end_positions.clamp(0, ignored_index) - - loss_fct = CrossEntropyLoss(ignore_index=ignored_index) - start_loss = loss_fct(start_logits, start_positions) - end_loss = loss_fct(end_logits, end_positions) - total_loss = (start_loss + end_loss) / 2 - - if not return_dict: - output = (start_logits, end_logits) + outputs[2:] - return ((total_loss,) + output) if total_loss is not None else output - - return QuestionAnsweringModelOutput( - loss=total_loss, - start_logits=start_logits, - end_logits=end_logits, - hidden_states=outputs.hidden_states, - attentions=outputs.attentions, - ) - - -# Copied from transformers.models.llama.modeling_llama.LlamaForTokenClassification with Llama->InternLM2 -@add_start_docstrings( - """ - The InternLM2 Model transformer with a token classification head on top (a linear layer on top of the hidden-states - output) e.g. for Named-Entity-Recognition (NER) tasks. - """, - InternLM2_START_DOCSTRING, -) -class InternLM2ForTokenClassification(InternLM2PreTrainedModel): - """Token classification model for InternLM2.""" - - def __init__(self, config): - super().__init__(config) - self.num_labels = config.num_labels - self.model = InternLM2Model(config) - if getattr(config, "classifier_dropout", None) is not None: - classifier_dropout = config.classifier_dropout - elif getattr(config, "hidden_dropout", None) is not None: - classifier_dropout = config.hidden_dropout - else: - classifier_dropout = 0.1 - self.dropout = nn.Dropout(classifier_dropout) - self.score = nn.Linear(config.hidden_size, config.num_labels) - - # Initialize weights and apply final processing - self.post_init() - - def get_input_embeddings(self): - return self.model.tok_embeddings - - def set_input_embeddings(self, value): - self.model.tok_embeddings = value - - @add_start_docstrings_to_model_forward(InternLM2_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[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 - - 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, - ) - sequence_output = outputs[0] - sequence_output = self.dropout(sequence_output) - logits = self.score(sequence_output) - - loss = None - if labels is not None: - loss_fct = CrossEntropyLoss() - loss = loss_fct(logits.view(-1, self.num_labels), labels.view(-1)) - - if not return_dict: - output = (logits,) + outputs[2:] - return ((loss,) + output) if loss is not None else output - - return TokenClassifierOutput( - loss=loss, - logits=logits, - hidden_states=outputs.hidden_states, - attentions=outputs.attentions, - ) diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/special_tokens_map.json b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/special_tokens_map.json deleted file mode 100644 index 1023d3510a8f6a72f071f934b9319d2b3dba616e..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/special_tokens_map.json +++ /dev/null @@ -1,38 +0,0 @@ -{ - "additional_special_tokens": [ - "<|im_start|>", - "<|im_end|>", - "<|action_start|>", - "<|action_end|>", - "<|interpreter|>", - "<|plugin|>" - ], - "bos_token": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false - }, - "eos_token": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false - }, - "pad_token": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false - }, - "unk_token": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false - } -} diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/tokenization_internlm2.py b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/tokenization_internlm2.py deleted file mode 100755 index ff53eba214b313c86ef489a823167a7ef2b52c09..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/tokenization_internlm2.py +++ /dev/null @@ -1,236 +0,0 @@ -# coding=utf-8 -# Copyright (c) The InternLM team and The HuggingFace Inc. team. All rights reserved. -# -# This code is based on transformers/src/transformers/models/llama/tokenization_llama.py -# -# 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. - -"""Tokenization classes for InternLM.""" -import os -from shutil import copyfile -from typing import Any, Dict, List, Optional, Tuple - -import sentencepiece as spm -from transformers.tokenization_utils import PreTrainedTokenizer -from transformers.utils import logging - -logger = logging.get_logger(__name__) - -VOCAB_FILES_NAMES = {"vocab_file": "./tokenizer.model"} - -PRETRAINED_VOCAB_FILES_MAP = {} - - -# Modified from transformers.model.llama.tokenization_llama.LlamaTokenizer -class InternLM2Tokenizer(PreTrainedTokenizer): - """ - Construct a InternLM2 tokenizer. Based on byte-level Byte-Pair-Encoding. - - Args: - vocab_file (`str`): - Path to the vocabulary file. - """ - - vocab_files_names = VOCAB_FILES_NAMES - pretrained_vocab_files_map = PRETRAINED_VOCAB_FILES_MAP - model_input_names = ["input_ids", "attention_mask"] - _auto_class = "AutoTokenizer" - - def __init__( - self, - vocab_file, - unk_token="", - bos_token="", - eos_token="", - pad_token="", - sp_model_kwargs: Optional[Dict[str, Any]] = None, - add_bos_token=True, - add_eos_token=False, - decode_with_prefix_space=False, - clean_up_tokenization_spaces=False, - **kwargs, - ): - self.sp_model_kwargs = {} if sp_model_kwargs is None else sp_model_kwargs - self.vocab_file = vocab_file - self.add_bos_token = add_bos_token - self.add_eos_token = add_eos_token - self.decode_with_prefix_space = decode_with_prefix_space - self.sp_model = spm.SentencePieceProcessor(**self.sp_model_kwargs) - self.sp_model.Load(vocab_file) - self._no_prefix_space_tokens = None - super().__init__( - bos_token=bos_token, - eos_token=eos_token, - unk_token=unk_token, - pad_token=pad_token, - clean_up_tokenization_spaces=clean_up_tokenization_spaces, - **kwargs, - ) - - @property - def no_prefix_space_tokens(self): - if self._no_prefix_space_tokens is None: - vocab = self.convert_ids_to_tokens(list(range(self.vocab_size))) - self._no_prefix_space_tokens = {i for i, tok in enumerate(vocab) if not tok.startswith("▁")} - return self._no_prefix_space_tokens - - @property - def vocab_size(self): - """Returns vocab size""" - return self.sp_model.get_piece_size() - - @property - def bos_token_id(self) -> Optional[int]: - return self.sp_model.bos_id() - - @property - def eos_token_id(self) -> Optional[int]: - return self.sp_model.eos_id() - - def get_vocab(self): - """Returns vocab as a dict""" - vocab = {self.convert_ids_to_tokens(i): i for i in range(self.vocab_size)} - vocab.update(self.added_tokens_encoder) - return vocab - - def _tokenize(self, text): - """Returns a tokenized string.""" - return self.sp_model.encode(text, out_type=str) - - def _convert_token_to_id(self, token): - """Converts a token (str) in an id using the vocab.""" - return self.sp_model.piece_to_id(token) - - def _convert_id_to_token(self, index): - """Converts an index (integer) in a token (str) using the vocab.""" - token = self.sp_model.IdToPiece(index) - return token - - def _maybe_add_prefix_space(self, tokens, decoded): - if tokens and tokens[0] not in self.no_prefix_space_tokens: - return " " + decoded - else: - return decoded - - def convert_tokens_to_string(self, tokens): - """Converts a sequence of tokens (string) in a single string.""" - current_sub_tokens = [] - out_string = "" - prev_is_special = False - for token in tokens: - # make sure that special tokens are not decoded using sentencepiece model - if token in self.all_special_tokens: - if not prev_is_special: - out_string += " " - out_string += self.sp_model.decode(current_sub_tokens) + token - prev_is_special = True - current_sub_tokens = [] - else: - current_sub_tokens.append(token) - prev_is_special = False - out_string += self.sp_model.decode(current_sub_tokens) - out_string = self.clean_up_tokenization(out_string) - out_string = self._maybe_add_prefix_space(tokens=tokens, decoded=out_string) - return out_string[1:] - - def save_vocabulary(self, save_directory, filename_prefix: Optional[str] = None) -> Tuple[str]: - """ - Save the vocabulary and special tokens file to a directory. - - Args: - save_directory (`str`): - The directory in which to save the vocabulary. - - Returns: - `Tuple(str)`: Paths to the files saved. - """ - if not os.path.isdir(save_directory): - logger.error(f"Vocabulary path ({save_directory}) should be a directory") - return - out_vocab_file = os.path.join( - save_directory, (filename_prefix + "-" if filename_prefix else "") + VOCAB_FILES_NAMES["vocab_file"] - ) - - if os.path.abspath(self.vocab_file) != os.path.abspath(out_vocab_file) and os.path.isfile(self.vocab_file): - copyfile(self.vocab_file, out_vocab_file) - elif not os.path.isfile(self.vocab_file): - with open(out_vocab_file, "wb") as fi: - content_spiece_model = self.sp_model.serialized_model_proto() - fi.write(content_spiece_model) - - return (out_vocab_file,) - - def build_inputs_with_special_tokens(self, token_ids_0, token_ids_1=None): - if self.add_bos_token: - bos_token_ids = [self.bos_token_id] - else: - bos_token_ids = [] - - output = bos_token_ids + token_ids_0 - - if token_ids_1 is not None: - output = output + token_ids_1 - - if self.add_eos_token: - output = output + [self.eos_token_id] - - return output - - def get_special_tokens_mask( - self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None, already_has_special_tokens: bool = False - ) -> List[int]: - """ - Retrieve sequence ids from a token list that has no special tokens added. This method is called when adding - special tokens using the tokenizer `prepare_for_model` method. - - Args: - token_ids_0 (`List[int]`): - List of IDs. - token_ids_1 (`List[int]`, *optional*): - Optional second list of IDs for sequence pairs. - already_has_special_tokens (`bool`, *optional*, defaults to `False`): - Whether or not the token list is already formatted with special tokens for the model. - - Returns: - `List[int]`: A list of integers in the range [0, 1]: 1 for a special token, 0 for a sequence token. - """ - if already_has_special_tokens: - return super().get_special_tokens_mask( - token_ids_0=token_ids_0, token_ids_1=token_ids_1, already_has_special_tokens=True - ) - - if token_ids_1 is None: - return [1] + ([0] * len(token_ids_0)) + [1] - return [1] + ([0] * len(token_ids_0)) + [1, 1] + ([0] * len(token_ids_1)) + [1] - - def create_token_type_ids_from_sequences( - self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None - ) -> List[int]: - """ - Create a mask from the two sequences passed to be used in a sequence-pair classification task. T5 does not make - use of token type ids, therefore a list of zeros is returned. - - Args: - token_ids_0 (`List[int]`): - List of IDs. - token_ids_1 (`List[int]`, *optional*): - Optional second list of IDs for sequence pairs. - - Returns: - `List[int]`: List of zeros. - """ - eos = [self.eos_token_id] - - if token_ids_1 is None: - return len(token_ids_0 + eos) * [0] - return len(token_ids_0 + eos + token_ids_1 + eos) * [0] diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/tokenization_internlm2_fast.py b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/tokenization_internlm2_fast.py deleted file mode 100755 index 4d9d5f147c832320f1a96e4a7cb53b0c2c879d28..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/tokenization_internlm2_fast.py +++ /dev/null @@ -1,214 +0,0 @@ -# coding=utf-8 -# Copyright (c) The InternLM team and The HuggingFace Inc. team. All rights reserved. -# -# This code is based on transformers/src/transformers/models/llama/tokenization_llama_fast.py -# -# 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. - -"""Tokenization Fast class for InternLM.""" -import os -from shutil import copyfile -from typing import Any, Dict, Optional, Tuple - -from tokenizers import processors, decoders, Tokenizer, normalizers -from tokenizers.models import BPE - -from transformers.tokenization_utils_fast import PreTrainedTokenizerFast -from transformers.utils import logging - -from transformers.convert_slow_tokenizer import ( - SLOW_TO_FAST_CONVERTERS, - SpmConverter, - SentencePieceExtractor, -) - -from .tokenization_internlm2 import InternLM2Tokenizer - -logger = logging.get_logger(__name__) - -VOCAB_FILES_NAMES = {"vocab_file": "./tokenizer.model"} - -# Modified from transformers.convert_slow_tokenizer.LlamaConverter -class InternLM2Converter(SpmConverter): - handle_byte_fallback = True - - def vocab(self, proto): - vocab = [ - ("", 0.0), - ("", 0.0), - ("", 0.0), - ] - vocab += [(piece.piece, piece.score) for piece in proto.pieces[3:]] - return vocab - - def unk_id(self, proto): - unk_id = 0 - return unk_id - - def decoder(self, replacement, add_prefix_space): - decoders_sequence = [ - decoders.Replace("▁", " "), - decoders.ByteFallback(), - decoders.Fuse(), - ] - if self.proto.normalizer_spec.add_dummy_prefix: - decoders_sequence.append(decoders.Strip(content=" ", left=1)) - return decoders.Sequence(decoders_sequence) - - def tokenizer(self, proto): - model_type = proto.trainer_spec.model_type - vocab_scores = self.vocab(proto) - # special tokens - added_tokens = self.original_tokenizer.added_tokens_decoder - for i in range(len(vocab_scores)): - piece, score = vocab_scores[i] - if i in added_tokens: - vocab_scores[i] = (added_tokens[i].content, score) - if model_type == 1: - raise RuntimeError("InternLM2 is supposed to be a BPE model!") - - elif model_type == 2: - _, merges = SentencePieceExtractor(self.original_tokenizer.vocab_file).extract(vocab_scores) - bpe_vocab = {word: i for i, (word, _score) in enumerate(vocab_scores)} - tokenizer = Tokenizer( - BPE(bpe_vocab, merges, unk_token=proto.trainer_spec.unk_piece, fuse_unk=True, byte_fallback=True) - ) - tokenizer.add_special_tokens( - [ added_token for index, added_token in added_tokens.items()] - ) - else: - raise Exception( - "You're trying to run a `Unigram` model but you're file was trained with a different algorithm" - ) - - return tokenizer - - def normalizer(self, proto): - normalizers_list = [] - if proto.normalizer_spec.add_dummy_prefix: - normalizers_list.append(normalizers.Prepend(prepend="▁")) - normalizers_list.append(normalizers.Replace(pattern=" ", content="▁")) - return normalizers.Sequence(normalizers_list) - - def pre_tokenizer(self, replacement, add_prefix_space): - return None - -SLOW_TO_FAST_CONVERTERS["InternLM2Tokenizer"] = InternLM2Converter - - -# Modified from transformers.model.llama.tokenization_llama_fast.LlamaTokenizerFast -> InternLM2TokenizerFast -class InternLM2TokenizerFast(PreTrainedTokenizerFast): - vocab_files_names = VOCAB_FILES_NAMES - slow_tokenizer_class = InternLM2Tokenizer - padding_side = "left" - model_input_names = ["input_ids", "attention_mask"] - _auto_class = "AutoTokenizer" - - def __init__( - self, - vocab_file, - unk_token="", - bos_token="", - eos_token="", - pad_token="", - sp_model_kwargs: Optional[Dict[str, Any]] = None, - add_bos_token=True, - add_eos_token=False, - decode_with_prefix_space=False, - clean_up_tokenization_spaces=False, - **kwargs, - ): - super().__init__( - vocab_file=vocab_file, - unk_token=unk_token, - bos_token=bos_token, - eos_token=eos_token, - pad_token=pad_token, - sp_model_kwargs=sp_model_kwargs, - add_bos_token=add_bos_token, - add_eos_token=add_eos_token, - decode_with_prefix_space=decode_with_prefix_space, - clean_up_tokenization_spaces=clean_up_tokenization_spaces, - **kwargs, - ) - self._add_bos_token = add_bos_token - self._add_eos_token = add_eos_token - self.update_post_processor() - self.vocab_file = vocab_file - - @property - def can_save_slow_tokenizer(self) -> bool: - return os.path.isfile(self.vocab_file) if self.vocab_file else False - - def update_post_processor(self): - """ - Updates the underlying post processor with the current `bos_token` and `eos_token`. - """ - bos = self.bos_token - bos_token_id = self.bos_token_id - if bos is None and self.add_bos_token: - raise ValueError("add_bos_token = True but bos_token = None") - - eos = self.eos_token - eos_token_id = self.eos_token_id - if eos is None and self.add_eos_token: - raise ValueError("add_eos_token = True but eos_token = None") - - single = f"{(bos+':0 ') if self.add_bos_token else ''}$A:0{(' '+eos+':0') if self.add_eos_token else ''}" - pair = f"{single}{(' '+bos+':1') if self.add_bos_token else ''} $B:1{(' '+eos+':1') if self.add_eos_token else ''}" - - special_tokens = [] - if self.add_bos_token: - special_tokens.append((bos, bos_token_id)) - if self.add_eos_token: - special_tokens.append((eos, eos_token_id)) - self._tokenizer.post_processor = processors.TemplateProcessing( - single=single, pair=pair, special_tokens=special_tokens - ) - - @property - def add_eos_token(self): - return self._add_eos_token - - @property - def add_bos_token(self): - return self._add_bos_token - - @add_eos_token.setter - def add_eos_token(self, value): - self._add_eos_token = value - self.update_post_processor() - - @add_bos_token.setter - def add_bos_token(self, value): - self._add_bos_token = value - self.update_post_processor() - - def save_vocabulary(self, save_directory: str, filename_prefix: Optional[str] = None) -> Tuple[str]: - if not self.can_save_slow_tokenizer: - raise ValueError( - "Your fast tokenizer does not have the necessary information to save the vocabulary for a slow " - "tokenizer." - ) - - if not os.path.isdir(save_directory): - logger.error(f"Vocabulary path ({save_directory}) should be a directory") - return - out_vocab_file = os.path.join( - save_directory, (filename_prefix + "-" if filename_prefix else "") + VOCAB_FILES_NAMES["vocab_file"] - ) - - if os.path.abspath(self.vocab_file) != os.path.abspath(out_vocab_file): - copyfile(self.vocab_file, out_vocab_file) - - return (out_vocab_file,) diff --git a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/tokenizer.json b/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/tokenizer.json deleted file mode 100644 index 996eabb4856dd889269d6eeab68aad350ffcb8fe..0000000000000000000000000000000000000000 --- a/llama-factory/merged_models/internlm2_5-7b-chat-1m_sft_bf16_p2_full/tokenizer.json +++ /dev/null @@ -1,259571 +0,0 @@ -{ - "version": "1.0", - "truncation": null, - "padding": null, - "added_tokens": [ - { - "id": 0, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 1, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 2, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 92352, - "content": "E", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92353, - "content": "F", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92354, - "content": "G", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92355, - "content": "H", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92356, - "content": "I", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92357, - "content": "J", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92358, - "content": "K", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92359, - "content": "L", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92360, - "content": "M", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92361, - "content": "N", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92362, - "content": "R", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92363, - "content": "U", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92364, - "content": "V", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92365, - "content": "W", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92366, - "content": "X", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92367, - "content": "Y", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92368, - "content": "Z", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92369, - "content": "a", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92370, - "content": "b", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92371, - "content": "c", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92372, - "content": "d", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92373, - "content": "e", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92374, - "content": "f", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92375, - "content": "g", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92376, - "content": "h", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92377, - "content": "i", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92378, - "content": "j", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92379, - "content": "k", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92380, - "content": "l", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92381, - "content": "m", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92382, - "content": "n", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92383, - "content": "o", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92384, - "content": "p", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92385, - "content": "q", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92386, - "content": "r", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92387, - "content": "s", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92388, - "content": "t", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92389, - "content": "u", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92390, - "content": "v", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92391, - "content": "w", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92392, - "content": "x", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92393, - "content": "y", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92394, - "content": "z", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92395, - "content": "——", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92396, - "content": "……", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92397, - "content": "[UNUSED_TOKEN_0]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92398, - "content": "[UNUSED_TOKEN_1]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92399, - "content": "[UNUSED_TOKEN_2]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92400, - "content": "[UNUSED_TOKEN_3]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92401, - "content": "[UNUSED_TOKEN_4]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92402, - "content": "[UNUSED_TOKEN_5]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92403, - "content": "[UNUSED_TOKEN_6]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92404, - "content": "[UNUSED_TOKEN_7]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92405, - "content": "[UNUSED_TOKEN_8]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92406, - "content": "[UNUSED_TOKEN_9]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92407, - "content": "[UNUSED_TOKEN_10]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92408, - "content": "[UNUSED_TOKEN_11]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92409, - "content": "[UNUSED_TOKEN_12]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92410, - "content": "[UNUSED_TOKEN_13]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92411, - "content": "[UNUSED_TOKEN_14]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92412, - "content": "[UNUSED_TOKEN_15]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92413, - "content": "[UNUSED_TOKEN_16]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92414, - "content": "[UNUSED_TOKEN_17]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92415, - "content": "[UNUSED_TOKEN_18]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92416, - "content": "[UNUSED_TOKEN_19]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92417, - "content": "[UNUSED_TOKEN_20]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92418, - "content": "[UNUSED_TOKEN_21]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92419, - "content": "[UNUSED_TOKEN_22]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92420, - "content": "[UNUSED_TOKEN_23]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92421, - "content": "[UNUSED_TOKEN_24]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92422, - "content": "[UNUSED_TOKEN_25]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92423, - "content": "[UNUSED_TOKEN_26]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92424, - "content": "[UNUSED_TOKEN_27]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92425, - "content": "[UNUSED_TOKEN_28]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92426, - "content": "[UNUSED_TOKEN_29]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92427, - "content": "[UNUSED_TOKEN_30]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92428, - "content": "[UNUSED_TOKEN_31]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92429, - "content": "[UNUSED_TOKEN_32]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92430, - "content": "[UNUSED_TOKEN_33]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92431, - "content": "[UNUSED_TOKEN_34]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92432, - "content": "[UNUSED_TOKEN_35]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92433, - "content": "[UNUSED_TOKEN_36]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92434, - "content": "[UNUSED_TOKEN_37]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92435, - "content": "[UNUSED_TOKEN_38]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92436, - "content": "[UNUSED_TOKEN_39]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92437, - "content": "[UNUSED_TOKEN_40]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92438, - "content": "[UNUSED_TOKEN_41]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92439, - "content": "[UNUSED_TOKEN_42]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92440, - "content": "[UNUSED_TOKEN_43]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92441, - "content": "[UNUSED_TOKEN_44]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92442, - "content": "[UNUSED_TOKEN_45]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92443, - "content": "[UNUSED_TOKEN_46]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92444, - "content": "[UNUSED_TOKEN_47]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92445, - "content": "[UNUSED_TOKEN_48]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92446, - "content": "[UNUSED_TOKEN_49]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92447, - "content": "[UNUSED_TOKEN_50]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92448, - "content": "[UNUSED_TOKEN_51]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92449, - "content": "[UNUSED_TOKEN_52]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92450, - "content": "[UNUSED_TOKEN_53]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92451, - "content": "[UNUSED_TOKEN_54]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92452, - "content": "[UNUSED_TOKEN_55]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92453, - "content": "[UNUSED_TOKEN_56]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92454, - "content": "[UNUSED_TOKEN_57]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92455, - "content": "[UNUSED_TOKEN_58]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92456, - "content": "[UNUSED_TOKEN_59]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92457, - "content": "[UNUSED_TOKEN_60]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92458, - "content": "[UNUSED_TOKEN_61]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92459, - "content": "[UNUSED_TOKEN_62]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92460, - "content": "[UNUSED_TOKEN_63]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92461, - "content": "[UNUSED_TOKEN_64]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92462, - "content": "[UNUSED_TOKEN_65]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92463, - "content": "[UNUSED_TOKEN_66]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92464, - "content": "[UNUSED_TOKEN_67]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92465, - "content": "[UNUSED_TOKEN_68]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92466, - "content": "[UNUSED_TOKEN_69]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92467, - "content": "[UNUSED_TOKEN_70]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92468, - "content": "[UNUSED_TOKEN_71]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92469, - "content": "[UNUSED_TOKEN_72]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92470, - "content": "[UNUSED_TOKEN_73]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92471, - "content": "[UNUSED_TOKEN_74]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92472, - "content": "[UNUSED_TOKEN_75]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92473, - "content": "[UNUSED_TOKEN_76]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92474, - "content": "[UNUSED_TOKEN_77]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92475, - "content": "[UNUSED_TOKEN_78]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92476, - "content": "[UNUSED_TOKEN_79]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92477, - "content": "[UNUSED_TOKEN_80]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92478, - "content": "[UNUSED_TOKEN_81]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92479, - "content": "[UNUSED_TOKEN_82]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92480, - "content": "[UNUSED_TOKEN_83]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92481, - "content": "[UNUSED_TOKEN_84]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92482, - "content": "[UNUSED_TOKEN_85]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92483, - "content": "[UNUSED_TOKEN_86]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92484, - "content": "[UNUSED_TOKEN_87]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92485, - "content": "[UNUSED_TOKEN_88]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92486, - "content": "[UNUSED_TOKEN_89]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92487, - "content": "[UNUSED_TOKEN_90]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92488, - "content": "[UNUSED_TOKEN_91]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92489, - "content": "[UNUSED_TOKEN_92]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92490, - "content": "[UNUSED_TOKEN_93]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92491, - "content": "[UNUSED_TOKEN_94]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92492, - "content": "[UNUSED_TOKEN_95]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92493, - "content": "[UNUSED_TOKEN_96]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92494, - "content": "[UNUSED_TOKEN_97]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92495, - "content": "[UNUSED_TOKEN_98]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92496, - "content": "[UNUSED_TOKEN_99]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92497, - "content": "[UNUSED_TOKEN_100]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92498, - "content": "[UNUSED_TOKEN_101]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92499, - "content": "[UNUSED_TOKEN_102]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92500, - "content": "[UNUSED_TOKEN_103]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92501, - "content": "[UNUSED_TOKEN_104]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92502, - "content": "[UNUSED_TOKEN_105]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92503, - "content": "[UNUSED_TOKEN_106]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92504, - "content": "[UNUSED_TOKEN_107]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92505, - "content": "[UNUSED_TOKEN_108]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92506, - "content": "[UNUSED_TOKEN_109]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92507, - "content": "[UNUSED_TOKEN_110]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92508, - "content": "[UNUSED_TOKEN_111]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92509, - "content": "[UNUSED_TOKEN_112]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92510, - "content": "[UNUSED_TOKEN_113]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92511, - "content": "[UNUSED_TOKEN_114]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92512, - "content": "[UNUSED_TOKEN_115]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92513, - "content": "[UNUSED_TOKEN_116]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92514, - "content": "[UNUSED_TOKEN_117]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92515, - "content": "[UNUSED_TOKEN_118]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92516, - "content": "[UNUSED_TOKEN_119]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92517, - "content": "[UNUSED_TOKEN_120]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92518, - "content": "[UNUSED_TOKEN_121]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92519, - "content": "[UNUSED_TOKEN_122]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92520, - "content": "[UNUSED_TOKEN_123]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92521, - "content": "[UNUSED_TOKEN_124]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92522, - "content": "[UNUSED_TOKEN_125]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92523, - "content": "[UNUSED_TOKEN_126]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92524, - "content": "[UNUSED_TOKEN_127]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92525, - "content": "[UNUSED_TOKEN_128]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92526, - "content": "[UNUSED_TOKEN_129]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92527, - "content": "[UNUSED_TOKEN_130]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92528, - "content": "[UNUSED_TOKEN_131]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92529, - "content": "[UNUSED_TOKEN_132]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92530, - "content": "[UNUSED_TOKEN_133]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92531, - "content": "[UNUSED_TOKEN_134]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92532, - "content": "[UNUSED_TOKEN_135]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92533, - "content": "[UNUSED_TOKEN_136]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92534, - "content": "[UNUSED_TOKEN_137]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92535, - "content": "[UNUSED_TOKEN_138]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92536, - "content": "[UNUSED_TOKEN_139]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92537, - "content": "[UNUSED_TOKEN_140]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92538, - "content": "<|plugin|>", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 92539, - "content": "<|interpreter|>", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 92540, - "content": "<|action_end|>", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 92541, - "content": "<|action_start|>", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 92542, - "content": "<|im_end|>", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 92543, - "content": "<|im_start|>", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 92544, - "content": "[UNUSED_TOKEN_141]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92545, - "content": "[UNUSED_TOKEN_142]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92546, - "content": "[UNUSED_TOKEN_143]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92547, - "content": "[UNUSED_TOKEN_144]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92548, - "content": "[UNUSED_TOKEN_145]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - }, - { - "id": 92549, - "content": "[UNUSED_TOKEN_146]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": false - } - ], - "normalizer": { - "type": "Sequence", - "normalizers": [ - { - "type": "Replace", - "pattern": { - "String": " " - }, - "content": "▁" - } - ] - }, - "pre_tokenizer": null, - "post_processor": { - "type": "TemplateProcessing", - "single": [ - { - "SpecialToken": { - "id": "", - "type_id": 0 - } - }, - { - "Sequence": { - "id": "A", - "type_id": 0 - } - } - ], - "pair": [ - { - "SpecialToken": { - "id": "", - "type_id": 0 - } - }, - { - "Sequence": { - "id": "A", - "type_id": 0 - } - }, - { - "SpecialToken": { - "id": "", - "type_id": 1 - } - }, - { - "Sequence": { - "id": "B", - "type_id": 1 - } - } - ], - "special_tokens": { - "": { - "id": "", - "ids": [ - 1 - ], - "tokens": [ - "" - ] - } - } - }, - "decoder": { - "type": "Sequence", - "decoders": [ - { - "type": "Replace", - "pattern": { - "String": "▁" - }, - "content": " " - }, - { - "type": "ByteFallback" - }, - { - "type": "Fuse" - } - ] - }, - "model": { - "type": "BPE", - "dropout": null, - "unk_token": "", - "continuing_subword_prefix": null, - "end_of_word_suffix": null, - "fuse_unk": true, - "byte_fallback": true, - "ignore_merges": false, - "vocab": { - "": 0, - "": 1, - "": 2, - "<0x00>": 3, - "<0x01>": 4, - "<0x02>": 5, - "<0x03>": 6, - "<0x04>": 7, - "<0x05>": 8, - "<0x06>": 9, - "<0x07>": 10, - "<0x08>": 11, - "<0x09>": 12, - "<0x0A>": 13, - "<0x0B>": 14, - "<0x0C>": 15, - "<0x0D>": 16, - "<0x0E>": 17, - "<0x0F>": 18, - "<0x10>": 19, - "<0x11>": 20, - "<0x12>": 21, - "<0x13>": 22, - "<0x14>": 23, - "<0x15>": 24, - "<0x16>": 25, - "<0x17>": 26, - "<0x18>": 27, - "<0x19>": 28, - "<0x1A>": 29, - "<0x1B>": 30, - "<0x1C>": 31, - "<0x1D>": 32, - "<0x1E>": 33, - "<0x1F>": 34, - "<0x20>": 35, - "<0x21>": 36, - "<0x22>": 37, - "<0x23>": 38, - "<0x24>": 39, - "<0x25>": 40, - "<0x26>": 41, - "<0x27>": 42, - "<0x28>": 43, - "<0x29>": 44, - "<0x2A>": 45, - "<0x2B>": 46, - "<0x2C>": 47, - "<0x2D>": 48, - "<0x2E>": 49, - "<0x2F>": 50, - "<0x30>": 51, - "<0x31>": 52, - "<0x32>": 53, - "<0x33>": 54, - "<0x34>": 55, - "<0x35>": 56, - "<0x36>": 57, - "<0x37>": 58, - "<0x38>": 59, - "<0x39>": 60, - "<0x3A>": 61, - "<0x3B>": 62, - "<0x3C>": 63, - "<0x3D>": 64, - "<0x3E>": 65, - "<0x3F>": 66, - "<0x40>": 67, - "<0x41>": 68, - "<0x42>": 69, - "<0x43>": 70, - "<0x44>": 71, - "<0x45>": 72, - "<0x46>": 73, - "<0x47>": 74, - "<0x48>": 75, - "<0x49>": 76, - "<0x4A>": 77, - "<0x4B>": 78, - "<0x4C>": 79, - "<0x4D>": 80, - "<0x4E>": 81, - "<0x4F>": 82, - "<0x50>": 83, - "<0x51>": 84, - "<0x52>": 85, - "<0x53>": 86, - "<0x54>": 87, - "<0x55>": 88, - "<0x56>": 89, - "<0x57>": 90, - "<0x58>": 91, - "<0x59>": 92, - "<0x5A>": 93, - "<0x5B>": 94, - "<0x5C>": 95, - "<0x5D>": 96, - "<0x5E>": 97, - "<0x5F>": 98, - "<0x60>": 99, - "<0x61>": 100, - "<0x62>": 101, - "<0x63>": 102, - "<0x64>": 103, - "<0x65>": 104, - "<0x66>": 105, - "<0x67>": 106, - "<0x68>": 107, - "<0x69>": 108, - "<0x6A>": 109, - "<0x6B>": 110, - "<0x6C>": 111, - "<0x6D>": 112, - "<0x6E>": 113, - "<0x6F>": 114, - "<0x70>": 115, - "<0x71>": 116, - "<0x72>": 117, - "<0x73>": 118, - "<0x74>": 119, - "<0x75>": 120, - "<0x76>": 121, - "<0x77>": 122, - "<0x78>": 123, - "<0x79>": 124, - "<0x7A>": 125, - "<0x7B>": 126, - "<0x7C>": 127, - "<0x7D>": 128, - "<0x7E>": 129, - "<0x7F>": 130, - "<0x80>": 131, - "<0x81>": 132, - "<0x82>": 133, - "<0x83>": 134, - "<0x84>": 135, - "<0x85>": 136, - "<0x86>": 137, - "<0x87>": 138, - "<0x88>": 139, - "<0x89>": 140, - "<0x8A>": 141, - "<0x8B>": 142, - "<0x8C>": 143, - "<0x8D>": 144, - "<0x8E>": 145, - "<0x8F>": 146, - "<0x90>": 147, - "<0x91>": 148, - "<0x92>": 149, - "<0x93>": 150, - "<0x94>": 151, - "<0x95>": 152, - "<0x96>": 153, - "<0x97>": 154, - "<0x98>": 155, - "<0x99>": 156, - "<0x9A>": 157, - "<0x9B>": 158, - "<0x9C>": 159, - "<0x9D>": 160, - "<0x9E>": 161, - "<0x9F>": 162, - "<0xA0>": 163, - "<0xA1>": 164, - "<0xA2>": 165, - "<0xA3>": 166, - "<0xA4>": 167, - "<0xA5>": 168, - "<0xA6>": 169, - "<0xA7>": 170, - "<0xA8>": 171, - "<0xA9>": 172, - "<0xAA>": 173, - "<0xAB>": 174, - "<0xAC>": 175, - "<0xAD>": 176, - "<0xAE>": 177, - "<0xAF>": 178, - "<0xB0>": 179, - "<0xB1>": 180, - "<0xB2>": 181, - "<0xB3>": 182, - "<0xB4>": 183, - "<0xB5>": 184, - "<0xB6>": 185, - "<0xB7>": 186, - "<0xB8>": 187, - "<0xB9>": 188, - "<0xBA>": 189, - "<0xBB>": 190, - "<0xBC>": 191, - "<0xBD>": 192, - "<0xBE>": 193, - "<0xBF>": 194, - "<0xC0>": 195, - "<0xC1>": 196, - "<0xC2>": 197, - "<0xC3>": 198, - "<0xC4>": 199, - "<0xC5>": 200, - "<0xC6>": 201, - "<0xC7>": 202, - "<0xC8>": 203, - "<0xC9>": 204, - "<0xCA>": 205, - "<0xCB>": 206, - "<0xCC>": 207, - "<0xCD>": 208, - "<0xCE>": 209, - "<0xCF>": 210, - "<0xD0>": 211, - "<0xD1>": 212, - "<0xD2>": 213, - "<0xD3>": 214, - "<0xD4>": 215, - "<0xD5>": 216, - "<0xD6>": 217, - "<0xD7>": 218, - "<0xD8>": 219, - "<0xD9>": 220, - "<0xDA>": 221, - "<0xDB>": 222, - "<0xDC>": 223, - "<0xDD>": 224, - "<0xDE>": 225, - "<0xDF>": 226, - "<0xE0>": 227, - "<0xE1>": 228, - "<0xE2>": 229, - "<0xE3>": 230, - "<0xE4>": 231, - "<0xE5>": 232, - "<0xE6>": 233, - "<0xE7>": 234, - "<0xE8>": 235, - "<0xE9>": 236, - "<0xEA>": 237, - "<0xEB>": 238, - "<0xEC>": 239, - "<0xED>": 240, - "<0xEE>": 241, - "<0xEF>": 242, - "<0xF0>": 243, - "<0xF1>": 244, - "<0xF2>": 245, - "<0xF3>": 246, - "<0xF4>": 247, - "<0xF5>": 248, - "<0xF6>": 249, - "<0xF7>": 250, - "<0xF8>": 251, - "<0xF9>": 252, - "<0xFA>": 253, - "<0xFB>": 254, - "<0xFC>": 255, - "<0xFD>": 256, - "<0xFE>": 257, - "<0xFF>": 258, - "'": 259, - "b": 260, - "e": 261, - "▁": 262, - "t": 263, - "a": 264, - "n": 265, - "i": 266, - "r": 267, - "o": 268, - "s": 269, - "l": 270, - "c": 271, - "\\": 272, - "d": 273, - "x": 274, - "u": 275, - "p": 276, - "m": 277, - "\"": 278, - "g": 279, - "h": 280, - ".": 281, - "y": 282, - "f": 283, - "_": 284, - "-": 285, - "v": 286, - "S": 287, - "E": 288, - "C": 289, - "A": 290, - "T": 291, - "k": 292, - "w": 293, - "8": 294, - "I": 295, - "R": 296, - "*": 297, - "(": 298, - "P": 299, - "0": 300, - "/": 301, - "D": 302, - "L": 303, - "N": 304, - "9": 305, - "O": 306, - "M": 307, - "3": 308, - "B": 309, - "=": 310, - "F": 311, - "1": 312, - ")": 313, - "2": 314, - "U": 315, - "G": 316, - "5": 317, - "H": 318, - "4": 319, - "z": 320, - "6": 321, - "V": 322, - "7": 323, - "#": 324, - "W": 325, - "j": 326, - "q": 327, - ",": 328, - ";": 329, - ">": 330, - "K": 331, - "]": 332, - "<": 333, - ":": 334, - "}": 335, - "[": 336, - "Y": 337, - "J": 338, - "{": 339, - "$": 340, - "X": 341, - "+": 342, - "Q": 343, - "%": 344, - "?": 345, - "!": 346, - "@": 347, - "&": 348, - "Z": 349, - "`": 350, - "~": 351, - "|": 352, - "^": 353, - "\u0000": 354, - "\u0001": 355, - "\u0002": 356, - "\u0003": 357, - "\u0004": 358, - "\u0005": 359, - "\u0006": 360, - "\u0007": 361, - "\b": 362, - "\t": 363, - "\n": 364, - "\u000b": 365, - "\f": 366, - "\r": 367, - "\u000e": 368, - "\u000f": 369, - "\u0010": 370, - "\u0011": 371, - "\u0012": 372, - "\u0013": 373, - "\u0014": 374, - "\u0015": 375, - "\u0016": 376, - "\u0017": 377, - "\u0018": 378, - "\u0019": 379, - "\u001a": 380, - "\u001b": 381, - "\u001c": 382, - "\u001d": 383, - "\u001e": 384, - "\u001f": 385, - "": 386, - "▁▁": 387, - "▁▁▁▁": 388, - "in": 389, - "▁t": 390, - "▁▁▁▁▁▁▁▁": 391, - "er": 392, - "▁▁▁": 393, - "on": 394, - "▁a": 395, - "re": 396, - "at": 397, - "st": 398, - "en": 399, - "or": 400, - "▁th": 401, - "\n\n": 402, - "▁c": 403, - "le": 404, - "▁s": 405, - "it": 406, - "an": 407, - "ar": 408, - "al": 409, - "▁the": 410, - ";\n": 411, - "▁p": 412, - "▁f": 413, - "ou": 414, - "▁=": 415, - "is": 416, - "▁▁▁▁▁▁▁": 417, - "ing": 418, - "es": 419, - "▁w": 420, - "ion": 421, - "ed": 422, - "ic": 423, - "▁b": 424, - "▁d": 425, - "et": 426, - "▁m": 427, - "▁o": 428, - "\t\t": 429, - "ro": 430, - "as": 431, - "el": 432, - "ct": 433, - "nd": 434, - "▁in": 435, - "▁h": 436, - "ent": 437, - "id": 438, - "▁n": 439, - "am": 440, - "▁▁▁▁▁▁▁▁▁▁▁": 441, - "▁to": 442, - "▁re": 443, - "--": 444, - "▁{": 445, - "▁of": 446, - "om": 447, - ");\n": 448, - "im": 449, - "\r\n": 450, - "▁(": 451, - "il": 452, - "//": 453, - "▁and": 454, - "ur": 455, - "se": 456, - "▁l": 457, - "ex": 458, - "▁S": 459, - "ad": 460, - "▁\"": 461, - "ch": 462, - "ut": 463, - "if": 464, - "**": 465, - "▁}": 466, - "em": 467, - "ol": 468, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 469, - "th": 470, - ")\n": 471, - "▁{\n": 472, - "▁g": 473, - "ig": 474, - "iv": 475, - ",\n": 476, - "ce": 477, - "od": 478, - "▁v": 479, - "ate": 480, - "▁T": 481, - "ag": 482, - "ay": 483, - "▁*": 484, - "ot": 485, - "us": 486, - "▁C": 487, - "▁st": 488, - "▁I": 489, - "un": 490, - "ul": 491, - "ue": 492, - "▁A": 493, - "ow": 494, - "▁'": 495, - "ew": 496, - "▁<": 497, - "ation": 498, - "()": 499, - "▁for": 500, - "ab": 501, - "ort": 502, - "um": 503, - "ame": 504, - "▁is": 505, - "pe": 506, - "tr": 507, - "ck": 508, - "▁y": 509, - "ist": 510, - "----": 511, - ".\n\n": 512, - "he": 513, - "▁e": 514, - "lo": 515, - "▁M": 516, - "▁be": 517, - "ers": 518, - "▁on": 519, - "▁con": 520, - "ap": 521, - "ub": 522, - "▁P": 523, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 524, - "ass": 525, - "int": 526, - ">\n": 527, - "ly": 528, - "urn": 529, - "▁$": 530, - ";\n\n": 531, - "av": 532, - "port": 533, - "ir": 534, - "->": 535, - "nt": 536, - "ction": 537, - "end": 538, - "▁de": 539, - "00": 540, - "ith": 541, - "out": 542, - "turn": 543, - "our": 544, - "▁▁▁▁▁": 545, - "lic": 546, - "res": 547, - "pt": 548, - "==": 549, - "▁this": 550, - "▁wh": 551, - "▁if": 552, - "▁D": 553, - "ver": 554, - "age": 555, - "▁B": 556, - "ht": 557, - "ext": 558, - "=\"": 559, - "▁that": 560, - "****": 561, - "▁R": 562, - "▁it": 563, - "ess": 564, - "▁F": 565, - "▁r": 566, - "os": 567, - "and": 568, - "▁as": 569, - "ect": 570, - "ke": 571, - "rom": 572, - "▁//": 573, - "con": 574, - "▁L": 575, - "(\"": 576, - "qu": 577, - "lass": 578, - "▁with": 579, - "iz": 580, - "de": 581, - "▁N": 582, - "▁al": 583, - "op": 584, - "up": 585, - "get": 586, - "▁}\n": 587, - "ile": 588, - "▁an": 589, - "ata": 590, - "ore": 591, - "ri": 592, - "▁pro": 593, - ";\r\n": 594, - "\t\t\t\t": 595, - "ter": 596, - "ain": 597, - "▁W": 598, - "▁E": 599, - "▁com": 600, - "▁return": 601, - "art": 602, - "▁H": 603, - "ack": 604, - "import": 605, - "ublic": 606, - "▁or": 607, - "est": 608, - "ment": 609, - "▁G": 610, - "able": 611, - "▁-": 612, - "ine": 613, - "ill": 614, - "ind": 615, - "ere": 616, - "::": 617, - "ity": 618, - "▁+": 619, - "▁tr": 620, - "elf": 621, - "ight": 622, - "('": 623, - "orm": 624, - "ult": 625, - "str": 626, - "..": 627, - "\",": 628, - "▁you": 629, - "ype": 630, - "pl": 631, - "▁new": 632, - "▁j": 633, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 634, - "▁from": 635, - "▁ex": 636, - "▁O": 637, - "20": 638, - "ld": 639, - "▁[": 640, - "oc": 641, - ":\n": 642, - "▁se": 643, - "▁le": 644, - "--------": 645, - ".s": 646, - "{\n": 647, - "',": 648, - "ant": 649, - "▁at": 650, - "ase": 651, - ".c": 652, - "▁ch": 653, - "": 720, - "ust": 721, - "que": 722, - "▁res": 723, - "))": 724, - "'s": 725, - "▁k": 726, - "ans": 727, - "yst": 728, - "unction": 729, - "********": 730, - "▁i": 731, - "▁us": 732, - "pp": 733, - "10": 734, - "one": 735, - "ail": 736, - "====": 737, - "name": 738, - "▁str": 739, - "▁/": 740, - "▁&": 741, - "ach": 742, - "div": 743, - "ystem": 744, - "ell": 745, - "▁have": 746, - "err": 747, - "ould": 748, - "ull": 749, - "pon": 750, - "▁J": 751, - "_p": 752, - "▁==": 753, - "ign": 754, - "St": 755, - ".\n": 756, - "▁pl": 757, - ");\n\n": 758, - "form": 759, - "put": 760, - "ount": 761, - "}\n\n": 762, - "dd": 763, - "ite": 764, - "▁get": 765, - "rr": 766, - "ome": 767, - "aram": 768, - "cc": 769, - "▁*/": 770, - "ER": 771, - "In": 772, - "les": 773, - "_s": 774, - "ong": 775, - "ie": 776, - "▁can": 777, - "▁V": 778, - "erv": 779, - "pr": 780, - "▁un": 781, - "row": 782, - "ber": 783, - "▁do": 784, - "ll": 785, - "▁el": 786, - "▁self": 787, - "ated": 788, - "ary": 789, - "▁.": 790, - "']": 791, - "ud": 792, - "▁en": 793, - "▁Th": 794, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 795, - "te": 796, - "_c": 797, - "uct": 798, - "▁ab": 799, - "ork": 800, - ".get": 801, - "▁#": 802, - "aw": 803, - "ress": 804, - "ob": 805, - "Name": 806, - "201": 807, - "app": 808, - "['": 809, - "▁all": 810, - "ory": 811, - "ition": 812, - "ance": 813, - "ear": 814, - "▁cont": 815, - "vent": 816, - "ia": 817, - "▁will": 818, - "IN": 819, - "▁▁▁▁▁▁▁▁▁": 820, - "return": 821, - "▁": 887, - "\",\n": 888, - "ec": 889, - "▁In": 890, - "ph": 891, - "▁|": 892, - "_f": 893, - "▁var": 894, - "ence": 895, - "Id": 896, - "ree": 897, - "ink": 898, - "lect": 899, - "ug": 900, - "eth": 901, - "▁else": 902, - "----------------": 903, - "19": 904, - "cont": 905, - "▁so": 906, - "atic": 907, - "▁lo": 908, - "pro": 909, - "ton": 910, - "ss": 911, - "own": 912, - "abel": 913, - "oint": 914, - "ous": 915, - "eld": 916, - "ST": 917, - "The": 918, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 919, - "RE": 920, - "\":": 921, - "olor": 922, - "tp": 923, - "eg": 924, - "key": 925, - "ude": 926, - "▁St": 927, - "ound": 928, - "▁ar": 929, - "\");\n": 930, - "ener": 931, - "ser": 932, - "11": 933, - "bject": 934, - "essage": 935, - "fer": 936, - "▁more": 937, - "ations": 938, - "ents": 939, - "▁his": 940, - "▁they": 941, - ".S": 942, - "▁Y": 943, - "use": 944, - "ne": 945, - "ish": 946, - "old": 947, - "_d": 948, - "io": 949, - "ield": 950, - "▁per": 951, - "Cont": 952, - "ings": 953, - "####": 954, - "▁data": 955, - "▁sa": 956, - "ef": 957, - "fo": 958, - "▁one": 959, - "eng": 960, - "▁dis": 961, - "AT": 962, - "▁name": 963, - "▁true": 964, - "val": 965, - "led": 966, - ".f": 967, - "▁ne": 968, - "▁end": 969, - "32": 970, - ".T": 971, - "16": 972, - "cre": 973, - "ark": 974, - "log": 975, - "Ex": 976, - "error": 977, - "_id": 978, - "urre": 979, - "ange": 980, - "▁null": 981, - "rray": 982, - "▁my": 983, - "pan": 984, - "ict": 985, - "ator": 986, - "View": 987, - "List": 988, - "\treturn": 989, - "▁pre": 990, - "▁x": 991, - "clude": 992, - "arg": 993, - "15": 994, - "ov": 995, - ".h": 996, - "▁>": 997, - "▁their": 998, - "')": 999, - "irst": 1000, - "ick": 1001, - "gh": 1002, - "LE": 1003, - "OR": 1004, - "▁private": 1005, - "tem": 1006, - "\r\n\r\n": 1007, - "user": 1008, - "▁)": 1009, - "com": 1010, - ".A": 1011, - "\";\n": 1012, - "▁id": 1013, - "read": 1014, - "▁who": 1015, - "_b": 1016, - "\">\n": 1017, - "▁time": 1018, - "▁man": 1019, - "ry": 1020, - "========": 1021, - "roup": 1022, - "rop": 1023, - "public": 1024, - "vel": 1025, - "umber": 1026, - "ble": 1027, - "▁which": 1028, - "****************": 1029, - "▁any": 1030, - "▁false": 1031, - "we": 1032, - "▁value": 1033, - "▁li": 1034, - "\")": 1035, - "nder": 1036, - "gr": 1037, - "▁no": 1038, - "param": 1039, - "25": 1040, - "fig": 1041, - ".com": 1042, - "▁app": 1043, - "_l": 1044, - "ions": 1045, - ".D": 1046, - "▁Ch": 1047, - "▁about": 1048, - "▁add": 1049, - "▁su": 1050, - "▁string": 1051, - "ID": 1052, - "▁over": 1053, - "string": 1054, - ".l": 1055, - "ource": 1056, - "000": 1057, - "_C": 1058, - "]\n": 1059, - "▁qu": 1060, - "▁String": 1061, - "ca": 1062, - "SE": 1063, - "▁ro": 1064, - "sh": 1065, - "ual": 1066, - "Type": 1067, - "son": 1068, - "new": 1069, - "ern": 1070, - "▁ag": 1071, - "AR": 1072, - "];\n": 1073, - "].": 1074, - "▁?": 1075, - "ical": 1076, - "▁des": 1077, - "uth": 1078, - "ix": 1079, - "ays": 1080, - "▁type": 1081, - "'t": 1082, - "ault": 1083, - "▁inter": 1084, - "var": 1085, - ".b": 1086, - "▁part": 1087, - ".d": 1088, - "urrent": 1089, - "IT": 1090, - "EN": 1091, - "30": 1092, - "enc": 1093, - "(f": 1094, - "ra": 1095, - "value": 1096, - "cho": 1097, - "18": 1098, - "utton": 1099, - "ose": 1100, - "14": 1101, - "▁!=": 1102, - "ater": 1103, - "reate": 1104, - "oll": 1105, - "pos": 1106, - "yle": 1107, - "ng": 1108, - "AL": 1109, - "using": 1110, - "ames": 1111, - "▁{\r\n": 1112, - "ates": 1113, - "ely": 1114, - "▁work": 1115, - "▁em": 1116, - "inal": 1117, - "▁sp": 1118, - "▁when": 1119, - ".set": 1120, - "▁▁▁▁▁▁": 1121, - "):\n": 1122, - "to": 1123, - "quire": 1124, - "indow": 1125, - "lement": 1126, - "pect": 1127, - "ash": 1128, - "[i": 1129, - "▁use": 1130, - ".F": 1131, - "pec": 1132, - "▁ad": 1133, - "ove": 1134, - "ception": 1135, - "ength": 1136, - "include": 1137, - "ader": 1138, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 1139, - "atus": 1140, - "Th": 1141, - "itle": 1142, - "rit": 1143, - "void": 1144, - "().": 1145, - "(\n": 1146, - "▁off": 1147, - "▁other": 1148, - "▁&&": 1149, - "';\n": 1150, - "ms": 1151, - "▁been": 1152, - "▁te": 1153, - "ml": 1154, - "co": 1155, - "nc": 1156, - "13": 1157, - "ervice": 1158, - "▁%": 1159, - "**\n": 1160, - "ann": 1161, - "ade": 1162, - "\n\n\n\n": 1163, - "lock": 1164, - "const": 1165, - "100": 1166, - "ponse": 1167, - "▁sup": 1168, - "++": 1169, - "date": 1170, - "▁acc": 1171, - "▁had": 1172, - "▁bu": 1173, - "200": 1174, - "▁Re": 1175, - "▁were": 1176, - "▁file": 1177, - "▁would": 1178, - "ven": 1179, - "iss": 1180, - "▁our": 1181, - "class": 1182, - "raw": 1183, - "▁year": 1184, - "Data": 1185, - "▁val": 1186, - "▁some": 1187, - "fter": 1188, - "ys": 1189, - "▁///": 1190, - "round": 1191, - "view": 1192, - "▁pe": 1193, - "▁there": 1194, - "▁said": 1195, - "du": 1196, - "of": 1197, - "line": 1198, - "/*": 1199, - "duct": 1200, - "▁her": 1201, - "▁▁▁▁▁▁▁▁▁▁▁▁▁": 1202, - "Res": 1203, - "▁co": 1204, - "▁comm": 1205, - "ise": 1206, - "min": 1207, - "▁▁▁▁\n": 1208, - "#include": 1209, - "ethod": 1210, - ".P": 1211, - "ute": 1212, - "▁ass": 1213, - "Int": 1214, - "ask": 1215, - "loc": 1216, - "▁like": 1217, - "ody": 1218, - "▁let": 1219, - "load": 1220, - "▁am": 1221, - "rol": 1222, - "▁gr": 1223, - "yp": 1224, - "▁also": 1225, - "▁It": 1226, - "url": 1227, - "ific": 1228, - "ors": 1229, - "_P": 1230, - "_n": 1231, - "igh": 1232, - "▁than": 1233, - "Com": 1234, - "AN": 1235, - "UL": 1236, - "ating": 1237, - "17": 1238, - "▁This": 1239, - "ref": 1240, - "_S": 1241, - "▁static": 1242, - "roll": 1243, - "▁just": 1244, - "▁result": 1245, - "ian": 1246, - "idth": 1247, - "▁them": 1248, - "));\n": 1249, - "der": 1250, - "reak": 1251, - "Con": 1252, - "://": 1253, - "ule": 1254, - "...": 1255, - "arch": 1256, - "ement": 1257, - "▁<<": 1258, - "50": 1259, - "ush": 1260, - "ense": 1261, - "arr": 1262, - "▁into": 1263, - "cess": 1264, - "amp": 1265, - "ied": 1266, - "ument": 1267, - "▁\\": 1268, - "],": 1269, - "wo": 1270, - "als": 1271, - "▁what": 1272, - "anc": 1273, - "Value": 1274, - "='": 1275, - "olum": 1276, - "▁pos": 1277, - "ages": 1278, - "ayer": 1279, - "▁sc": 1280, - "ues": 1281, - "\")\n": 1282, - "_T": 1283, - "▁list": 1284, - "(s": 1285, - "▁case": 1286, - "Ch": 1287, - "\t\t\t\t\t": 1288, - "////////": 1289, - "ponent": 1290, - "▁z": 1291, - "▁kn": 1292, - "let": 1293, - "DE": 1294, - "red": 1295, - "▁fe": 1296, - "▁},\n": 1297, - "▁,": 1298, - "(t": 1299, - "▁first": 1300, - "');\n": 1301, - "word": 1302, - "▁import": 1303, - "▁act": 1304, - "▁char": 1305, - "CT": 1306, - "▁Tr": 1307, - "ople": 1308, - "={": 1309, - "\tf": 1310, - "24": 1311, - "ient": 1312, - "cent": 1313, - ".j": 1314, - "lection": 1315, - "))\n": 1316, - "▁only": 1317, - "▁print": 1318, - "mer": 1319, - ".W": 1320, - "ock": 1321, - "▁--": 1322, - "Text": 1323, - "▁op": 1324, - "ank": 1325, - "▁its": 1326, - "▁back": 1327, - "[\"": 1328, - "▁need": 1329, - "▁cl": 1330, - "▁sub": 1331, - "▁la": 1332, - "((": 1333, - ".\"": 1334, - "Object": 1335, - "▁start": 1336, - "file": 1337, - "(self": 1338, - "ner": 1339, - "ey": 1340, - "▁user": 1341, - "▁ent": 1342, - "▁Com": 1343, - "its": 1344, - "▁Con": 1345, - "ouble": 1346, - "ower": 1347, - "item": 1348, - "very": 1349, - "▁We": 1350, - "64": 1351, - "lick": 1352, - "▁Q": 1353, - "php": 1354, - "ttp": 1355, - "':": 1356, - "ics": 1357, - "▁under": 1358, - "▁*\n": 1359, - ".L": 1360, - ");": 1361, - "ices": 1362, - "▁reg": 1363, - ")\r\n": 1364, - "\tpublic": 1365, - "SS": 1366, - "▁then": 1367, - "reat": 1368, - "ious": 1369, - ".G": 1370, - "ek": 1371, - "irect": 1372, - "heck": 1373, - "cript": 1374, - "ning": 1375, - "▁Un": 1376, - "▁may": 1377, - "▁Wh": 1378, - "Bo": 1379, - "Item": 1380, - "struct": 1381, - ".st": 1382, - "ream": 1383, - "ible": 1384, - "loat": 1385, - "▁org": 1386, - "und": 1387, - "sum": 1388, - "_in": 1389, - "../": 1390, - "_M": 1391, - "▁how": 1392, - "rite": 1393, - "'\n": 1394, - "To": 1395, - "40": 1396, - "ww": 1397, - "▁people": 1398, - "index": 1399, - ".n": 1400, - "http": 1401, - "(m": 1402, - "ector": 1403, - "▁ind": 1404, - "▁jav": 1405, - "],\n": 1406, - "▁He": 1407, - "_st": 1408, - "ful": 1409, - "ole": 1410, - "){\n": 1411, - "▁should": 1412, - "opy": 1413, - "elp": 1414, - "ier": 1415, - "_name": 1416, - "erson": 1417, - "ION": 1418, - "ote": 1419, - "▁test": 1420, - "▁bet": 1421, - "rror": 1422, - "ular": 1423, - "bs": 1424, - "ting": 1425, - "▁make": 1426, - "Tr": 1427, - "▁after": 1428, - "arget": 1429, - "RO": 1430, - "olumn": 1431, - "rc": 1432, - "_re": 1433, - "define": 1434, - "22": 1435, - "▁right": 1436, - "right": 1437, - "day": 1438, - "▁long": 1439, - "[]": 1440, - "(p": 1441, - "td": 1442, - "cond": 1443, - "▁Pro": 1444, - "▁rem": 1445, - "ptions": 1446, - "vid": 1447, - ".g": 1448, - "▁ext": 1449, - "▁__": 1450, - "')\n": 1451, - "pace": 1452, - "mp": 1453, - "▁min": 1454, - "stance": 1455, - "air": 1456, - "action": 1457, - "wh": 1458, - "type": 1459, - "util": 1460, - "ait": 1461, - "\n\n": 1485, - "▁she": 1486, - "\"]": 1487, - "aph": 1488, - "▁exp": 1489, - "erty": 1490, - "▁Se": 1491, - "▁par": 1492, - "unc": 1493, - "ET": 1494, - "▁read": 1495, - "print": 1496, - "▁rel": 1497, - "▁form": 1498, - "▁dr": 1499, - "Exception": 1500, - "input": 1501, - "▁trans": 1502, - "########": 1503, - "order": 1504, - "By": 1505, - "▁aw": 1506, - "ities": 1507, - "uff": 1508, - "play": 1509, - ".add": 1510, - "▁want": 1511, - "▁comp": 1512, - "ments": 1513, - "▁||": 1514, - "az": 1515, - "be": 1516, - "▁number": 1517, - "▁require": 1518, - "▁Ex": 1519, - "60": 1520, - "▁col": 1521, - "▁key": 1522, - "ember": 1523, - "▁two": 1524, - "▁size": 1525, - "▁where": 1526, - "UT": 1527, - "result": 1528, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 1529, - "ough": 1530, - "orld": 1531, - "ood": 1532, - "uch": 1533, - "ative": 1534, - "ger": 1535, - "arent": 1536, - "▁/*": 1537, - "▁arg": 1538, - "▁while": 1539, - "23": 1540, - "(this": 1541, - "▁rec": 1542, - "▁dif": 1543, - "State": 1544, - "▁spec": 1545, - "ride": 1546, - "_F": 1547, - "▁look": 1548, - "AM": 1549, - "ility": 1550, - "eter": 1551, - "\n\n\n": 1552, - "ayout": 1553, - "--------------------------------": 1554, - "ager": 1555, - "▁could": 1556, - "▁br": 1557, - "ends": 1558, - "ures": 1559, - "▁know": 1560, - "ets": 1561, - "▁If": 1562, - "▁Sh": 1563, - ".w": 1564, - "back": 1565, - "▁ser": 1566, - "▁+=": 1567, - "▁fr": 1568, - "());\n": 1569, - "▁hand": 1570, - "Ind": 1571, - "ULL": 1572, - "Im": 1573, - "();\n\n": 1574, - "▁most": 1575, - "▁try": 1576, - "▁now": 1577, - "rough": 1578, - ">\r\n": 1579, - "ackage": 1580, - "▁him": 1581, - "._": 1582, - "ify": 1583, - "▁break": 1584, - "▁);\n": 1585, - "ren": 1586, - "#define": 1587, - "itt": 1588, - "▁ap": 1589, - "\tc": 1590, - "(n": 1591, - "▁You": 1592, - ":\n\n": 1593, - "-m": 1594, - "▁every": 1595, - "ustom": 1596, - "lient": 1597, - "ocument": 1598, - "cription": 1599, - "Error": 1600, - "-b": 1601, - "][": 1602, - "99": 1603, - "trans": 1604, - "▁point": 1605, - "▁std": 1606, - "▁fil": 1607, - "Time": 1608, - "80": 1609, - "▁mod": 1610, - "▁->": 1611, - "▁error": 1612, - "ah": 1613, - "▁text": 1614, - "roller": 1615, - "lose": 1616, - "ql": 1617, - "▁pol": 1618, - "><": 1936, - ".B": 1937, - "-c": 1938, - "▁open": 1939, - "▁est": 1940, - "▁▁▁▁▁▁▁▁\n": 1941, - "▁next": 1942, - "IM": 1943, - "OT": 1944, - "▁follow": 1945, - "content": 1946, - "▁▁▁▁▁▁▁▁▁▁▁▁": 1947, - "▁includ": 1948, - "HE": 1949, - "▁Res": 1950, - "▁href": 1951, - "▁car": 1952, - "ypes": 1953, - "image": 1954, - "Un": 1955, - "▁bool": 1956, - "AD": 1957, - "▁game": 1958, - ".Form": 1959, - "rows": 1960, - "*/": 1961, - "velop": 1962, - ".Drawing": 1963, - "▁path": 1964, - "ision": 1965, - "▁each": 1966, - "▁Pl": 1967, - "_type": 1968, - "Path": 1969, - "nection": 1970, - "▁av": 1971, - "').": 1972, - "▁support": 1973, - "ENT": 1974, - "rem": 1975, - "\").": 1976, - "▁own": 1977, - "▁cor": 1978, - "count": 1979, - "miss": 1980, - "ually": 1981, - "▁mem": 1982, - "std": 1983, - "ience": 1984, - "search": 1985, - "\"\n\n": 1986, - "Form": 1987, - "▁sex": 1988, - "ename": 1989, - "▁sign": 1990, - "▁et": 1991, - "▁▁▁▁▁▁▁▁▁▁": 1992, - "','": 1993, - "▁App": 1994, - "▁those": 1995, - "off": 1996, - "▁err": 1997, - "▁system": 1998, - "▁best": 1999, - "code": 2000, - "▁same": 2001, - "▁di": 2002, - "uss": 2003, - "▁create": 2004, - "ather": 2005, - "Array": 2006, - ".in": 2007, - "fe": 2008, - "Service": 2009, - "UN": 2010, - "ats": 2011, - "▁Z": 2012, - "alth": 2013, - "▁made": 2014, - "true": 2015, - "AB": 2016, - "▁mark": 2017, - "rid": 2018, - "ified": 2019, - ",\r\n": 2020, - "yn": 2021, - "press": 2022, - "▁group": 2023, - "▁fin": 2024, - "▁License": 2025, - "Field": 2026, - "eger": 2027, - "▁world": 2028, - "iness": 2029, - "ty": 2030, - "▁process": 2031, - "(b": 2032, - "▁cre": 2033, - "arn": 2034, - "ives": 2035, - "▁main": 2036, - "ideo": 2037, - "36": 2038, - "_g": 2039, - "AG": 2040, - "valid": 2041, - "img": 2042, - "PI": 2043, - "▁color": 2044, - "▁report": 2045, - "▁take": 2046, - "rib": 2047, - "OM": 2048, - "▁day": 2049, - "Request": 2050, - "▁sk": 2051, - "bers": 2052, - "\ts": 2053, - ".Add": 2054, - "oot": 2055, - "Image": 2056, - "▁comple": 2057, - "ollection": 2058, - "▁top": 2059, - "▁free": 2060, - "AS": 2061, - "De": 2062, - "▁On": 2063, - "IG": 2064, - "90": 2065, - "eta": 2066, - "Date": 2067, - "▁action": 2068, - "34": 2069, - "Over": 2070, - "itor": 2071, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 2072, - "not": 2073, - "▁index": 2074, - "her": 2075, - "icon": 2076, - "On": 2077, - ";\r\n\r\n": 2078, - "ivity": 2079, - "mand": 2080, - ".Windows": 2081, - "OL": 2082, - "▁real": 2083, - "▁max": 2084, - "land": 2085, - "....": 2086, - "raph": 2087, - "▁build": 2088, - "leg": 2089, - "assword": 2090, - "?\n\n": 2091, - "ook": 2092, - "uck": 2093, - "▁message": 2094, - "test": 2095, - "ivers": 2096, - "38": 2097, - "▁input": 2098, - "▁art": 2099, - "▁between": 2100, - "Get": 2101, - "enter": 2102, - "ground": 2103, - "ene": 2104, - ".length": 2105, - "Node": 2106, - "(i": 2107, - "Class": 2108, - "for": 2109, - "ten": 2110, - "oin": 2111, - "▁ke": 2112, - "ui": 2113, - "▁IN": 2114, - "▁table": 2115, - "sub": 2116, - "▁Le": 2117, - "▁head": 2118, - "▁must": 2119, - "////////////////": 2120, - ".util": 2121, - "Context": 2122, - "▁order": 2123, - "▁mov": 2124, - "over": 2125, - "▁contin": 2126, - "▁say": 2127, - "static": 2128, - ".Text": 2129, - "▁className": 2130, - "pany": 2131, - "▁ter": 2132, - "head": 2133, - "rg": 2134, - "▁product": 2135, - "This": 2136, - "▁But": 2137, - "70": 2138, - "loy": 2139, - "▁double": 2140, - "sg": 2141, - "▁place": 2142, - ".x": 2143, - "message": 2144, - "▁information": 2145, - "private": 2146, - "▁oper": 2147, - "ced": 2148, - "db": 2149, - "\">": 2332, - "aterial": 2333, - "iled": 2334, - "▁put": 2335, - "Qu": 2336, - "ung": 2337, - "map": 2338, - "\t\t\t\t\t\t\t\t": 2339, - "▁level": 2340, - "Component": 2341, - "book": 2342, - "creen": 2343, - "_RE": 2344, - "▁config": 2345, - "Or": 2346, - ".data": 2347, - "▁document": 2348, - "\",\"": 2349, - "tribute": 2350, - "ux": 2351, - "Log": 2352, - "ference": 2353, - "post": 2354, - "_e": 2355, - "▁local": 2356, - "andom": 2357, - "assert": 2358, - "Val": 2359, - "lected": 2360, - "ina": 2361, - "atabase": 2362, - "Add": 2363, - "▁content": 2364, - ".print": 2365, - "signed": 2366, - "ric": 2367, - ".\"\n\n": 2368, - "▁fa": 2369, - "!\n\n": 2370, - "-f": 2371, - "ived": 2372, - "▁quest": 2373, - ".ex": 2374, - "▁float": 2375, - "▁develop": 2376, - "Map": 2377, - "ading": 2378, - "▁poss": 2379, - "UE": 2380, - "namespace": 2381, - "_O": 2382, - "\tb": 2383, - ".Get": 2384, - ">(": 2385, - "json": 2386, - "etails": 2387, - "66": 2388, - "▁too": 2389, - "▁extends": 2390, - "▁None": 2391, - "▁fore": 2392, - "(String": 2393, - "format": 2394, - "▁great": 2395, - "inter": 2396, - "cale": 2397, - "ron": 2398, - "iving": 2399, - "Ent": 2400, - "ency": 2401, - "xt": 2402, - "oy": 2403, - "05": 2404, - "▁month": 2405, - "▁happ": 2406, - "▁super": 2407, - "bar": 2408, - "default": 2409, - "_de": 2410, - "ords": 2411, - "ln": 2412, - "({\n": 2413, - "▁Ind": 2414, - "ases": 2415, - "▁title": 2416, - "▁context": 2417, - "08": 2418, - "oh": 2419, - "-p": 2420, - "Em": 2421, - "▁met": 2422, - "Test": 2423, - "▁life": 2424, - "_v": 2425, - "▁US": 2426, - "UI": 2427, - "ocation": 2428, - "md": 2429, - "▁[\n": 2430, - "▁]": 2431, - "sw": 2432, - "▁incre": 2433, - "script": 2434, - "ential": 2435, - "ways": 2436, - ".de": 2437, - "▁src": 2438, - "▁catch": 2439, - "▁Americ": 2440, - "//\n": 2441, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 2442, - "▁pay": 2443, - "plit": 2444, - "▁coun": 2445, - "obj": 2446, - ".php": 2447, - "▁change": 2448, - "ething": 2449, - "'re": 2450, - "aster": 2451, - "los": 2452, - "lation": 2453, - "▁▁\n": 2454, - "Le": 2455, - "({": 2456, - "ready": 2457, - "▁No": 2458, - "▁position": 2459, - "▁old": 2460, - "▁book": 2461, - "abled": 2462, - "bug": 2463, - "202": 2464, - "Hand": 2465, - "};\n\n": 2466, - "isplay": 2467, - "aving": 2468, - "04": 2469, - "▁gover": 2470, - "▁version": 2471, - "System": 2472, - "nect": 2473, - "response": 2474, - "Style": 2475, - "Up": 2476, - "angu": 2477, - "▁three": 2478, - "init": 2479, - "ero": 2480, - "▁law": 2481, - "endif": 2482, - "▁base": 2483, - "email": 2484, - "(l": 2485, - "_V": 2486, - "▁conf": 2487, - "ATE": 2488, - "▁during": 2489, - "tes": 2490, - "▁console": 2491, - "▁Pr": 2492, - "▁spe": 2493, - "ves": 2494, - "65": 2495, - "path": 2496, - "ialog": 2497, - "dition": 2498, - "_to": 2499, - "ards": 2500, - "▁against": 2501, - "etwork": 2502, - "▁Ph": 2503, - "_L": 2504, - "cur": 2505, - "imit": 2506, - "With": 2507, - "▁power": 2508, - "ium": 2509, - "';\n\n": 2510, - "▁wom": 2511, - "left": 2512, - "ources": 2513, - "atri": 2514, - "▁Im": 2515, - "▁Man": 2516, - "orth": 2517, - "${": 2518, - "88": 2519, - "quals": 2520, - "ese": 2521, - "_size": 2522, - "▁iss": 2523, - "otal": 2524, - "-g": 2525, - "ique": 2526, - "rame": 2527, - "▁width": 2528, - "erg": 2529, - ")(": 2530, - "ittle": 2531, - "TR": 2532, - "▁They": 2533, - "ences": 2534, - "02": 2535, - "rl": 2536, - "ons": 2537, - "▁label": 2538, - ".y": 2539, - "-t": 2540, - "update": 2541, - "anel": 2542, - "sc": 2543, - ".to": 2544, - "▁project": 2545, - "▁element": 2546, - "▁success": 2547, - "\t\t\n": 2548, - ".sh": 2549, - "ram": 2550, - "ched": 2551, - "())\n": 2552, - "▁(\n": 2553, - "▁date": 2554, - "▁tot": 2555, - "_ST": 2556, - "All": 2557, - "ification": 2558, - "\tvar": 2559, - "▁tri": 2560, - "chem": 2561, - "my": 2562, - "▁big": 2563, - "▁Ad": 2564, - "▁At": 2565, - "ots": 2566, - "num": 2567, - "Act": 2568, - "▁map": 2569, - "era": 2570, - "cope": 2571, - ".$": 2572, - "▁pop": 2573, - "▁few": 2574, - "▁len": 2575, - "uid": 2576, - "eters": 2577, - "ules": 2578, - "source": 2579, - "https": 2580, - "▁dem": 2581, - "▁ear": 2582, - "################": 2583, - "▁match": 2584, - "ories": 2585, - "49": 2586, - "aces": 2587, - "▁Cl": 2588, - "▁node": 2589, - "78": 2590, - "irc": 2591, - "local": 2592, - "unity": 2593, - "};\n": 2594, - "▁another": 2595, - "<<": 2596, - "ogle": 2597, - "▁sit": 2598, - "ework": 2599, - "TE": 2600, - ".I": 2601, - "NS": 2602, - "ology": 2603, - "ought": 2604, - ".Cont": 2605, - ">>": 2606, - "▁care": 2607, - "state": 2608, - "\tprivate": 2609, - "▁effect": 2610, - "++)": 2611, - "_file": 2612, - "ending": 2613, - "Line": 2614, - "For": 2615, - "ior": 2616, - "▁Sc": 2617, - "▁fun": 2618, - ".Size": 2619, - "\telse": 2620, - "])": 2621, - "start": 2622, - "vious": 2623, - "▁},": 2624, - "ours": 2625, - "▁leg": 2626, - "▁service": 2627, - "▁since": 2628, - "iron": 2629, - "Label": 2630, - "▁non": 2631, - "▁los": 2632, - "iction": 2633, - "▁full": 2634, - "acter": 2635, - "board": 2636, - "gress": 2637, - "▁turn": 2638, - "ither": 2639, - "09": 2640, - ".size": 2641, - "▁body": 2642, - "resh": 2643, - "eturn": 2644, - "199": 2645, - "(_": 2646, - "yles": 2647, - "ormal": 2648, - "pi": 2649, - "▁something": 2650, - "!--": 2651, - "uint": 2652, - "▁produ": 2653, - "▁stand": 2654, - "▁proble": 2655, - "▁available": 2656, - "mt": 2657, - "▁Bl": 2658, - "▁...": 2659, - "▁block": 2660, - "Input": 2661, - "▁keep": 2662, - "Count": 2663, - "open": 2664, - "▁['": 2665, - "▁throw": 2666, - "uilder": 2667, - "Action": 2668, - "▁things": 2669, - "True": 2670, - "▁url": 2671, - "▁Bo": 2672, - "printf": 2673, - "▁red": 2674, - "js": 2675, - ".create": 2676, - "▁Or": 2677, - "Status": 2678, - "Instance": 2679, - "▁control": 2680, - "▁come": 2681, - "▁custom": 2682, - "location": 2683, - "07": 2684, - "model": 2685, - "▁\r\n": 2686, - "▁source": 2687, - "▁eas": 2688, - ".out": 2689, - "]\n\n": 2690, - "oney": 2691, - "▁await": 2692, - "▁partic": 2693, - "AP": 2694, - "ublish": 2695, - "odes": 2696, - "_pro": 2697, - "ply": 2698, - "riter": 2699, - "▁prov": 2700, - "▁mill": 2701, - "HT": 2702, - "])\n": 2703, - "▁chang": 2704, - "▁ask": 2705, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 2706, - "▁output": 2707, - "▁email": 2708, - "68": 2709, - ".push": 2710, - "▁}\r\n\r\n": 2711, - "ination": 2712, - "47": 2713, - "atrix": 2714, - "Table": 2715, - "uccess": 2716, - "]);\n": 2717, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 2718, - "▁disc": 2719, - "([": 2720, - "▁business": 2721, - "height": 2722, - ".html": 2723, - "ta": 2724, - "field": 2725, - "▁required": 2726, - "_R": 2727, - "▁govern": 2728, - "}\r\n\r\n": 2729, - "lex": 2730, - "500": 2731, - ".,": 2732, - "▁Set": 2733, - "urch": 2734, - "///": 2735, - "ts": 2736, - "af": 2737, - "▁might": 2738, - "istory": 2739, - "Str": 2740, - "▁never": 2741, - "Response": 2742, - "arse": 2743, - "ada": 2744, - "▁How": 2745, - "▁*)": 2746, - "▁;": 2747, - "▁hard": 2748, - "Ad": 2749, - "▁intern": 2750, - "used": 2751, - "(data": 2752, - "mod": 2753, - "annel": 2754, - "▁np": 2755, - "ugg": 2756, - "▁/>\n": 2757, - "▁called": 2758, - "body": 2759, - "▁cho": 2760, - "(r": 2761, - "_set": 2762, - "ird": 2763, - "▁>=": 2764, - "▁};\n": 2765, - "▁options": 2766, - "▁Gener": 2767, - "▁height": 2768, - "Point": 2769, - "You": 2770, - "ety": 2771, - "Click": 2772, - "▁small": 2773, - "▁ide": 2774, - "▁access": 2775, - "anguage": 2776, - "▁protected": 2777, - "▁job": 2778, - "▁There": 2779, - "Def": 2780, - "▁address": 2781, - "▁uint": 2782, - "Not": 2783, - "oo": 2784, - "aps": 2785, - "": 2923, - "\t▁▁▁": 2924, - "\"))": 2925, - "Content": 2926, - "_W": 2927, - "plement": 2928, - "▁won": 2929, - "▁video": 2930, - "adi": 2931, - "point": 2932, - "%%": 2933, - "03": 2934, - "▁gl": 2935, - "erved": 2936, - "viron": 2937, - "IF": 2938, - "uted": 2939, - "'m": 2940, - "▁cert": 2941, - "▁prof": 2942, - "▁cell": 2943, - "ari": 2944, - "▁player": 2945, - "ais": 2946, - "▁cost": 2947, - "▁hum": 2948, - "(R": 2949, - "▁offic": 2950, - "ks": 2951, - ".text": 2952, - "atures": 2953, - "▁total": 2954, - "▁*/\n\n": 2955, - "ope": 2956, - "▁stat": 2957, - "UM": 2958, - "▁load": 2959, - "ights": 2960, - "▁clear": 2961, - "uro": 2962, - "▁techn": 2963, - "upport": 2964, - "IR": 2965, - "▁row": 2966, - "▁seem": 2967, - "▁q": 2968, - "▁short": 2969, - "▁Not": 2970, - "ipp": 2971, - "Group": 2972, - "section": 2973, - "max": 2974, - "irl": 2975, - "▁override": 2976, - "▁company": 2977, - "▁done": 2978, - "\");\r\n": 2979, - "▁gre": 2980, - ".Re": 2981, - "▁belie": 2982, - "rist": 2983, - "▁health": 2984, - "ANT": 2985, - "()\n\n": 2986, - "▁Be": 2987, - ".value": 2988, - "▁Gr": 2989, - "ottom": 2990, - "▁args": 2991, - "PT": 2992, - "status": 2993, - "func": 2994, - "uments": 2995, - "-h": 2996, - "Number": 2997, - ":\r\n": 2998, - "▁Log": 2999, - "erver": 3000, - "▁),\n": 3001, - "ament": 3002, - "▁obj": 3003, - "inc": 3004, - "▁children": 3005, - "icy": 3006, - "IZ": 3007, - "ands": 3008, - "ably": 3009, - "▁distrib": 3010, - "▁cur": 3011, - "erial": 3012, - "▁days": 3013, - "reated": 3014, - "rect": 3015, - "-l": 3016, - "irm": 3017, - "idden": 3018, - "omb": 3019, - "▁initial": 3020, - ".js": 3021, - "Query": 3022, - "▁online": 3023, - "imal": 3024, - ".con": 3025, - "au": 3026, - "Url": 3027, - "control": 3028, - "irection": 3029, - "▁instance": 3030, - "ORT": 3031, - "▁Fr": 3032, - "where": 3033, - "▁javax": 3034, - "▁organ": 3035, - "apter": 3036, - "▁reason": 3037, - "options": 3038, - "59": 3039, - "▁Mar": 3040, - "(a": 3041, - "▁within": 3042, - "ODE": 3043, - "_DE": 3044, - "admin": 3045, - "ended": 3046, - "▁design": 3047, - "▁Data": 3048, - "une": 3049, - "▁File": 3050, - "root": 3051, - "▁cent": 3052, - "▁arr": 3053, - "_add": 3054, - "len": 3055, - "page": 3056, - ",'": 3057, - "_str": 3058, - "▁bro": 3059, - "ability": 3060, - "outh": 3061, - "58": 3062, - "/c": 3063, - "pose": 3064, - "irtual": 3065, - "earch": 3066, - "_url": 3067, - "argin": 3068, - "Http": 3069, - "▁school": 3070, - "ava": 3071, - "▁consider": 3072, - ".label": 3073, - "▁Array": 3074, - "42": 3075, - "web": 3076, - "opt": 3077, - ".println": 3078, - "ulation": 3079, - "▁func": 3080, - "PL": 3081, - "▁\"\\": 3082, - "▁Text": 3083, - "actory": 3084, - "(function": 3085, - "null": 3086, - "▁eng": 3087, - "down": 3088, - "▁include": 3089, - "▁En": 3090, - "▁Dr": 3091, - "▁db": 3092, - "!!": 3093, - "side": 3094, - "▁init": 3095, - "quired": 3096, - "▁She": 3097, - "Column": 3098, - "react": 3099, - "▁ann": 3100, - "▁stop": 3101, - "▁later": 3102, - "▁That": 3103, - "ention": 3104, - "df": 3105, - "UG": 3106, - "ILE": 3107, - "▁client": 3108, - "raft": 3109, - "ffer": 3110, - "POST": 3111, - "elper": 3112, - "▁love": 3113, - "quote": 3114, - "oud": 3115, - "▁json": 3116, - "▁able": 3117, - "▁men": 3118, - "AX": 3119, - "▁Copyright": 3120, - "avig": 3121, - "req": 3122, - "Client": 3123, - "});\n": 3124, - ".Com": 3125, - "erc": 3126, - "ilt": 3127, - "pecial": 3128, - "_com": 3129, - "room": 3130, - ".Name": 3131, - "▁give": 3132, - "amb": 3133, - "ike": 3134, - "▁condition": 3135, - "client": 3136, - "ators": 3137, - ":\"": 3138, - "▁copy": 3139, - "uture": 3140, - "iversity": 3141, - "ernal": 3142, - "{{": 3143, - "▁Can": 3144, - "ounc": 3145, - "do": 3146, - "▁occ": 3147, - "▁appro": 3148, - "thers": 3149, - "ze": 3150, - "▁either": 3151, - "▁Fl": 3152, - "▁important": 3153, - "▁lead": 3154, - "attr": 3155, - "ART": 3156, - "Equal": 3157, - "▁da": 3158, - "etch": 3159, - "entity": 3160, - "▁family": 3161, - "adding": 3162, - "▁option": 3163, - "▁exist": 3164, - "ica": 3165, - "▁Object": 3166, - "69": 3167, - "'ve": 3168, - "vers": 3169, - "itional": 3170, - "67": 3171, - "output": 3172, - "▁True": 3173, - "▁OF": 3174, - "_time": 3175, - "▁offer": 3176, - "▁});\n\n": 3177, - "HER": 3178, - "egin": 3179, - "\"\"": 3180, - "▁water": 3181, - "▁che": 3182, - "▁My": 3183, - "ored": 3184, - "▁step": 3185, - "ances": 3186, - "CK": 3187, - "AY": 3188, - "struction": 3189, - "(C": 3190, - "300": 3191, - "ouch": 3192, - "Stream": 3193, - "active": 3194, - "ama": 3195, - "Entity": 3196, - "product": 3197, - "(){\n": 3198, - "▁government": 3199, - "▁ID": 3200, - "ajor": 3201, - "And": 3202, - "▁display": 3203, - "▁times": 3204, - "▁four": 3205, - "▁far": 3206, - "▁present": 3207, - "▁NS": 3208, - "▁\\\n": 3209, - "uest": 3210, - "▁bas": 3211, - "echo": 3212, - "child": 3213, - "ifier": 3214, - "Handler": 3215, - "▁lib": 3216, - "Property": 3217, - "translation": 3218, - "▁room": 3219, - "▁once": 3220, - "▁[]": 3221, - "center": 3222, - "================================": 3223, - "▁results": 3224, - "▁continue": 3225, - "▁talk": 3226, - "_get": 3227, - "▁grow": 3228, - ".sw": 3229, - "eb": 3230, - "▁Public": 3231, - "OP": 3232, - "ecute": 3233, - "ols": 3234, - "▁**": 3235, - "\");\n\n": 3236, - "▁mass": 3237, - "ured": 3238, - ".class": 3239, - "omic": 3240, - "▁mean": 3241, - "ips": 3242, - "▁aut": 3243, - ");\r\n\r\n": 3244, - "▁until": 3245, - "▁market": 3246, - "▁area": 3247, - "uit": 3248, - "▁length": 3249, - "▁With": 3250, - "structor": 3251, - "event": 3252, - "\"><": 3253, - "▁Sp": 3254, - "IV": 3255, - "▁mus": 3256, - "iff": 3257, - "▁kind": 3258, - "author": 3259, - "ounds": 3260, - "mb": 3261, - "_key": 3262, - "41": 3263, - "width": 3264, - "pository": 3265, - "▁light": 3266, - "uk": 3267, - "Row": 3268, - "ohn": 3269, - "alf": 3270, - "vironment": 3271, - "apper": 3272, - "ollections": 3273, - "▁side": 3274, - "_info": 3275, - "▁example": 3276, - "imary": 3277, - "▁wr": 3278, - "▁camp": 3279, - "cribe": 3280, - "255": 3281, - "\"/": 3282, - "▁miss": 3283, - "way": 3284, - "▁based": 3285, - "▁plan": 3286, - "Vis": 3287, - "omain": 3288, - "unk": 3289, - "▁away": 3290, - "UP": 3291, - "": 3533, - "▁den": 3534, - "obile": 3535, - "change": 3536, - "▁▁▁▁▁▁▁▁▁▁▁▁\n": 3537, - "ici": 3538, - "na": 3539, - "▁Form": 3540, - "▁sort": 3541, - "Select": 3542, - "pare": 3543, - "▁thought": 3544, - "_con": 3545, - "▁task": 3546, - "ocus": 3547, - "▁DE": 3548, - "▁Min": 3549, - "▁opt": 3550, - "\tbreak": 3551, - "umer": 3552, - "KE": 3553, - "then": 3554, - "▁det": 3555, - "▁Test": 3556, - "ports": 3557, - "▁review": 3558, - "('/": 3559, - "move": 3560, - "▁switch": 3561, - "ERT": 3562, - "patch": 3563, - "annot": 3564, - "▁above": 3565, - "itive": 3566, - "56": 3567, - "▁question": 3568, - "▁Qu": 3569, - "gle": 3570, - "▁word": 3571, - "▁provide": 3572, - "▁Return": 3573, - "▁research": 3574, - "ustr": 3575, - "▁publish": 3576, - "chema": 3577, - "}}": 3578, - "▁CON": 3579, - "-in": 3580, - "allback": 3581, - "▁cover": 3582, - "\\\\": 3583, - "color": 3584, - "▁IS": 3585, - "▁whether": 3586, - "imate": 3587, - "isc": 3588, - "Bar": 3589, - "▁div": 3590, - "Be": 3591, - "ourn": 3592, - "▁having": 3593, - "lem": 3594, - "player": 3595, - "abs": 3596, - "amera": 3597, - "ney": 3598, - "▁exc": 3599, - "gether": 3600, - "plied": 3601, - "ao": 3602, - "[$": 3603, - "▁++": 3604, - "ipe": 3605, - "show": 3606, - "/d": 3607, - "[:": 3608, - "agement": 3609, - "lev": 3610, - "_ID": 3611, - "97": 3612, - "rary": 3613, - "ades": 3614, - "_se": 3615, - "ause": 3616, - "▁employ": 3617, - "▁*/\r\n": 3618, - "▁fre": 3619, - "▁'@": 3620, - "▁complet": 3621, - "▁large": 3622, - "ral": 3623, - "\\x": 3624, - "▁fac": 3625, - ">": 3739, - "▁face": 3740, - "CTION": 3741, - "▁save": 3742, - "▁typ": 3743, - "dev": 3744, - "(\"#": 3745, - "AGE": 3746, - "container": 3747, - "edit": 3748, - "QL": 3749, - "▁items": 3750, - "▁social": 3751, - "ien": 3752, - "▁React": 3753, - ").\n\n": 3754, - "▁mar": 3755, - "▁redu": 3756, - "▁RE": 3757, - ".put": 3758, - "▁major": 3759, - "Cell": 3760, - "next": 3761, - "▁expected": 3762, - "▁yet": 3763, - "▁indiv": 3764, - "tributes": 3765, - "atis": 3766, - "amed": 3767, - "▁food": 3768, - "Source": 3769, - "(string": 3770, - "▁+\n": 3771, - "ites": 3772, - "dr": 3773, - "▁members": 3774, - "▁comb": 3775, - "items": 3776, - "▁Per": 3777, - "TH": 3778, - "=True": 3779, - "▁bar": 3780, - "_SE": 3781, - "comm": 3782, - "(w": 3783, - ")\n\n\n": 3784, - "▁send": 3785, - "▁inc": 3786, - "unsigned": 3787, - "FA": 3788, - "▁params": 3789, - "apping": 3790, - "ros": 3791, - "ugin": 3792, - "fa": 3793, - "▁connection": 3794, - "▁};\n\n": 3795, - "▁become": 3796, - "Mode": 3797, - "▁ev": 3798, - "▁diff": 3799, - "▁United": 3800, - "Height": 3801, - "fully": 3802, - "images": 3803, - "▁makes": 3804, - "▁global": 3805, - "▁contact": 3806, - "':\n": 3807, - "▁abs": 3808, - "float": 3809, - "▁except": 3810, - "▁Pol": 3811, - "Child": 3812, - "typ": 3813, - "▁certain": 3814, - "OUT": 3815, - "▁impro": 3816, - "iles": 3817, - "▁-->\n": 3818, - "▁Part": 3819, - "values": 3820, - "oss": 3821, - "/**": 3822, - "ilit": 3823, - "▁Event": 3824, - "curity": 3825, - "ster": 3826, - "▁character": 3827, - "198": 3828, - "▁news": 3829, - "▁\",": 3830, - "▁device": 3831, - "cel": 3832, - "login": 3833, - "heet": 3834, - "Default": 3835, - "@\"": 3836, - "\t▁": 3837, - "click": 3838, - "(value": 3839, - "▁Ab": 3840, - "▁previous": 3841, - "ERROR": 3842, - "ocal": 3843, - "▁material": 3844, - "▁below": 3845, - "▁Christ": 3846, - "▁media": 3847, - "cover": 3848, - "▁UI": 3849, - "▁fail": 3850, - "▁black": 3851, - "▁component": 3852, - "▁American": 3853, - "▁added": 3854, - "▁buy": 3855, - "stit": 3856, - "▁came": 3857, - "▁delete": 3858, - "property": 3859, - "oding": 3860, - "▁card": 3861, - "rops": 3862, - "▁https": 3863, - "▁root": 3864, - "▁handle": 3865, - "CC": 3866, - "Back": 3867, - "emplate": 3868, - "▁getting": 3869, - "_by": 3870, - "mail": 3871, - "_sh": 3872, - ".assert": 3873, - "▁Dec": 3874, - "(true": 3875, - "▁comput": 3876, - "▁claim": 3877, - "'=>": 3878, - "▁Sub": 3879, - "▁air": 3880, - "ops": 3881, - "nav": 3882, - "ements": 3883, - "(id": 3884, - "▁enter": 3885, - "anged": 3886, - "End": 3887, - "▁location": 3888, - "▁night": 3889, - "▁doing": 3890, - "▁Red": 3891, - "lin": 3892, - "}\n\n\n": 3893, - "vider": 3894, - "▁pick": 3895, - "▁watch": 3896, - "essages": 3897, - "▁human": 3898, - "▁dam": 3899, - "pend": 3900, - "dir": 3901, - "▁tax": 3902, - "▁girl": 3903, - "reet": 3904, - "▁box": 3905, - "▁strong": 3906, - "(v": 3907, - "rel": 3908, - "▁interface": 3909, - "▁msg": 3910, - "fect": 3911, - "_at": 3912, - "▁house": 3913, - "▁track": 3914, - "');\n\n": 3915, - "je": 3916, - "▁John": 3917, - "istr": 3918, - "(S": 3919, - "ube": 3920, - "▁ce": 3921, - "itted": 3922, - "VER": 3923, - "*)": 3924, - "parent": 3925, - "▁application": 3926, - "any": 3927, - ".swing": 3928, - "▁pack": 3929, - "\\u": 3930, - "▁pract": 3931, - "▁section": 3932, - "ctx": 3933, - "▁unsigned": 3934, - ".Point": 3935, - "▁One": 3936, - "iple": 3937, - "aid": 3938, - "Vector": 3939, - "byte": 3940, - "▁wait": 3941, - "▁together": 3942, - "▁throws": 3943, - "FO": 3944, - "'))": 3945, - "host": 3946, - "ising": 3947, - ".view": 3948, - "▁terms": 3949, - "framework": 3950, - "-r": 3951, - "▁apply": 3952, - "▁session": 3953, - "Options": 3954, - "uggest": 3955, - "▁others": 3956, - "witter": 3957, - "▁fund": 3958, - "Init": 3959, - "__(": 3960, - "ensor": 3961, - "GET": 3962, - "▁several": 3963, - "ii": 3964, - "[j": 3965, - "IO": 3966, - "▁template": 3967, - "Position": 3968, - "▁econ": 3969, - "achine": 3970, - "▁il": 3971, - ".spring": 3972, - "main": 3973, - "elt": 3974, - "iment": 3975, - "Rec": 3976, - "mm": 3977, - "▁University": 3978, - "ursor": 3979, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 3980, - "GL": 3981, - "icture": 3982, - "ithub": 3983, - "cer": 3984, - "cast": 3985, - "From": 3986, - "ales": 3987, - "▁subject": 3988, - "password": 3989, - "ny": 3990, - "▁esc": 3991, - ".write": 3992, - "What": 3993, - ".H": 3994, - "▁history": 3995, - "▁Fe": 3996, - "▁individual": 3997, - "unit": 3998, - "▁-->": 3999, - "▁du": 4000, - "IST": 4001, - "▁users": 4002, - "fs": 4003, - "false": 4004, - "unt": 4005, - "Title": 4006, - "▁mot": 4007, - "▁future": 4008, - "ached": 4009, - "▁started": 4010, - "▁mode": 4011, - "▁'<": 4012, - "_array": 4013, - "▁ax": 4014, - "'];\n": 4015, - "ires": 4016, - "There": 4017, - "ught": 4018, - "tml": 4019, - "posed": 4020, - "icult": 4021, - "▁took": 4022, - "▁games": 4023, - "▁}}": 4024, - "▁?>\n": 4025, - "▁products": 4026, - "Is": 4027, - "▁bad": 4028, - "▁Des": 4029, - ".path": 4030, - "'\n\n": 4031, - "▁Post": 4032, - "avel": 4033, - "(:": 4034, - "150": 4035, - "▁needs": 4036, - "▁known": 4037, - "Fl": 4038, - "▁exec": 4039, - "▁seen": 4040, - "51": 4041, - "ume": 4042, - "▁border": 4043, - "▁live": 4044, - "temp": 4045, - "Per": 4046, - "▁variable": 4047, - "iet": 4048, - "▁Def": 4049, - "▁ge": 4050, - "eme": 4051, - "_back": 4052, - "first": 4053, - "▁provided": 4054, - "////////////////////////////////": 4055, - "▁filename": 4056, - "▁hope": 4057, - "uly": 4058, - "auto": 4059, - "find": 4060, - "_string": 4061, - "btn": 4062, - "itude": 4063, - "Attribute": 4064, - "▁young": 4065, - ".txt": 4066, - "▁website": 4067, - "▁Prop": 4068, - "▁ey": 4069, - ">();\n": 4070, - "ional": 4071, - "ARR": 4072, - "ictionary": 4073, - "urther": 4074, - ".": 4153, - "tx": 4154, - "▁pur": 4155, - "uel": 4156, - "ymbol": 4157, - "uation": 4158, - "anger": 4159, - "▁background": 4160, - "ecess": 4161, - "efined": 4162, - "........": 4163, - "▁description": 4164, - "▁represent": 4165, - "\"));\n": 4166, - "pression": 4167, - "rowser": 4168, - "▁series": 4169, - "wards": 4170, - "52": 4171, - "($_": 4172, - "aise": 4173, - "▁hot": 4174, - "acity": 4175, - "ries": 4176, - "actions": 4177, - "Create": 4178, - "adio": 4179, - "amples": 4180, - "▁original": 4181, - "ensive": 4182, - "font": 4183, - "stream": 4184, - ".springframework": 4185, - "001": 4186, - "server": 4187, - "▁bill": 4188, - "ACK": 4189, - "ilename": 4190, - "▁frame": 4191, - "▁=\n": 4192, - "Edit": 4193, - "adius": 4194, - "▁draw": 4195, - "anks": 4196, - "▁deter": 4197, - "▁comes": 4198, - "_int": 4199, - "▁foreach": 4200, - "angle": 4201, - "▁elect": 4202, - "pected": 4203, - "Header": 4204, - "istration": 4205, - "False": 4206, - "▁Game": 4207, - "▁filter": 4208, - "Activity": 4209, - "▁larg": 4210, - "inition": 4211, - "▁\"<": 4212, - "256": 4213, - "ised": 4214, - "▁remove": 4215, - "▁Trans": 4216, - "met": 4217, - "see": 4218, - "Format": 4219, - "Command": 4220, - "▁EX": 4221, - "None": 4222, - "▁front": 4223, - "ASE": 4224, - "▁Rec": 4225, - "oundation": 4226, - "▁vo": 4227, - "96": 4228, - "=\\\"": 4229, - "(*": 4230, - "Change": 4231, - ".Write": 4232, - "group": 4233, - "ients": 4234, - "uy": 4235, - "****************************************************************": 4236, - "▁dig": 4237, - "hr": 4238, - "(-": 4239, - "▁gen": 4240, - "number": 4241, - "vec": 4242, - "urope": 4243, - "entry": 4244, - "LL": 4245, - "▁ste": 4246, - "Valid": 4247, - "'],": 4248, - "_param": 4249, - "▁selected": 4250, - "▁according": 4251, - "▁Dis": 4252, - "▁util": 4253, - "Buffer": 4254, - "_error": 4255, - "▁associ": 4256, - "_SIZE": 4257, - "▁wor": 4258, - "▁printf": 4259, - "rag": 4260, - "DD": 4261, - "▁Val": 4262, - "▁activ": 4263, - "Eng": 4264, - "etime": 4265, - "▁virtual": 4266, - "aign": 4267, - "aur": 4268, - "▁Pres": 4269, - "▁Exception": 4270, - "▁anything": 4271, - "▁Off": 4272, - "▁hours": 4273, - "▁war": 4274, - "Args": 4275, - "aging": 4276, - "▁models": 4277, - "▁Time": 4278, - "Ob": 4279, - "ams": 4280, - "joy": 4281, - "▁early": 4282, - ".read": 4283, - "86": 4284, - "▁center": 4285, - "▁Initial": 4286, - "▁language": 4287, - "length": 4288, - "xy": 4289, - "▁sn": 4290, - "▁inf": 4291, - "Post": 4292, - "▁ago": 4293, - "▁easy": 4294, - "_code": 4295, - "▁ANY": 4296, - "_ch": 4297, - "▁download": 4298, - "(T": 4299, - "aved": 4300, - "▁students": 4301, - "▁fig": 4302, - "light": 4303, - "xx": 4304, - "▁buffer": 4305, - "▁Dep": 4306, - "▁Math": 4307, - "ITH": 4308, - "▁vari": 4309, - "▁due": 4310, - "Factory": 4311, - "▁por": 4312, - "▁ep": 4313, - "otype": 4314, - "▁cannot": 4315, - "▁white": 4316, - "\r\n": 4586, - ".annot": 4587, - "▁collection": 4588, - "'.": 4589, - "▁similar": 4590, - "▁taken": 4591, - "(\"%": 4592, - "Order": 4593, - "']\n": 4594, - "-md": 4595, - "▁TH": 4596, - "aced": 4597, - "▁isn": 4598, - "/j": 4599, - "▁son": 4600, - "graph": 4601, - "▁Integer": 4602, - "▁necess": 4603, - "reen": 4604, - "▁um": 4605, - "▁\\<": 4606, - "▁moment": 4607, - "▁bring": 4608, - "▁indic": 4609, - "ysis": 4610, - "Level": 4611, - "verse": 4612, - "urrenc": 4613, - "_test": 4614, - "▁entire": 4615, - "Down": 4616, - "▁}\n\n\n": 4617, - "(result": 4618, - "▁Read": 4619, - "Mod": 4620, - "▁trying": 4621, - "\"),\n": 4622, - "▁member": 4623, - "▁Cor": 4624, - "ODO": 4625, - "-control": 4626, - "untime": 4627, - "▁Sim": 4628, - "Dialog": 4629, - "plot": 4630, - "_on": 4631, - "▁phys": 4632, - "}/": 4633, - "▁namespace": 4634, - "\t\r\n": 4635, - "acc": 4636, - "Player": 4637, - "ARE": 4638, - "89": 4639, - "▁foot": 4640, - "▁board": 4641, - "part": 4642, - "▁sus": 4643, - "wise": 4644, - "▁Mc": 4645, - "▁push": 4646, - "ATA": 4647, - "▁please": 4648, - "ried": 4649, - "weet": 4650, - "bit": 4651, - "ided": 4652, - "VE": 4653, - "▁Sw": 4654, - "UB": 4655, - "▁types": 4656, - "edia": 4657, - "▁clos": 4658, - "acebook": 4659, - "When": 4660, - "▁edit": 4661, - "igger": 4662, - "▁energ": 4663, - "Container": 4664, - "▁phot": 4665, - "▁Count": 4666, - "▁Europe": 4667, - ".Is": 4668, - "▁Russ": 4669, - "peed": 4670, - "▁Str": 4671, - "▁py": 4672, - "▁cult": 4673, - "▁defined": 4674, - "ccount": 4675, - "▁obt": 4676, - ".Location": 4677, - "▁thread": 4678, - "ille": 4679, - "▁instead": 4680, - "strong": 4681, - "▁Sec": 4682, - "URE": 4683, - "▁idea": 4684, - ".se": 4685, - "emy": 4686, - "selected": 4687, - "Connection": 4688, - "acing": 4689, - "thread": 4690, - ".next": 4691, - "▁coll": 4692, - "▁film": 4693, - "istic": 4694, - "▁compet": 4695, - "▁conn": 4696, - "though": 4697, - "▁compan": 4698, - "ocket": 4699, - "▁teach": 4700, - "=(": 4701, - "▁phone": 4702, - "▁active": 4703, - "79": 4704, - "delete": 4705, - "101": 4706, - "tries": 4707, - "▁mo": 4708, - "▁death": 4709, - "});\n\n": 4710, - "ocol": 4711, - "Widget": 4712, - "▁article": 4713, - "rodu": 4714, - "andid": 4715, - "▁Cr": 4716, - "ka": 4717, - "():": 4718, - "lood": 4719, - "\t\t\t\n": 4720, - "▁almost": 4721, - "▁sell": 4722, - "ervlet": 4723, - "rip": 4724, - "Unit": 4725, - "▁applic": 4726, - "▁connect": 4727, - "▁feature": 4728, - "▁via": 4729, - "'),": 4730, - "▁lim": 4731, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 4732, - "▁Gu": 4733, - "Engine": 4734, - "▁ens": 4735, - "▁environment": 4736, - "block": 4737, - "HERE": 4738, - "NULL": 4739, - "gy": 4740, - "tag": 4741, - ")).": 4742, - "exp": 4743, - "▁compl": 4744, - "▁install": 4745, - "▁complete": 4746, - "queue": 4747, - "atural": 4748, - "▁general": 4749, - "thon": 4750, - "▁asked": 4751, - "ores": 4752, - "(res": 4753, - "▁reserved": 4754, - "SP": 4755, - "▁signific": 4756, - "Off": 4757, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 4758, - "▁Ag": 4759, - "▁Just": 4760, - "▁Error": 4761, - "▁infl": 4762, - "adata": 4763, - "▁icon": 4764, - "asks": 4765, - "''": 4766, - "_LO": 4767, - "?.": 4768, - "account": 4769, - "▁(*": 4770, - "')\n\n": 4771, - "rap": 4772, - "_var": 4773, - "▁FOR": 4774, - "▁party": 4775, - "▁Your": 4776, - "cat": 4777, - "stry": 4778, - ".new": 4779, - "boot": 4780, - "▁Nov": 4781, - "▁vector": 4782, - "▁normal": 4783, - "▁further": 4784, - "Repository": 4785, - "800": 4786, - "▁database": 4787, - "attle": 4788, - "▁music": 4789, - "▁speed": 4790, - "▁doc": 4791, - "process": 4792, - "IGHT": 4793, - ".parse": 4794, - "▁taking": 4795, - "▁viol": 4796, - "ceed": 4797, - "▁After": 4798, - "▁forward": 4799, - "▁crit": 4800, - "\"/>\n": 4801, - "rot": 4802, - "▁failed": 4803, - "efore": 4804, - "▁concern": 4805, - "oe": 4806, - "ba": 4807, - "▁sender": 4808, - "▁term": 4809, - "has": 4810, - "=\"#": 4811, - "▁potential": 4812, - "Num": 4813, - "▁published": 4814, - ".close": 4815, - "▁Image": 4816, - "straint": 4817, - "UD": 4818, - "▁Ob": 4819, - "▁probably": 4820, - "lim": 4821, - "\":\n": 4822, - "olume": 4823, - "▁consum": 4824, - "76": 4825, - "ague": 4826, - "ensions": 4827, - "▁investig": 4828, - "-year": 4829, - "');": 4830, - "-sm": 4831, - "▁enjoy": 4832, - "orig": 4833, - "ering": 4834, - "cp": 4835, - "leased": 4836, - "plements": 4837, - "▁returns": 4838, - "pat": 4839, - "BO": 4840, - "▁House": 4841, - ".Label": 4842, - "▁weight": 4843, - "ighb": 4844, - "▁conditions": 4845, - "▁exception": 4846, - "description": 4847, - "▁trad": 4848, - "-to": 4849, - "▁{}": 4850, - "▁module": 4851, - "END": 4852, - ".ap": 4853, - ".props": 4854, - "▁constructor": 4855, - "aves": 4856, - "▁favor": 4857, - "▁Now": 4858, - ";i": 4859, - "▁Main": 4860, - "_k": 4861, - "eries": 4862, - "transform": 4863, - "imestamp": 4864, - "Pre": 4865, - "▁mer": 4866, - ".res": 4867, - "stant": 4868, - "Location": 4869, - "_NAME": 4870, - "▁loss": 4871, - "▁\n\n": 4872, - "net": 4873, - "▁engine": 4874, - "Block": 4875, - "▁issues": 4876, - "▁parse": 4877, - "▁Bar": 4878, - "▁stay": 4879, - "▁JSON": 4880, - "▁dom": 4881, - "airs": 4882, - "wner": 4883, - "▁lower": 4884, - "\",\r\n": 4885, - "▁Dem": 4886, - "ufact": 4887, - "▁ps": 4888, - "▁perfect": 4889, - "RL": 4890, - "▁educ": 4891, - "ls": 4892, - "emory": 4893, - "ARRANT": 4894, - "uge": 4895, - "▁exact": 4896, - ".key": 4897, - "alled": 4898, - "ech": 4899, - "ief": 4900, - "\\/": 4901, - "oke": 4902, - "▁former": 4903, - "alloc": 4904, - "▁six": 4905, - "ida": 4906, - "▁margin": 4907, - "▁heart": 4908, - "ald": 4909, - "pack": 4910, - ".getElementById": 4911, - "▁WARRANT": 4912, - "▁rather": 4913, - "▁building": 4914, - "erman": 4915, - "lice": 4916, - "▁questions": 4917, - "izes": 4918, - "lege": 4919, - "irectory": 4920, - "▁je": 4921, - "▁cas": 4922, - "props": 4923, - "utf": 4924, - "▁security": 4925, - "▁however": 4926, - "weight": 4927, - "▁inside": 4928, - "▁president": 4929, - "Char": 4930, - "▁WITH": 4931, - ".map": 4932, - "▁graph": 4933, - "▁tag": 4934, - "_status": 4935, - "▁attempt": 4936, - "opp": 4937, - "uses": 4938, - "\tconst": 4939, - "▁round": 4940, - ",$": 4941, - "▁friends": 4942, - "Email": 4943, - "?>": 4944, - "Resource": 4945, - "KEY": 4946, - "osp": 4947, - ".query": 4948, - "▁North": 4949, - "ables": 4950, - "istrib": 4951, - "_class": 4952, - "ello": 4953, - "That": 4954, - "pecially": 4955, - "▁President": 4956, - "▁campaign": 4957, - "▁alt": 4958, - "area": 4959, - "▁chall": 4960, - "▁opport": 4961, - ".Con": 4962, - "▁energy": 4963, - "like": 4964, - ".string": 4965, - "ington": 4966, - ")*": 4967, - "yy": 4968, - "▁profession": 4969, - "irth": 4970, - "▁seg": 4971, - "▁hor": 4972, - "iers": 4973, - "can": 4974, - "▁behind": 4975, - "Product": 4976, - "fg": 4977, - "▁Sk": 4978, - ".jpg": 4979, - "?:": 4980, - "];\n\n": 4981, - "▁callback": 4982, - "▁Http": 4983, - "long": 4984, - "MS": 4985, - "ATH": 4986, - "▁raise": 4987, - "▁wanted": 4988, - "rown": 4989, - "utor": 4990, - "lt": 4991, - "]=": 4992, - "eline": 4993, - "MA": 4994, - "▁separ": 4995, - "cs": 4996, - "semb": 4997, - "Dis": 4998, - "bserv": 4999, - "▁Will": 5000, - "▁policy": 5001, - "▁third": 5002, - "phone": 5003, - "▁bed": 5004, - "/g": 5005, - ".__": 5006, - "▁Inc": 5007, - "izing": 5008, - ".remove": 5009, - "instance": 5010, - ".type": 5011, - "▁serv": 5012, - "Each": 5013, - "▁har": 5014, - "▁Message": 5015, - "(key": 5016, - "SELECT": 5017, - "Pos": 5018, - "));\r\n": 5019, - "▁recomm": 5020, - "▁training": 5021, - "▁Ent": 5022, - "▁Char": 5023, - "icht": 5024, - "(file": 5025, - "▁prior": 5026, - "Game": 5027, - "▁exit": 5028, - "Params": 5029, - ".core": 5030, - "PC": 5031, - "nes": 5032, - "anced": 5033, - "(request": 5034, - "Password": 5035, - "}>\n": 5036, - "▁mag": 5037, - "▁release": 5038, - "▁shall": 5039, - "udent": 5040, - "▁South": 5041, - "ando": 5042, - ":'": 5043, - ".TabIndex": 5044, - "sk": 5045, - "anner": 5046, - "isset": 5047, - "▁outside": 5048, - "ledge": 5049, - "▁Rob": 5050, - "▁imm": 5051, - "!\n": 5052, - "▁Web": 5053, - "Des": 5054, - "BC": 5055, - "ancial": 5056, - "Route": 5057, - "Dec": 5058, - "ferences": 5059, - "▁purch": 5060, - "▁Model": 5061, - "ctor": 5062, - "gn": 5063, - "_start": 5064, - "_un": 5065, - ".*": 5066, - "ises": 5067, - "▁ground": 5068, - "▁unique": 5069, - "▁beaut": 5070, - "{\"": 5071, - "▁pour": 5072, - "▁Oct": 5073, - "▁tree": 5074, - "sets": 5075, - "_res": 5076, - "')->": 5077, - "_reg": 5078, - "(\"\\": 5079, - "▁byte": 5080, - "Bl": 5081, - "▁dating": 5082, - "▁matter": 5083, - "▁Rem": 5084, - "▁'../": 5085, - "▁Aug": 5086, - "▁La": 5087, - "▁$(": 5088, - "ournal": 5089, - "111": 5090, - "iam": 5091, - "▁shows": 5092, - "write": 5093, - "▁ball": 5094, - "▁simply": 5095, - "▁fast": 5096, - "▁memory": 5097, - "ASS": 5098, - "▁Of": 5099, - "oved": 5100, - "ante": 5101, - "aul": 5102, - "istry": 5103, - ")));\n": 5104, - "▁fit": 5105, - "_": 5289, - "\")\n\n": 5290, - "ox": 5291, - "application": 5292, - "▁]\n": 5293, - "\n\n\n\n\n\n": 5294, - "180": 5295, - "▁soon": 5296, - "ctions": 5297, - "inger": 5298, - "▁join": 5299, - "▁Pe": 5300, - "▁las": 5301, - ".E": 5302, - "css": 5303, - "/or": 5304, - "▁Start": 5305, - "▁TO": 5306, - "▁subs": 5307, - "conn": 5308, - "components": 5309, - "DEBUG": 5310, - "quare": 5311, - "Function": 5312, - "endar": 5313, - ".index": 5314, - "▁fill": 5315, - "▁choose": 5316, - "how": 5317, - "▁America": 5318, - "assets": 5319, - "------------": 5320, - "▁Value": 5321, - "▁office": 5322, - "▁veh": 5323, - "▁transform": 5324, - "▁Art": 5325, - "▁inde": 5326, - "▁fn": 5327, - "▁implements": 5328, - "ango": 5329, - "plete": 5330, - "+\"": 5331, - "tmp": 5332, - "amily": 5333, - "▁hash": 5334, - "missions": 5335, - "EST": 5336, - "gt": 5337, - "Provider": 5338, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 5339, - "▁flag": 5340, - "▁particip": 5341, - "den": 5342, - "▁Returns": 5343, - "▁note": 5344, - "pm": 5345, - "ideos": 5346, - "▁specified": 5347, - "▁EN": 5348, - "ester": 5349, - "olid": 5350, - "▁upon": 5351, - "(std": 5352, - "\tv": 5353, - "▁'\\": 5354, - "uz": 5355, - "▁vert": 5356, - "▁vict": 5357, - "\tself": 5358, - "▁\"$": 5359, - "85": 5360, - ".k": 5361, - "▁groups": 5362, - "github": 5363, - "lang": 5364, - "▁mut": 5365, - "TO": 5366, - "▁ve": 5367, - "▁Please": 5368, - ";\n\n\n": 5369, - "access": 5370, - "▁{\"": 5371, - "rea": 5372, - "▁risk": 5373, - "icker": 5374, - "oggle": 5375, - "\twhile": 5376, - "ANG": 5377, - ".send": 5378, - "72": 5379, - "▁woman": 5380, - "▁gets": 5381, - "▁ign": 5382, - "▁Id": 5383, - "_log": 5384, - "ONE": 5385, - "▁evid": 5386, - "▁Har": 5387, - "_sub": 5388, - "▁endl": 5389, - "▁included": 5390, - "());\n\n": 5391, - "▁Ap": 5392, - "igr": 5393, - "▁sem": 5394, - "▁Black": 5395, - "doc": 5396, - "_table": 5397, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 5398, - "-up": 5399, - "▁cause": 5400, - "▁..": 5401, - "▁van": 5402, - "_dict": 5403, - "▁focus": 5404, - "IND": 5405, - "CESS": 5406, - ".Log": 5407, - "▁multiple": 5408, - "ido": 5409, - "▁regard": 5410, - "-M": 5411, - "andler": 5412, - "ourse": 5413, - "▁deg": 5414, - ".U": 5415, - "▁addition": 5416, - "▁various": 5417, - "▁receive": 5418, - "▁HT": 5419, - "Obj": 5420, - "DF": 5421, - "▁increase": 5422, - "▁Open": 5423, - "];": 5424, - "▁commit": 5425, - "?\n": 5426, - "ategories": 5427, - "atory": 5428, - "ship": 5429, - "▁Mich": 5430, - "▁html": 5431, - "romise": 5432, - "▁leave": 5433, - "▁strateg": 5434, - "aven": 5435, - "▁Console": 5436, - "known": 5437, - "-n": 5438, - "_LE": 5439, - ".component": 5440, - "▁bre": 5441, - "Session": 5442, - "iance": 5443, - "▁align": 5444, - "typedef": 5445, - "_result": 5446, - "▁WHERE": 5447, - ".split": 5448, - "▁reading": 5449, - "FAULT": 5450, - "▁clo": 5451, - "▁notice": 5452, - "_pr": 5453, - "arter": 5454, - "▁lock": 5455, - "▁standard": 5456, - "etic": 5457, - "ellow": 5458, - "▁padding": 5459, - "▁His": 5460, - "▁states": 5461, - "_cast": 5462, - "(P": 5463, - "aa": 5464, - "▁internal": 5465, - "ean": 5466, - "▁PRO": 5467, - "▁Key": 5468, - "▁especially": 5469, - "ming": 5470, - "▁cross": 5471, - "▁national": 5472, - "_object": 5473, - "filter": 5474, - "▁script": 5475, - ".update": 5476, - "_i": 5477, - "▁Assert": 5478, - "/core": 5479, - "%%%%": 5480, - "▁problems": 5481, - "istor": 5482, - "▁.=": 5483, - "▁arch": 5484, - "▁written": 5485, - "▁milit": 5486, - "MENT": 5487, - ".ch": 5488, - "cape": 5489, - "▁Mus": 5490, - "_config": 5491, - "▁API": 5492, - "foot": 5493, - "▁images": 5494, - "endl": 5495, - ".In": 5496, - "First": 5497, - "▁platform": 5498, - ".prot": 5499, - "Option": 5500, - "ste": 5501, - "▁TODO": 5502, - "▁force": 5503, - ".cont": 5504, - "\techo": 5505, - "▁Dav": 5506, - "Ptr": 5507, - "(B": 5508, - "RT": 5509, - "▁Base": 5510, - "]['": 5511, - "▁announc": 5512, - "console": 5513, - "▁Py": 5514, - "ds": 5515, - ".as": 5516, - "▁prevent": 5517, - "apan": 5518, - "▁{'": 5519, - "}'": 5747, - "▁dead": 5748, - "VAL": 5749, - "QUE": 5750, - "************************************************************************": 5751, - "▁charg": 5752, - "Return": 5753, - "▁ful": 5754, - "dom": 5755, - "▁rules": 5756, - "▁modify": 5757, - "▁eval": 5758, - "ham": 5759, - "atement": 5760, - "\\<": 5761, - "ula": 5762, - "=False": 5763, - "RA": 5764, - "▁contains": 5765, - "74": 5766, - "▁stack": 5767, - "mar": 5768, - "▁{}\n": 5769, - "▁undefined": 5770, - "Ass": 5771, - "▁China": 5772, - "vey": 5773, - "*\n": 5774, - "▁playing": 5775, - ")/": 5776, - "actor": 5777, - "▁bottom": 5778, - "lier": 5779, - "▁Number": 5780, - "▁couple": 5781, - "DC": 5782, - "▁SO": 5783, - "gor": 5784, - ".setText": 5785, - "success": 5786, - "command": 5787, - "Filter": 5788, - "▁Our": 5789, - "_item": 5790, - "▁ctx": 5791, - "▁road": 5792, - "Version": 5793, - "case": 5794, - "urt": 5795, - "avior": 5796, - "ych": 5797, - "sembly": 5798, - "▁Product": 5799, - "▁held": 5800, - "afe": 5801, - "▁includes": 5802, - "&": 5941, - "CON": 5942, - "▁repl": 5943, - "▁regular": 5944, - "Storage": 5945, - "ramework": 5946, - "▁goal": 5947, - "▁touch": 5948, - ".widget": 5949, - "▁built": 5950, - "des": 5951, - "Part": 5952, - "(re": 5953, - "▁worth": 5954, - "hib": 5955, - "game": 5956, - "91": 5957, - "192": 5958, - "acion": 5959, - "▁White": 5960, - "(type": 5961, - "(`": 5962, - "81": 5963, - "▁natural": 5964, - "▁inj": 5965, - "▁calcul": 5966, - "▁April": 5967, - ".List": 5968, - "▁associated": 5969, - "\tSystem": 5970, - "~~": 5971, - "=[": 5972, - "▁storage": 5973, - "▁bytes": 5974, - "▁travel": 5975, - "▁sou": 5976, - "▁passed": 5977, - "!=": 5978, - "ascript": 5979, - ".open": 5980, - "▁grid": 5981, - "▁bus": 5982, - "▁recogn": 5983, - "Ab": 5984, - "▁hon": 5985, - "▁Center": 5986, - "▁prec": 5987, - "build": 5988, - "73": 5989, - "HTML": 5990, - "▁San": 5991, - "▁countries": 5992, - "aled": 5993, - "token": 5994, - "kt": 5995, - "▁qual": 5996, - "Last": 5997, - "adow": 5998, - "▁manufact": 5999, - "idad": 6000, - "jango": 6001, - "Next": 6002, - "xf": 6003, - ".a": 6004, - "▁porno": 6005, - "▁PM": 6006, - "erve": 6007, - "iting": 6008, - "_th": 6009, - "ci": 6010, - "=None": 6011, - "gs": 6012, - "▁login": 6013, - "atives": 6014, - "']);\n": 6015, - "▁ill": 6016, - "IA": 6017, - "children": 6018, - "DO": 6019, - "▁levels": 6020, - "▁{{": 6021, - "▁looks": 6022, - "▁\"#": 6023, - "ToString": 6024, - "▁necessary": 6025, - "▁▁▁\n": 6026, - "cell": 6027, - "Entry": 6028, - "▁'#": 6029, - "▁extrem": 6030, - "Selector": 6031, - "▁placeholder": 6032, - "Load": 6033, - "▁released": 6034, - "ORE": 6035, - "Enumer": 6036, - "▁TV": 6037, - "SET": 6038, - "inq": 6039, - "Press": 6040, - "▁Department": 6041, - "▁properties": 6042, - "▁respond": 6043, - "Search": 6044, - "ael": 6045, - "▁requ": 6046, - "▁Book": 6047, - "/\n": 6048, - "(st": 6049, - "▁financial": 6050, - "icket": 6051, - "_input": 6052, - "▁threat": 6053, - "(in": 6054, - "Strip": 6055, - "71": 6056, - "▁evidence": 6057, - "));": 6058, - "▁Bro": 6059, - "▁[];\n": 6060, - "▁ou": 6061, - "buf": 6062, - "Script": 6063, - "dat": 6064, - "▁rule": 6065, - "#import": 6066, - "=\"/": 6067, - "Serial": 6068, - "▁starting": 6069, - "[index": 6070, - "ae": 6071, - "▁contrib": 6072, - "session": 6073, - "_new": 6074, - "utable": 6075, - "ober": 6076, - "▁\"./": 6077, - "▁logger": 6078, - "▁recently": 6079, - "▁returned": 6080, - "\r\r\n": 6081, - ")))\n": 6082, - "itions": 6083, - "▁seek": 6084, - "▁communic": 6085, - "▁\".": 6086, - "▁username": 6087, - "ECT": 6088, - "DS": 6089, - "▁otherwise": 6090, - "▁German": 6091, - ".aw": 6092, - "Adapter": 6093, - "ixel": 6094, - "▁systems": 6095, - "▁drop": 6096, - "83": 6097, - "▁structure": 6098, - "▁$(\"#": 6099, - "encies": 6100, - "anning": 6101, - "▁Link": 6102, - "▁Response": 6103, - "▁stri": 6104, - "▁DB": 6105, - "android": 6106, - "submit": 6107, - "otion": 6108, - "92": 6109, - "(@": 6110, - ".test": 6111, - "82": 6112, - "\n\n\n\n\n\n\n\n": 6113, - "];\r\n": 6114, - "▁directly": 6115, - "▁\"%": 6116, - "ris": 6117, - "elta": 6118, - "AIL": 6119, - "){\r\n": 6120, - "mine": 6121, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 6122, - "(k": 6123, - "bon": 6124, - "asic": 6125, - "pite": 6126, - "___": 6127, - "Max": 6128, - "▁errors": 6129, - "▁While": 6130, - "▁arguments": 6131, - "▁ensure": 6132, - "Right": 6133, - "-based": 6134, - "Web": 6135, - "▁-=": 6136, - "▁introdu": 6137, - "▁Inst": 6138, - "▁Wash": 6139, - "ordin": 6140, - "join": 6141, - "Database": 6142, - "▁grad": 6143, - "▁usually": 6144, - "ITE": 6145, - "Props": 6146, - "?>\n": 6147, - "▁Go": 6148, - "@Override": 6149, - "REF": 6150, - "▁ip": 6151, - "▁Austral": 6152, - "▁ist": 6153, - "ViewById": 6154, - "▁serious": 6155, - "▁customer": 6156, - ".prototype": 6157, - "odo": 6158, - "cor": 6159, - "▁door": 6160, - "▁WITHOUT": 6161, - "▁plant": 6162, - "▁began": 6163, - "▁distance": 6164, - "()).": 6165, - "▁chance": 6166, - "▁ord": 6167, - "came": 6168, - "pragma": 6169, - "▁protect": 6170, - "ragment": 6171, - "▁Node": 6172, - "ening": 6173, - "▁route": 6174, - "▁School": 6175, - "hi": 6176, - "▁neighb": 6177, - "After": 6178, - "licit": 6179, - "▁contr": 6180, - "▁primary": 6181, - "AA": 6182, - ".WriteLine": 6183, - "utils": 6184, - "▁bi": 6185, - "Red": 6186, - ".Linq": 6187, - ".object": 6188, - "▁leaders": 6189, - "unities": 6190, - "▁gun": 6191, - "onth": 6192, - "▁Dev": 6193, - "FILE": 6194, - "▁comments": 6195, - "_len": 6196, - "arrow": 6197, - "amount": 6198, - "Range": 6199, - "sert": 6200, - "GridView": 6201, - "▁updated": 6202, - "▁Mo": 6203, - "▁inform": 6204, - "ociety": 6205, - "ala": 6206, - "Access": 6207, - "▁hab": 6208, - "▁creat": 6209, - "_arg": 6210, - "▁January": 6211, - "▁Day": 6212, - "\")\r\n": 6213, - "uple": 6214, - "document": 6215, - "gorith": 6216, - "menu": 6217, - "▁Over": 6218, - "bb": 6219, - ".title": 6220, - "_out": 6221, - "▁led": 6222, - "uri": 6223, - "▁?>\n": 6260, - "run": 6261, - "▁scene": 6262, - "(array": 6263, - "device": 6264, - "_title": 6265, - "agon": 6266, - "]\r\n": 6267, - "aby": 6268, - "▁became": 6269, - "boolean": 6270, - "▁park": 6271, - "▁Code": 6272, - "upload": 6273, - "riday": 6274, - "▁September": 6275, - "Fe": 6276, - "▁sen": 6277, - "cing": 6278, - "FL": 6279, - "Col": 6280, - "uts": 6281, - "_page": 6282, - "inn": 6283, - "▁implied": 6284, - "aling": 6285, - "▁yourself": 6286, - ".Count": 6287, - "conf": 6288, - "▁aud": 6289, - "_init": 6290, - ".)": 6291, - "▁wrote": 6292, - "003": 6293, - "NG": 6294, - ".Error": 6295, - ".for": 6296, - "▁equal": 6297, - "▁Request": 6298, - "▁serial": 6299, - "▁allows": 6300, - "XX": 6301, - "▁middle": 6302, - "chor": 6303, - "195": 6304, - "94": 6305, - "erval": 6306, - ".Column": 6307, - "reading": 6308, - "▁escort": 6309, - "▁August": 6310, - "▁quickly": 6311, - "▁weap": 6312, - "▁CG": 6313, - "ropri": 6314, - "ho": 6315, - "▁cop": 6316, - "(struct": 6317, - "▁Big": 6318, - "▁vs": 6319, - "▁frequ": 6320, - ".Value": 6321, - "▁actions": 6322, - "▁proper": 6323, - "▁inn": 6324, - "▁objects": 6325, - "▁matrix": 6326, - "avascript": 6327, - "▁ones": 6328, - ".group": 6329, - "▁green": 6330, - "▁paint": 6331, - "ools": 6332, - "ycl": 6333, - "encode": 6334, - "olt": 6335, - "comment": 6336, - ".api": 6337, - "Dir": 6338, - "▁une": 6339, - "izont": 6340, - ".position": 6341, - "▁designed": 6342, - "_val": 6343, - "avi": 6344, - "iring": 6345, - "tab": 6346, - "▁layer": 6347, - "▁views": 6348, - "▁reve": 6349, - "rael": 6350, - "▁ON": 6351, - "rics": 6352, - "160": 6353, - "np": 6354, - "▁core": 6355, - "());\r\n": 6356, - "Main": 6357, - "▁expert": 6358, - "\t\t\r\n": 6359, - "_en": 6360, - "▁/>": 6361, - "utter": 6362, - "IAL": 6363, - "ails": 6364, - "▁King": 6365, - "*/\n\n": 6366, - "▁Met": 6367, - "_end": 6368, - "addr": 6369, - "ora": 6370, - "▁ir": 6371, - "Min": 6372, - "▁surpr": 6373, - "▁repe": 6374, - "▁directory": 6375, - "PUT": 6376, - "-S": 6377, - "▁election": 6378, - "haps": 6379, - ".pre": 6380, - "cm": 6381, - "Values": 6382, - "▁\"\n": 6383, - "column": 6384, - "ivil": 6385, - "Login": 6386, - "inue": 6387, - "93": 6388, - "▁beautiful": 6389, - "▁secret": 6390, - "(event": 6391, - "▁chat": 6392, - "ums": 6393, - "▁origin": 6394, - "▁effects": 6395, - "▁management": 6396, - "illa": 6397, - "tk": 6398, - "▁setting": 6399, - "▁Cour": 6400, - "▁massage": 6401, - "\tend": 6402, - "▁happy": 6403, - "▁finish": 6404, - "▁camera": 6405, - "▁Ver": 6406, - "▁Democr": 6407, - "▁Her": 6408, - "(Q": 6409, - "cons": 6410, - "ita": 6411, - "▁'.": 6412, - "{}": 6413, - "\tC": 6414, - "▁stuff": 6415, - "194": 6416, - "▁:\n": 6417, - "▁AR": 6418, - "Task": 6419, - "hidden": 6420, - "eros": 6421, - "IGN": 6422, - "atio": 6423, - "▁Health": 6424, - "olute": 6425, - "Enter": 6426, - "'>": 6427, - "▁Twitter": 6428, - "▁County": 6429, - "scribe": 6430, - "▁=>\n": 6431, - "▁hy": 6432, - "fit": 6433, - "▁military": 6434, - "▁sale": 6435, - "required": 6436, - "non": 6437, - "bootstrap": 6438, - "hold": 6439, - "rim": 6440, - "-old": 6441, - "▁Down": 6442, - "▁mention": 6443, - "contact": 6444, - "_group": 6445, - "oday": 6446, - "▁town": 6447, - "▁solution": 6448, - "uate": 6449, - "elling": 6450, - "]->": 6451, - "otes": 6452, - "ental": 6453, - "omen": 6454, - "ospital": 6455, - "▁Sup": 6456, - "_EN": 6457, - "▁slow": 6458, - "SESSION": 6459, - "▁blue": 6460, - "ago": 6461, - "▁lives": 6462, - "▁^": 6463, - ".un": 6464, - "inst": 6465, - "enge": 6466, - "▁customers": 6467, - "▁cast": 6468, - "udget": 6469, - "icens": 6470, - "▁determin": 6471, - "Selected": 6472, - "_pl": 6473, - "ueue": 6474, - "▁dark": 6475, - "//\n\n": 6476, - "si": 6477, - "thern": 6478, - "▁Japan": 6479, - "/w": 6480, - "PU": 6481, - "▁East": 6482, - "ovie": 6483, - "▁package": 6484, - "▁nor": 6485, - "▁api": 6486, - "bot": 6487, - "\"];\n": 6488, - "_post": 6489, - "ulate": 6490, - "▁club": 6491, - "'));\n": 6492, - "▁loop": 6493, - "PIO": 6494, - "ione": 6495, - "shot": 6496, - "Initial": 6497, - "▁played": 6498, - "register": 6499, - "rought": 6500, - "_max": 6501, - "acement": 6502, - "match": 6503, - "raphics": 6504, - "AST": 6505, - "▁existing": 6506, - "▁complex": 6507, - "DA": 6508, - ".Ch": 6509, - ".common": 6510, - "mo": 6511, - "▁'../../": 6512, - "ito": 6513, - "▁analysis": 6514, - "▁deliver": 6515, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n": 6516, - "idx": 6517, - "ongo": 6518, - "▁English": 6519, - "\n": 10128, - "_default": 10129, - "▁Database": 10130, - "rep": 10131, - "ESS": 10132, - "nergy": 10133, - ".Find": 10134, - "_mask": 10135, - "▁rise": 10136, - "▁kernel": 10137, - "::$": 10138, - ".Q": 10139, - "▁offering": 10140, - "decl": 10141, - "▁CS": 10142, - "▁listed": 10143, - "▁mostly": 10144, - "enger": 10145, - "▁blocks": 10146, - "olo": 10147, - "▁governing": 10148, - "\\F": 10149, - "▁concent": 10150, - ".getText": 10151, - "▁mb": 10152, - "▁occurred": 10153, - "▁changing": 10154, - "Scene": 10155, - "_CODE": 10156, - "Beh": 10157, - "\"The": 10158, - "▁tile": 10159, - "▁Association": 10160, - "\tP": 10161, - "alty": 10162, - "_ad": 10163, - "odies": 10164, - "iated": 10165, - "▁prepared": 10166, - "possible": 10167, - "▁mort": 10168, - "TEST": 10169, - "142": 10170, - "▁ignore": 10171, - "▁calc": 10172, - "▁rs": 10173, - "▁assertEquals": 10174, - "▁sz": 10175, - "▁THIS": 10176, - ".\"\n": 10177, - "▁canvas": 10178, - "java": 10179, - "▁dut": 10180, - "VALID": 10181, - ".sql": 10182, - ".input": 10183, - "▁aux": 10184, - "Sup": 10185, - "▁artist": 10186, - "Vec": 10187, - "_TIME": 10188, - ".stringify": 10189, - "etween": 10190, - "▁Category": 10191, - "▁[-": 10192, - "▁DevExpress": 10193, - "▁Jul": 10194, - "▁ring": 10195, - ".ed": 10196, - "YY": 10197, - "Let": 10198, - "TextField": 10199, - "▁flat": 10200, - "_print": 10201, - "▁OTHER": 10202, - "adian": 10203, - "▁checked": 10204, - "ele": 10205, - "Align": 10206, - "standing": 10207, - "▁[],": 10208, - "▁lab": 10209, - "ucky": 10210, - "▁Christmas": 10211, - "(image": 10212, - ".module": 10213, - "▁lots": 10214, - "▁slightly": 10215, - "(final": 10216, - "erge": 10217, - "147": 10218, - "▁Police": 10219, - "143": 10220, - "▁Right": 10221, - "▁award": 10222, - "▁OS": 10223, - "▁{}\n\n": 10224, - "▁ptr": 10225, - "oves": 10226, - "icated": 10227, - "▁manage": 10228, - "oliday": 10229, - "Amount": 10230, - "oolStrip": 10231, - "tbody": 10232, - "Nav": 10233, - "wrap": 10234, - "BB": 10235, - "▁watching": 10236, - "arios": 10237, - "▁optional": 10238, - "_K": 10239, - "▁Licensed": 10240, - ".Map": 10241, - "Timer": 10242, - "▁AP": 10243, - "▁Rev": 10244, - "(o": 10245, - ",c": 10246, - "umin": 10247, - "etailed": 10248, - "▁Hy": 10249, - "▁blank": 10250, - "agger": 10251, - "▁Self": 10252, - "()[": 10253, - ".make": 10254, - "earn": 10255, - "channel": 10256, - ";\n": 10271, - "World": 10272, - "▁python": 10273, - "▁lif": 10274, - "▁trav": 10275, - "▁conven": 10276, - "company": 10277, - "▁Club": 10278, - "138": 10279, - "Ver": 10280, - "Btn": 10281, - "▁zone": 10282, - "products": 10283, - "▁Educ": 10284, - "▁verify": 10285, - "▁Mil": 10286, - "ono": 10287, - "]);\n\n": 10288, - "ENCE": 10289, - "▁packet": 10290, - "▁cer": 10291, - "▁enumer": 10292, - "▁pars": 10293, - "formed": 10294, - "▁occup": 10295, - "tre": 10296, - "▁exercise": 10297, - "Day": 10298, - "_sum": 10299, - "▁asking": 10300, - "aption": 10301, - "▁orders": 10302, - "▁spending": 10303, - "▁ERR": 10304, - ".Dis": 10305, - "▁Util": 10306, - "\\'": 10307, - "?)": 10308, - "/>\n": 10309, - "▁emot": 10310, - "▁influence": 10311, - "▁Africa": 10312, - "atters": 10313, - ".session": 10314, - "▁chief": 10315, - "\t\t\t\t\t\t\t\t\t\t\t": 10316, - "▁tom": 10317, - "cluded": 10318, - "serial": 10319, - "_handler": 10320, - ".Type": 10321, - "aped": 10322, - "▁policies": 10323, - "-ex": 10324, - "-tr": 10325, - "blank": 10326, - "merce": 10327, - "▁coverage": 10328, - "▁rc": 10329, - "_matrix": 10330, - "_box": 10331, - "▁charges": 10332, - "▁Boston": 10333, - "Pe": 10334, - "▁circum": 10335, - "▁filled": 10336, - "148": 10337, - "▁north": 10338, - "ictureBox": 10339, - "\tres": 10340, - "▁termin": 10341, - "IRECT": 10342, - "▁ber": 10343, - "▁\"../../": 10344, - "retch": 10345, - ".code": 10346, - "_col": 10347, - "▁Government": 10348, - "▁argv": 10349, - "▁Lord": 10350, - "asi": 10351, - "Exec": 10352, - "\tlet": 10353, - "vertis": 10354, - "▁discussion": 10355, - "enance": 10356, - "outube": 10357, - "typeof": 10358, - "▁served": 10359, - "▁Put": 10360, - "\tx": 10361, - "▁sweet": 10362, - "Before": 10363, - "ategy": 10364, - ".of": 10365, - "▁Material": 10366, - "Sort": 10367, - "ONT": 10368, - "igital": 10369, - "Why": 10370, - "▁sust": 10371, - "abet": 10372, - "▁segment": 10373, - "▁[],\n": 10374, - "▁Muslim": 10375, - "▁findViewById": 10376, - "cut": 10377, - "_TEXT": 10378, - "▁Mary": 10379, - "▁loved": 10380, - "▁lie": 10381, - "▁JO": 10382, - "▁isset": 10383, - "month": 10384, - "▁prime": 10385, - "ti": 10386, - "▁Carol": 10387, - "Use": 10388, - "146": 10389, - "▁Pop": 10390, - "▁Save": 10391, - "Interval": 10392, - "execute": 10393, - "dy": 10394, - "▁Iran": 10395, - "_cont": 10396, - "\tT": 10397, - "▁phase": 10398, - "checkbox": 10399, - "week": 10400, - "▁hide": 10401, - "▁til": 10402, - "▁ju": 10403, - "Custom": 10404, - "burg": 10405, - "/M": 10406, - "TON": 10407, - "▁quant": 10408, - "▁rub": 10409, - "ixels": 10410, - "▁installed": 10411, - "▁dump": 10412, - "▁properly": 10413, - "(List": 10414, - "▁decide": 10415, - "apply": 10416, - "Has": 10417, - "▁keeping": 10418, - "▁citizens": 10419, - "▁joint": 10420, - "pool": 10421, - "Socket": 10422, - "_op": 10423, - "▁weapon": 10424, - "gnore": 10425, - "▁Exec": 10426, - "otten": 10427, - "▁MS": 10428, - "▁(-": 10429, - "▁Review": 10430, - "▁examples": 10431, - "▁tight": 10432, - "!(": 10433, - "DP": 10434, - "▁MessageBox": 10435, - "▁photograph": 10436, - "164": 10437, - "URI": 10438, - "low": 10439, - "▁Grand": 10440, - ".persistence": 10441, - "▁maintain": 10442, - "▁nums": 10443, - "▁zip": 10444, - "ials": 10445, - "▁Gets": 10446, - "peg": 10447, - "▁Buffer": 10448, - "~~~~": 10449, - "rastructure": 10450, - "▁PL": 10451, - "uen": 10452, - "obby": 10453, - "sizeof": 10454, - "▁pic": 10455, - "▁seed": 10456, - "▁experienced": 10457, - "▁odd": 10458, - "▁kick": 10459, - "▁procedure": 10460, - "avigator": 10461, - "-on": 10462, - ",j": 10463, - "▁Although": 10464, - "▁userId": 10465, - "accept": 10466, - "Blue": 10467, - "IColor": 10468, - "layer": 10469, - "available": 10470, - "▁ends": 10471, - ".table": 10472, - "▁dataset": 10473, - "bus": 10474, - "▁explain": 10475, - "(pro": 10476, - "▁Committee": 10477, - "▁noted": 10478, - "]:\n": 10479, - "Dim": 10480, - "stdio": 10481, - "154": 10482, - ".\",\n": 10483, - "_source": 10484, - "181": 10485, - "▁Week": 10486, - "▁Edge": 10487, - "▁operating": 10488, - "▁este": 10489, - "ipl": 10490, - "330": 10491, - "agination": 10492, - "▁proceed": 10493, - "▁animation": 10494, - ".Models": 10495, - "▁Watch": 10496, - "iat": 10497, - "▁oppon": 10498, - "/A": 10499, - "Report": 10500, - "▁sounds": 10501, - "_buf": 10502, - "IELD": 10503, - "▁bund": 10504, - "\tget": 10505, - ".pr": 10506, - "(tmp": 10507, - "▁kid": 10508, - ">\n\n\n": 10509, - "▁yang": 10510, - "NotFound": 10511, - "math": 10512, - "@gmail": 10513, - "▁LIMIT": 10514, - "redients": 10515, - "▁vent": 10516, - "avigate": 10517, - "Look": 10518, - "▁religious": 10519, - "▁rand": 10520, - "rio": 10521, - "(GL": 10522, - "_ip": 10523, - "uan": 10524, - "iciency": 10525, - "▁Change": 10526, - ">\r\n\r\n": 10527, - "▁Entity": 10528, - "▁rencontre": 10529, - "▁Ret": 10530, - "plan": 10531, - "BOOL": 10532, - "uries": 10533, - "train": 10534, - "Definition": 10535, - "============": 10536, - "zz": 10537, - "450": 10538, - "Animation": 10539, - "▁OK": 10540, - "_menu": 10541, - ".bl": 10542, - "_score": 10543, - "▁acad": 10544, - "(System": 10545, - "▁refresh": 10546, - "'=>$": 10547, - ".Graphics": 10548, - "amento": 10549, - "pid": 10550, - "tc": 10551, - "▁tips": 10552, - "▁homes": 10553, - "▁fuel": 10554, - "_helper": 10555, - "▁▁\r\n": 10556, - "▁Room": 10557, - ".Close": 10558, - "_attr": 10559, - "▁Mount": 10560, - "▁Ev": 10561, - "arser": 10562, - "_top": 10563, - "eah": 10564, - "▁Delete": 10565, - "uke": 10566, - "▁usage": 10567, - "aria": 10568, - "_dev": 10569, - "▁texture": 10570, - "▁conversation": 10571, - "eper": 10572, - "Bean": 10573, - "done": 10574, - "nonatomic": 10575, - "▁Second": 10576, - "▁shooting": 10577, - "_pre": 10578, - "Components": 10579, - "▁]\n\n": 10580, - "__,": 10581, - "stitution": 10582, - ".Char": 10583, - ">();\n\n": 10584, - "▁presented": 10585, - "▁wa": 10586, - "oker": 10587, - "-\n\n": 10588, - "iner": 10589, - "▁becoming": 10590, - "▁incident": 10591, - "Att": 10592, - "162": 10593, - "▁revealed": 10594, - "forc": 10595, - "▁boot": 10596, - ".page": 10597, - "Enumerator": 10598, - "165": 10599, - "_->": 10600, - "Photo": 10601, - "▁spring": 10602, - ".\",": 10603, - "▁Dictionary": 10604, - "BJECT": 10605, - "▁locations": 10606, - "▁samples": 10607, - "InputStream": 10608, - "▁Brown": 10609, - "▁stats": 10610, - "quality": 10611, - "-dis": 10612, - "▁helping": 10613, - "▁ped": 10614, - "224": 10615, - "(se": 10616, - "▁Who": 10617, - "alian": 10618, - "internal": 10619, - "▁ft": 10620, - ">().": 10621, - "->{": 10622, - "▁mine": 10623, - "▁sector": 10624, - "▁gro": 10625, - "▁opportunities": 10626, - "▁mp": 10627, - "▁alleged": 10628, - "▁doubt": 10629, - "Mouse": 10630, - "About": 10631, - "_part": 10632, - "▁chair": 10633, - "▁stopped": 10634, - "161": 10635, - "loop": 10636, - "entities": 10637, - "▁apps": 10638, - "ansion": 10639, - "▁mental": 10640, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 10641, - "FR": 10642, - "▁defend": 10643, - "care": 10644, - "▁ideal": 10645, - "/api": 10646, - "urface": 10647, - "011": 10648, - "▁ele": 10649, - "ulator": 10650, - "▁Rights": 10651, - "anguages": 10652, - "▁funds": 10653, - "▁adapt": 10654, - "Attributes": 10655, - "▁deploy": 10656, - "opts": 10657, - "▁validation": 10658, - "▁concerns": 10659, - "uce": 10660, - ".num": 10661, - "ulture": 10662, - "ila": 10663, - "▁cup": 10664, - "▁pure": 10665, - ".Fore": 10666, - "183": 10667, - "▁HashMap": 10668, - ".valueOf": 10669, - "asm": 10670, - "MO": 10671, - "▁cs": 10672, - "▁stores": 10673, - "▁************************************************************************": 10674, - "▁communication": 10675, - "mem": 10676, - ".EventHandler": 10677, - ".Status": 10678, - "_right": 10679, - ".setOn": 10680, - "Sheet": 10681, - "▁identify": 10682, - "enerated": 10683, - "ordered": 10684, - "▁\"[": 10685, - "▁swe": 10686, - "Condition": 10687, - "▁According": 10688, - "▁prepare": 10689, - "▁rob": 10690, - "Pool": 10691, - "▁sport": 10692, - "rv": 10693, - "▁Router": 10694, - "▁alternative": 10695, - "([]": 10696, - "▁Chicago": 10697, - "ipher": 10698, - "ische": 10699, - "▁Director": 10700, - "kl": 10701, - "▁Wil": 10702, - "keys": 10703, - "▁mysql": 10704, - "▁welcome": 10705, - "king": 10706, - "▁Manager": 10707, - "▁caught": 10708, - ")}\n": 10709, - "Score": 10710, - "_PR": 10711, - "▁survey": 10712, - "hab": 10713, - "Headers": 10714, - "ADER": 10715, - "▁decor": 10716, - "▁turns": 10717, - "▁radius": 10718, - "errupt": 10719, - "Cor": 10720, - "▁mel": 10721, - "▁intr": 10722, - "(q": 10723, - "▁AC": 10724, - "amos": 10725, - "MAX": 10726, - "▁Grid": 10727, - "▁Jesus": 10728, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 10729, - ".DE": 10730, - "▁ts": 10731, - "▁linked": 10732, - "free": 10733, - "▁Qt": 10734, - "▁/**\r\n": 10735, - "▁faster": 10736, - "ctr": 10737, - "_J": 10738, - "DT": 10739, - ".Check": 10740, - "▁combination": 10741, - "▁intended": 10742, - "-the": 10743, - "-type": 10744, - "182": 10745, - "ectors": 10746, - "ami": 10747, - "uting": 10748, - "▁uma": 10749, - "XML": 10750, - "UCT": 10751, - "Ap": 10752, - "▁Random": 10753, - "▁ran": 10754, - ".sort": 10755, - "▁sorted": 10756, - ".Un": 10757, - "401": 10758, - "_PER": 10759, - "itory": 10760, - "▁priority": 10761, - "▁Gal": 10762, - "▁Old": 10763, - "hot": 10764, - "▁Display": 10765, - "(sub": 10766, - "_TH": 10767, - "_Y": 10768, - "▁Care": 10769, - "loading": 10770, - "Kind": 10771, - "_handle": 10772, - ",,": 10773, - "rase": 10774, - "_replace": 10775, - ".addEventListener": 10776, - "▁RT": 10777, - "172": 10778, - "▁entered": 10779, - "gers": 10780, - "▁ich": 10781, - "(start": 10782, - "205": 10783, - "/app": 10784, - "▁brother": 10785, - "Memory": 10786, - "Outlet": 10787, - "▁utf": 10788, - "prec": 10789, - "▁navigation": 10790, - "ORK": 10791, - "▁dst": 10792, - "Detail": 10793, - "▁audience": 10794, - "▁dur": 10795, - "▁cluster": 10796, - "unched": 10797, - "▁],": 10798, - "▁comfortable": 10799, - ".values": 10800, - "▁Total": 10801, - "▁snap": 10802, - "▁standards": 10803, - "▁performed": 10804, - "hand": 10805, - "(\"@": 10806, - "▁phil": 10807, - "ibr": 10808, - "trim": 10809, - "▁forget": 10810, - "157": 10811, - "▁doctor": 10812, - ".TextBox": 10813, - "377": 10814, - "icons": 10815, - ",s": 10816, - "▁Op": 10817, - "Sm": 10818, - "Stop": 10819, - "\tList": 10820, - "\tu": 10821, - "Comment": 10822, - "_VERSION": 10823, - ".Xtra": 10824, - "Person": 10825, - "rb": 10826, - "LOB": 10827, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n": 10828, - "▁Central": 10829, - "270": 10830, - "ICK": 10831, - "raq": 10832, - "▁putting": 10833, - "▁md": 10834, - "▁Love": 10835, - "Program": 10836, - "Border": 10837, - "oor": 10838, - "▁allowing": 10839, - "after": 10840, - "▁entries": 10841, - "▁Maybe": 10842, - "]).": 10843, - "▁Short": 10844, - ")\\": 10845, - ".now": 10846, - "friend": 10847, - "▁prefer": 10848, - "▁GPIO": 10849, - "osis": 10850, - "▁GameObject": 10851, - "▁skip": 10852, - "▁competition": 10853, - "_match": 10854, - "lications": 10855, - "_CONT": 10856, - ".groupBox": 10857, - "▁als": 10858, - "666": 10859, - "\"We": 10860, - "_eq": 10861, - "lan": 10862, - "_search": 10863, - "▁Music": 10864, - "asis": 10865, - "▁bind": 10866, - "▁Island": 10867, - "rum": 10868, - "(E": 10869, - "▁seat": 10870, - "Video": 10871, - "▁ack": 10872, - "reek": 10873, - "={()": 10874, - "▁rating": 10875, - "▁restaurant": 10876, - "456": 10877, - "DEX": 10878, - "(buf": 10879, - "pping": 10880, - "uality": 10881, - "▁league": 10882, - "176": 10883, - "▁focused": 10884, - "apon": 10885, - "$data": 10886, - "CLUD": 10887, - "CLUDING": 10888, - "▁absolute": 10889, - "(query": 10890, - "▁tells": 10891, - "Ang": 10892, - "▁communities": 10893, - "▁honest": 10894, - "oking": 10895, - "▁apart": 10896, - "arity": 10897, - "/$": 10898, - "_module": 10899, - "▁Enc": 10900, - ".an": 10901, - ".Config": 10902, - "Cre": 10903, - "▁shock": 10904, - "▁Arab": 10905, - "IENT": 10906, - "/re": 10907, - "▁retrie": 10908, - "ycler": 10909, - "isa": 10910, - "▁Organ": 10911, - ".graph": 10912, - "▁BAS": 10913, - "Enum": 10914, - "▁possibly": 10915, - "▁Japanese": 10916, - "▁craft": 10917, - "▁Place": 10918, - "▁talent": 10919, - "▁funding": 10920, - "▁confirmed": 10921, - "▁cycle": 10922, - "/x": 10923, - "GE": 10924, - "▁hearing": 10925, - "▁plants": 10926, - "▁mouth": 10927, - "pages": 10928, - "oria": 10929, - "▁Remove": 10930, - "_total": 10931, - "▁od": 10932, - "ollapse": 10933, - "door": 10934, - "▁bought": 10935, - "▁addr": 10936, - "ARCH": 10937, - "_dim": 10938, - "dden": 10939, - "▁decades": 10940, - "REQUEST": 10941, - "▁versions": 10942, - "fire": 10943, - "006": 10944, - "▁moves": 10945, - "fb": 10946, - "▁coffee": 10947, - ".connect": 10948, - "▁Row": 10949, - "▁schema": 10950, - "Scope": 10951, - "-Type": 10952, - "▁fighting": 10953, - "▁retail": 10954, - "▁modified": 10955, - "TF": 10956, - "Files": 10957, - "nie": 10958, - "_command": 10959, - "stone": 10960, - "_thread": 10961, - "▁bond": 10962, - "▁Development": 10963, - "▁pt": 10964, - "FORM": 10965, - "plet": 10966, - "▁identified": 10967, - "cpp": 10968, - "206": 10969, - "225": 10970, - "▁coding": 10971, - "oked": 10972, - "▁Master": 10973, - "IDTH": 10974, - "▁residents": 10975, - "redit": 10976, - "▁Photo": 10977, - "=-": 10978, - "unte": 10979, - "ateur": 10980, - "159": 10981, - "_STATE": 10982, - "▁Sing": 10983, - "▁sheet": 10984, - ".val": 10985, - "orse": 10986, - "▁hers": 10987, - "▁determined": 10988, - "Common": 10989, - "▁wed": 10990, - "_queue": 10991, - "PH": 10992, - "▁Atl": 10993, - "cred": 10994, - "/LICENSE": 10995, - "▁mes": 10996, - "▁advanced": 10997, - ".java": 10998, - ".Sh": 10999, - "Go": 11000, - "kill": 11001, - "fp": 11002, - "_settings": 11003, - "▁pal": 11004, - "▁truck": 11005, - "▁combined": 11006, - "▁\"${": 11007, - "▁Corpor": 11008, - "▁joined": 11009, - "▁Jose": 11010, - "▁Cup": 11011, - "uns": 11012, - "estival": 11013, - "levision": 11014, - "▁broken": 11015, - "▁marriage": 11016, - "▁Western": 11017, - "▁represents": 11018, - "▁Title": 11019, - "▁ss": 11020, - ".Ass": 11021, - "ongoose": 11022, - "iento": 11023, - "<>();\n": 11024, - "▁absolutely": 11025, - "▁smooth": 11026, - "TERN": 11027, - "▁Unless": 11028, - "Word": 11029, - "▁merge": 11030, - "igan": 11031, - "▁Vol": 11032, - "▁nn": 11033, - ".getId": 11034, - "171": 11035, - "▁sexy": 11036, - "▁seeking": 11037, - "Single": 11038, - ".this": 11039, - "179": 11040, - "▁kom": 11041, - "bound": 11042, - ";\"": 11043, - "▁fontSize": 11044, - "_df": 11045, - "▁injury": 11046, - "(H": 11047, - "▁issued": 11048, - "_END": 11049, - ":self": 11050, - "020": 11051, - "▁patch": 11052, - "▁leaves": 11053, - "▁adopt": 11054, - "FileName": 11055, - "▁executive": 11056, - "▁Byte": 11057, - "]))\n": 11058, - "▁nu": 11059, - "outing": 11060, - "cluding": 11061, - "-R": 11062, - ".options": 11063, - "▁substant": 11064, - "avax": 11065, - "▁BUT": 11066, - "▁technical": 11067, - "▁twice": 11068, - "▁univers": 11069, - "yr": 11070, - "▁drag": 11071, - "▁DC": 11072, - "▁sed": 11073, - "▁bot": 11074, - "▁Pal": 11075, - "▁Hall": 11076, - "forcement": 11077, - "▁auch": 11078, - ".mod": 11079, - "notation": 11080, - "_files": 11081, - ".line": 11082, - "_flag": 11083, - "[name": 11084, - "▁resolution": 11085, - "▁bott": 11086, - "(\"[": 11087, - "ende": 11088, - "(arr": 11089, - "Free": 11090, - "(@\"": 11091, - "▁District": 11092, - "PEC": 11093, - ":-": 11094, - "Picker": 11095, - "▁Jo": 11096, - "▁▁▁▁▁\n": 11097, - "▁River": 11098, - "_rows": 11099, - "▁helpful": 11100, - "▁massive": 11101, - "---\n": 11102, - "▁measures": 11103, - "007": 11104, - "▁Runtime": 11105, - "▁worry": 11106, - "▁Spec": 11107, - "\tD": 11108, - "▁){\n": 11109, - "▁worse": 11110, - "(filename": 11111, - "▁lay": 11112, - "▁magic": 11113, - "▁Their": 11114, - "oul": 11115, - "stroy": 11116, - "▁Where": 11117, - "280": 11118, - "▁sudden": 11119, - "▁defe": 11120, - "▁binding": 11121, - "▁flight": 11122, - "▁OnInit": 11123, - "▁Women": 11124, - "▁Policy": 11125, - "▁drugs": 11126, - "ishing": 11127, - "('../": 11128, - "▁Mel": 11129, - "peat": 11130, - "tor": 11131, - "▁proposed": 11132, - "▁stated": 11133, - "_RES": 11134, - "▁east": 11135, - "212": 11136, - "▁CONDITION": 11137, - "_desc": 11138, - "▁winning": 11139, - "folio": 11140, - "Mapper": 11141, - "▁Pan": 11142, - "▁Ange": 11143, - ".servlet": 11144, - "▁copies": 11145, - "LM": 11146, - "▁vm": 11147, - "▁dictionary": 11148, - "Seg": 11149, - "177": 11150, - "elines": 11151, - "▁Send": 11152, - "▁iron": 11153, - "▁Fort": 11154, - "166": 11155, - ".domain": 11156, - "▁debate": 11157, - "NotNull": 11158, - "eq": 11159, - "acher": 11160, - "lf": 11161, - "\tfmt": 11162, - "▁lawy": 11163, - "178": 11164, - "▁Men": 11165, - "▁trim": 11166, - "(NULL": 11167, - "▁!!": 11168, - "▁pad": 11169, - "▁follows": 11170, - "\"][\"": 11171, - "requ": 11172, - "▁Ep": 11173, - ".github": 11174, - "(img": 11175, - "eto": 11176, - "('\\": 11177, - "Services": 11178, - "umbnail": 11179, - "_main": 11180, - "pleted": 11181, - "fortunately": 11182, - "▁windows": 11183, - "▁plane": 11184, - "▁Connection": 11185, - ".local": 11186, - "uard": 11187, - "}\\": 11188, - "==\"": 11189, - "andon": 11190, - "▁Roy": 11191, - "west": 11192, - "158": 11193, - "iginal": 11194, - "emies": 11195, - "itz": 11196, - "'):\n": 11197, - "▁Peter": 11198, - "▁tough": 11199, - "▁reduced": 11200, - "▁calculate": 11201, - "▁rapid": 11202, - "customer": 11203, - "▁efficient": 11204, - "▁medium": 11205, - "▁fell": 11206, - ".ref": 11207, - "▁Cas": 11208, - "▁feedback": 11209, - "Speed": 11210, - "(output": 11211, - "aje": 11212, - "▁categories": 11213, - "▁fee": 11214, - "};": 11215, - "▁deleted": 11216, - "reh": 11217, - "▁proof": 11218, - "Desc": 11219, - "Build": 11220, - "▁sides": 11221, - ".ArrayList": 11222, - "-%": 11223, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 11224, - ".match": 11225, - "▁feels": 11226, - "▁achieve": 11227, - "▁clim": 11228, - "_ON": 11229, - "▁CD": 11230, - "▁teacher": 11231, - "_current": 11232, - "bn": 11233, - "_PL": 11234, - "isting": 11235, - "Enable": 11236, - "GEN": 11237, - "▁tv": 11238, - "▁sock": 11239, - "▁plays": 11240, - "▁discount": 11241, - "▁KE": 11242, - "▁Debug": 11243, - "Fore": 11244, - "▁Iraq": 11245, - "▁appearance": 11246, - "Mon": 11247, - "▁styled": 11248, - "▁Human": 11249, - "iot": 11250, - "▁History": 11251, - "▁sac": 11252, - "▁Collection": 11253, - "▁recommended": 11254, - ".Selected": 11255, - "▁organizations": 11256, - "▁discovered": 11257, - "cohol": 11258, - "adas": 11259, - "▁Thomas": 11260, - "May": 11261, - "▁conserv": 11262, - "▁domin": 11263, - "▁Follow": 11264, - "▁Section": 11265, - "▁Thanks": 11266, - "Username": 11267, - "▁recipe": 11268, - "▁wonderful": 11269, - ".sleep": 11270, - "_if": 11271, - "\t\n\t\n": 11272, - "orno": 11273, - "▁ru": 11274, - "_target": 11275, - ".\"\"": 11276, - "EventArgs": 11277, - "▁inputs": 11278, - "▁fif": 11279, - "▁vision": 11280, - "cy": 11281, - "▁Series": 11282, - ")(((": 11283, - "▁trading": 11284, - "▁marker": 11285, - "Begin": 11286, - "▁typically": 11287, - "▁causes": 11288, - "dropdown": 11289, - "_DEBUG": 11290, - "260": 11291, - "▁detect": 11292, - "country": 11293, - "!\");\n": 11294, - "\tR": 11295, - "appy": 11296, - "▁cref": 11297, - "('<": 11298, - "\"=>": 11299, - "▁LE": 11300, - "reader": 11301, - "▁administr": 11302, - "ucket": 11303, - "▁fashion": 11304, - ".char": 11305, - "izar": 11306, - "▁disable": 11307, - "▁suc": 11308, - "▁Live": 11309, - "issue": 11310, - "▁metadata": 11311, - "flags": 11312, - "▁committed": 11313, - "▁va": 11314, - "▁rough": 11315, - "▁'''\n": 11316, - "▁highlight": 11317, - "_vars": 11318, - "VO": 11319, - "▁encoding": 11320, - "-Z": 11321, - "_sign": 11322, - "$(\"#": 11323, - "▁rain": 11324, - "reatest": 11325, - "▁END": 11326, - "Selection": 11327, - "▁candidates": 11328, - "▁sav": 11329, - ".Empty": 11330, - "▁decisions": 11331, - "▁collabor": 11332, - "ridge": 11333, - "feed": 11334, - "ression": 11335, - "▁persons": 11336, - "VM": 11337, - "008": 11338, - "ega": 11339, - "_BIT": 11340, - "According": 11341, - "acked": 11342, - "▁dollars": 11343, - "_loss": 11344, - "▁Cost": 11345, - "}\"\n": 11346, - "Notification": 11347, - "▁prostit": 11348, - "▁authority": 11349, - ".rec": 11350, - "▁spokes": 11351, - "▁Today": 11352, - "istant": 11353, - "▁Head": 11354, - "ertainment": 11355, - "cean": 11356, - "culate": 11357, - "▁ven": 11358, - "However": 11359, - "_arr": 11360, - "▁tokens": 11361, - "Graph": 11362, - "▁Jud": 11363, - "▁Virgin": 11364, - "▁Serial": 11365, - "unning": 11366, - "Mutable": 11367, - "agers": 11368, - ".csv": 11369, - "▁developing": 11370, - "▁instructions": 11371, - "▁promise": 11372, - "▁requested": 11373, - "_encode": 11374, - "/\"": 11375, - "▁Icon": 11376, - "uilt": 11377, - "-day": 11378, - "▁intelligence": 11379, - ".IS": 11380, - "▁Observable": 11381, - "▁Hard": 11382, - "Bool": 11383, - "211": 11384, - "idential": 11385, - ".Anchor": 11386, - "▁selling": 11387, - "CI": 11388, - "AGES": 11389, - "tle": 11390, - "bur": 11391, - "UFFER": 11392, - "RY": 11393, - "▁bigger": 11394, - "▁rat": 11395, - "▁famous": 11396, - "▁typename": 11397, - "▁explained": 11398, - "}}\n": 11399, - "▁nuclear": 11400, - "-N": 11401, - "▁crisis": 11402, - "▁Enter": 11403, - "▁answers": 11404, - "/${": 11405, - "/pl": 11406, - "▁sequ": 11407, - "_next": 11408, - "mask": 11409, - "▁standing": 11410, - "▁plenty": 11411, - "▁Cross": 11412, - "\tret": 11413, - "dro": 11414, - "▁Cast": 11415, - "167": 11416, - "=true": 11417, - "▁Chris": 11418, - "icio": 11419, - "▁Mike": 11420, - "Decimal": 11421, - "addComponent": 11422, - "Len": 11423, - "▁cock": 11424, - "▁#{": 11425, - "URN": 11426, - "": 11553, - "▁*=": 11554, - "▁PS": 11555, - "▁dangerous": 11556, - "[p": 11557, - "OME": 11558, - "Other": 11559, - "▁StringBuilder": 11560, - "Points": 11561, - "heading": 11562, - "▁currency": 11563, - "▁percentage": 11564, - "_API": 11565, - "▁classic": 11566, - "thead": 11567, - "▁MO": 11568, - "FE": 11569, - "Idx": 11570, - "await": 11571, - "▁accident": 11572, - "▁variant": 11573, - "▁myst": 11574, - "▁Land": 11575, - "▁Bre": 11576, - "▁harm": 11577, - "▁Acc": 11578, - "▁charged": 11579, - "iones": 11580, - "Visibility": 11581, - "arry": 11582, - "▁Language": 11583, - "▁walking": 11584, - "\".\n\n": 11585, - "ifer": 11586, - "▁leadership": 11587, - ".From": 11588, - "ynam": 11589, - "▁timestamp": 11590, - "ipt": 11591, - "▁Has": 11592, - "REFER": 11593, - "▁Its": 11594, - "▁listener": 11595, - "UTE": 11596, - "213": 11597, - "_description": 11598, - "▁experiences": 11599, - "▁creates": 11600, - "RS": 11601, - "cart": 11602, - "black": 11603, - "▁choices": 11604, - "war": 11605, - "750": 11606, - "▁'''": 11607, - "▁ordered": 11608, - "▁evening": 11609, - "▁pil": 11610, - "▁tun": 11611, - "▁Bad": 11612, - "(app": 11613, - "random": 11614, - "▁explicit": 11615, - "▁arrived": 11616, - "▁fly": 11617, - "▁econom": 11618, - "-mail": 11619, - "▁lists": 11620, - "▁architect": 11621, - "234": 11622, - "▁Pay": 11623, - "▁ds": 11624, - "▁Sol": 11625, - "▁vehicles": 11626, - "Hz": 11627, - "-com": 11628, - "▁king": 11629, - "_equal": 11630, - "▁Help": 11631, - "▁abuse": 11632, - "480": 11633, - "169": 11634, - "--;\n": 11635, - "▁extr": 11636, - "▁chemical": 11637, - "▁orient": 11638, - "▁breath": 11639, - "▁Space": 11640, - "(element": 11641, - "wait": 11642, - "DED": 11643, - "igma": 11644, - "▁entr": 11645, - "▁sob": 11646, - "-name": 11647, - "▁affected": 11648, - "ika": 11649, - "▁coal": 11650, - "_work": 11651, - "▁hundreds": 11652, - "▁politics": 11653, - "subject": 11654, - "▁consumer": 11655, - "ANGE": 11656, - "▁repeated": 11657, - "Send": 11658, - "▁#[": 11659, - "▁protocol": 11660, - "▁leads": 11661, - "useum": 11662, - "Every": 11663, - "808": 11664, - "174": 11665, - "Import": 11666, - "(count": 11667, - "▁challenges": 11668, - "▁novel": 11669, - "▁depart": 11670, - "bits": 11671, - ".Current": 11672, - "▁`${": 11673, - "oting": 11674, - "(\\": 11675, - "▁creative": 11676, - "▁buff": 11677, - "▁introduced": 11678, - "usic": 11679, - "modules": 11680, - "Are": 11681, - "-doc": 11682, - "language": 11683, - "_cache": 11684, - "▁tod": 11685, - "?>{{": 11913, - "▁Resource": 11914, - "▁Standard": 11915, - "▁Prem": 11916, - "updated": 11917, - "ivalent": 11918, - "▁assets": 11919, - "_temp": 11920, - "▁interests": 11921, - "▁hardware": 11922, - "▁Rom": 11923, - "▁Share": 11924, - "▁''\n": 11925, - "▁*,": 11926, - "▁Take": 11927, - "▁Images": 11928, - "_CHECK": 11929, - "(typeof": 11930, - "▁Jun": 11931, - "\\<^": 11932, - "▁liqu": 11933, - "▁worst": 11934, - "ymbols": 11935, - "\t\t\t▁▁▁": 11936, - "▁drivers": 11937, - "▁Document": 11938, - "eno": 11939, - "▁Technology": 11940, - "▁approved": 11941, - "umps": 11942, - "▁snow": 11943, - "formance": 11944, - "_ASSERT": 11945, - "uits": 11946, - "207": 11947, - "▁differences": 11948, - ".Visible": 11949, - "\t\t\t\r\n": 11950, - "▁Ps": 11951, - "_fetch": 11952, - "▁todo": 11953, - ".',\n": 11954, - "▁sel": 11955, - "urers": 11956, - "invalid": 11957, - "▁tweet": 11958, - "VEL": 11959, - "▁researchers": 11960, - "▁sprintf": 11961, - "▁RO": 11962, - "▁pel": 11963, - ".Trans": 11964, - "▁illegal": 11965, - "dialog": 11966, - "smarty": 11967, - "lg": 11968, - "_MIN": 11969, - "▁hero": 11970, - "final": 11971, - "▁pp": 11972, - ".Le": 11973, - "▁ci": 11974, - "\tRT": 11975, - "▁suggested": 11976, - "pdf": 11977, - "aching": 11978, - "▁Ro": 11979, - "▁Properties": 11980, - "▁Si": 11981, - "▁buying": 11982, - "▁mu": 11983, - "▁lands": 11984, - "ifiers": 11985, - "▁FILE": 11986, - "ROUP": 11987, - "▁holder": 11988, - "▁Son": 11989, - "▁sympt": 11990, - ".route": 11991, - ")?": 11992, - "▁argc": 11993, - "▁fort": 11994, - "▁casino": 11995, - "_category": 11996, - "▁forum": 11997, - "215": 11998, - "prefix": 11999, - "apture": 12000, - "Tube": 12001, - "ems": 12002, - "imize": 12003, - "▁nue": 12004, - "aus": 12005, - "course": 12006, - "ATOR": 12007, - "()),": 12008, - "Advertis": 12009, - "INGS": 12010, - "▁acknow": 12011, - "▁Korea": 12012, - "pling": 12013, - "▁worker": 12014, - "PLIED": 12015, - "hal": 12016, - "▁Richard": 12017, - "Elements": 12018, - "\t\t\t▁": 12019, - "star": 12020, - "▁relationships": 12021, - "▁cheap": 12022, - "ACH": 12023, - "▁XML": 12024, - ",&": 12025, - "▁Louis": 12026, - "▁ride": 12027, - "_FAIL": 12028, - "▁chunk": 12029, - "[s": 12030, - "_OUT": 12031, - "▁chosen": 12032, - "_[": 12033, - "/(": 12034, - "▁Jeff": 12035, - "_sl": 12036, - "priv": 12037, - "▁Canadian": 12038, - "▁unable": 12039, - "_FLAG": 12040, - "▁nos": 12041, - "high": 12042, - "▁lift": 12043, - "fun": 12044, - "(){": 12045, - "elly": 12046, - "yclerView": 12047, - "_as": 12048, - "_LIST": 12049, - "▁radi": 12050, - ".getValue": 12051, - "304": 12052, - "▁Angeles": 12053, - "▁Span": 12054, - "_instance": 12055, - "itors": 12056, - "208": 12057, - "▁migration": 12058, - "AK": 12059, - "Oh": 12060, - ".selected": 12061, - "▁GT": 12062, - "▁advance": 12063, - "▁Style": 12064, - ".DataGridView": 12065, - "ection": 12066, - "pio": 12067, - "rog": 12068, - "▁shopping": 12069, - "▁Rect": 12070, - "Illuminate": 12071, - "OU": 12072, - "\tarray": 12073, - "▁substantial": 12074, - "▁pregn": 12075, - "▁promote": 12076, - "IEW": 12077, - ".Layout": 12078, - "▁signs": 12079, - "/.": 12080, - "▁letters": 12081, - "Board": 12082, - "ctrl": 12083, - "\"\\": 12084, - "▁Jones": 12085, - "▁vertex": 12086, - "▁ja": 12087, - "▁affili": 12088, - "▁wealth": 12089, - "\tdefault": 12090, - "▁significantly": 12091, - "▁ec": 12092, - "▁xs": 12093, - "actual": 12094, - ".per": 12095, - "_step": 12096, - "anvas": 12097, - "mac": 12098, - "▁transl": 12099, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 12100, - "Iterator": 12101, - "▁och": 12102, - "agnostic": 12103, - "▁During": 12104, - "▁DEFAULT": 12105, - "▁till": 12106, - "▁signature": 12107, - "▁bird": 12108, - "▁Ol": 12109, - "310": 12110, - "▁Ir": 12111, - "HS": 12112, - "avatar": 12113, - "ESSAGE": 12114, - "▁elev": 12115, - "▁mt": 12116, - "▁Nav": 12117, - "▁relax": 12118, - "▁plate": 12119, - "ITEM": 12120, - "(date": 12121, - ".not": 12122, - "▁grade": 12123, - "▁}),\n": 12124, - "?\"\n\n": 12125, - "iences": 12126, - "High": 12127, - "▁DIS": 12128, - "231": 12129, - "disabled": 12130, - "QUI": 12131, - "▁noise": 12132, - "aux": 12133, - "▁UP": 12134, - "888": 12135, - "osa": 12136, - "▁voc": 12137, - "▁))": 12138, - "ocom": 12139, - "_OFF": 12140, - "▁Db": 12141, - "Lock": 12142, - ".eclipse": 12143, - ",d": 12144, - "▁Draw": 12145, - "▁\"(": 12146, - "▁visited": 12147, - "▁succeed": 12148, - "▁impossible": 12149, - "aire": 12150, - "▁Turn": 12151, - "▁dish": 12152, - "FG": 12153, - "▁sensor": 12154, - "ANN": 12155, - "aba": 12156, - "▁surg": 12157, - "]);\r\n": 12158, - "▁fp": 12159, - "_an": 12160, - "-J": 12161, - "-G": 12162, - "▁Job": 12163, - "Convert": 12164, - "▁KEY": 12165, - "▁authors": 12166, - "_server": 12167, - "\\r": 12168, - "▁-*-": 12169, - "flex": 12170, - "▁soc": 12171, - "Ret": 12172, - "▁salt": 12173, - "▁Clear": 12174, - "(page": 12175, - "-danger": 12176, - "▁rooms": 12177, - "conv": 12178, - "#{": 12179, - ".op": 12180, - "▁Area": 12181, - "_SC": 12182, - "hen": 12183, - "▁begins": 12184, - "-y": 12185, - "▁excited": 12186, - "▁ignored": 12187, - "▁bonus": 12188, - "student": 12189, - "▁Member": 12190, - "▁relatively": 12191, - "▁Low": 12192, - "▁Produ": 12193, - "ateway": 12194, - "posure": 12195, - "▁thick": 12196, - "aniel": 12197, - "(view": 12198, - "▁Crush": 12199, - "Extension": 12200, - "Il": 12201, - "eed": 12202, - "LOC": 12203, - ".im": 12204, - ".Items": 12205, - "▁conflict": 12206, - ".prevent": 12207, - "252": 12208, - "▁onCreate": 12209, - "uv": 12210, - "iser": 12211, - "▁wave": 12212, - "Mar": 12213, - "▁Community": 12214, - "iche": 12215, - "▁Nothing": 12216, - "[m": 12217, - "▁Lee": 12218, - "riends": 12219, - "232": 12220, - "!!!": 12221, - "anz": 12222, - ".result": 12223, - "▁SK": 12224, - "_PARAM": 12225, - "▁democr": 12226, - "BackColor": 12227, - ".exists": 12228, - "\"It": 12229, - "(options": 12230, - "razy": 12231, - "aser": 12232, - "\\Database": 12233, - "alendar": 12234, - "_ass": 12235, - ";}\n": 12236, - "vertex": 12237, - "inecraft": 12238, - "Warning": 12239, - "argo": 12240, - "▁actor": 12241, - "▁Instead": 12242, - "▁Using": 12243, - "Self": 12244, - "@interface": 12245, - "▁speaking": 12246, - "▁Paris": 12247, - "▁LICENSE": 12248, - ".node": 12249, - "▁Food": 12250, - "EIF": 12251, - "▁Bi": 12252, - ".Start": 12253, - "▁IB": 12254, - "▁university": 12255, - "254": 12256, - "▁Header": 12257, - ".product": 12258, - "409": 12259, - "Copy": 12260, - "etc": 12261, - "rical": 12262, - "▁>>>": 12263, - "books": 12264, - "▁algorithm": 12265, - "▁'__": 12266, - "(javax": 12267, - "▁numerous": 12268, - "Share": 12269, - "Have": 12270, - "▁recru": 12271, - "▁prove": 12272, - ".substring": 12273, - "health": 12274, - "▁decimal": 12275, - "▁commission": 12276, - "scription": 12277, - "xC": 12278, - "▁summary": 12279, - "atted": 12280, - "▁closer": 12281, - "finished": 12282, - "()){\n": 12283, - "▁Wood": 12284, - "301": 12285, - "_fields": 12286, - "ku": 12287, - "_items": 12288, - "Flag": 12289, - "▁confidence": 12290, - "▁Federal": 12291, - "dux": 12292, - "▁compat": 12293, - "▁vertical": 12294, - ";\">\n": 12295, - "_manager": 12296, - "()))\n": 12297, - "IDE": 12298, - ":\",": 12299, - "235": 12300, - "__\n": 12301, - "▁Way": 12302, - "221": 12303, - "Temp": 12304, - "▁STR": 12305, - "ritten": 12306, - "Sync": 12307, - "▁AV": 12308, - "▁CEO": 12309, - "▁Guid": 12310, - "▁environmental": 12311, - "▁corresponding": 12312, - "\tconsole": 12313, - "▁justice": 12314, - "▁JS": 12315, - "▁lived": 12316, - "gar": 12317, - "▁Graph": 12318, - "▁Stat": 12319, - "▁iPhone": 12320, - ".al": 12321, - "▁HD": 12322, - "▁occur": 12323, - "▁threshold": 12324, - "509": 12325, - "▁onclick": 12326, - "REG": 12327, - ".GraphicsUnit": 12328, - "Meta": 12329, - "▁cum": 12330, - ".gnu": 12331, - "▁obtained": 12332, - "▁complaint": 12333, - "▁eating": 12334, - "▁tar": 12335, - "_task": 12336, - "▁opts": 12337, - "216": 12338, - "(to": 12339, - "Pass": 12340, - "▁plastic": 12341, - "tility": 12342, - "▁Win": 12343, - ".preventDefault": 12344, - "pile": 12345, - "▁Gar": 12346, - "▁quantity": 12347, - "_last": 12348, - "▁greatest": 12349, - "Dao": 12350, - "_DIS": 12351, - "▁Used": 12352, - "▁HP": 12353, - "riting": 12354, - "SION": 12355, - "blue": 12356, - "domain": 12357, - "▁scores": 12358, - "Normal": 12359, - "_admin": 12360, - "▁ASSERT": 12361, - "Then": 12362, - "***": 12363, - "dist": 12364, - "lon": 12365, - "▁hate": 12366, - "shal": 12367, - "ImageView": 12368, - "database": 12369, - "▁pand": 12370, - "▁logic": 12371, - "=false": 12372, - "bg": 12373, - "▁Configuration": 12374, - "▁nur": 12375, - "OG": 12376, - "▁married": 12377, - ":+": 12378, - "▁dropped": 12379, - "040": 12380, - "▁registration": 12381, - "ultiple": 12382, - "izers": 12383, - "shape": 12384, - ".copy": 12385, - "▁wearing": 12386, - "▁Cath": 12387, - "▁dedicated": 12388, - "▁...\n": 12389, - "▁advoc": 12390, - "▁Family": 12391, - "▁statements": 12392, - "ematic": 12393, - "ampionship": 12394, - "▁motiv": 12395, - "▁Have": 12396, - "▁blow": 12397, - "Job": 12398, - "cert": 12399, - "_vector": 12400, - "install": 12401, - "▁COPY": 12402, - "embed": 12403, - "DIR": 12404, - "▁Spring": 12405, - "▁exhib": 12406, - "223": 12407, - "cdn": 12408, - "▁Comment": 12409, - "▁Optional": 12410, - ".player": 12411, - "▁Dark": 12412, - "(pos": 12413, - "▁Should": 12414, - "▁centre": 12415, - "▁Guard": 12416, - "▁trouble": 12417, - "ENER": 12418, - "(unsigned": 12419, - "_service": 12420, - "▁ns": 12421, - "uling": 12422, - "▁Mexico": 12423, - "▁NY": 12424, - "mysql": 12425, - "▁lic": 12426, - "Mr": 12427, - "-fl": 12428, - "▁Customer": 12429, - "idi": 12430, - "▁?>\n\n": 12431, - "rible": 12432, - "▁sizes": 12433, - "_STRING": 12434, - "validation": 12435, - "▁Jon": 12436, - "(Http": 12437, - "addClass": 12438, - "Nodes": 12439, - "▁fragment": 12440, - "▁spoke": 12441, - "▁waste": 12442, - "Join": 12443, - "▁illustr": 12444, - "eli": 12445, - "cient": 12446, - "▁aid": 12447, - "▁prosec": 12448, - "'){\n": 12449, - "▁passing": 12450, - "▁faces": 12451, - "Shape": 12452, - "_Z": 12453, - "iti": 12454, - "▁alle": 12455, - "▁robot": 12456, - "▁▁▁▁▁▁▁\n": 12457, - "▁Spe": 12458, - "▁receiving": 12459, - "▁Details": 12460, - "▁\")": 12461, - "mg": 12462, - "_REF": 12463, - "▁comparison": 12464, - "*,": 12465, - "▁Found": 12466, - "_session": 12467, - "(U": 12468, - "/F": 12469, - "▁xxx": 12470, - "Network": 12471, - "ders": 12472, - "▁capture": 12473, - "▁corre": 12474, - "▁Ltd": 12475, - "▁Adv": 12476, - "[@": 12477, - "▁clip": 12478, - "Mill": 12479, - "▁Profile": 12480, - "▁endif": 12481, - "▁oblig": 12482, - "describe": 12483, - ".element": 12484, - "riterion": 12485, - "LD": 12486, - "ered": 12487, - "▁favour": 12488, - "score": 12489, - "▁Filter": 12490, - "attributes": 12491, - "▁checks": 12492, - "Inflater": 12493, - "▁Plus": 12494, - "▁scientific": 12495, - "▁privacy": 12496, - "Head": 12497, - "▁feat": 12498, - "▁degrees": 12499, - "▁Pale": 12500, - ";\">": 12501, - "▁films": 12502, - "▁Audio": 12503, - "▁Tag": 12504, - "▁Energy": 12505, - "itar": 12506, - "parator": 12507, - "▁fellow": 12508, - "▁evt": 12509, - "▁Tri": 12510, - "▁DAM": 12511, - "cloud": 12512, - "▁Password": 12513, - "▁Democrats": 12514, - "▁Acad": 12515, - "$lang": 12516, - "▁reb": 12517, - "())\n\n": 12518, - "▁Bur": 12519, - "readcr": 12520, - "▁hex": 12521, - "209": 12522, - "Console": 12523, - "ctl": 12524, - "ousel": 12525, - "▁William": 12526, - "▁az": 12527, - "_PORT": 12528, - "▁practices": 12529, - "▁anywhere": 12530, - "▁Position": 12531, - "▁->\n": 12532, - "iams": 12533, - ".username": 12534, - "placeholder": 12535, - "▁oder": 12536, - "▁Secretary": 12537, - "▁iT": 12538, - "mond": 12539, - "events": 12540, - ".Sub": 12541, - "▁attached": 12542, - "▁estate": 12543, - "365": 12544, - ".action": 12545, - "▁figures": 12546, - "▁});\r\n": 12547, - "▁subscri": 12548, - ".tag": 12549, - "nam": 12550, - ".plot": 12551, - "noon": 12552, - "liament": 12553, - "Character": 12554, - ".tab": 12555, - "▁winter": 12556, - "▁Variable": 12557, - "▁trees": 12558, - "▁proud": 12559, - "(V": 12560, - "_load": 12561, - "▁hier": 12562, - "▁Econ": 12563, - "▁fd": 12564, - "▁victims": 12565, - "Rest": 12566, - "iana": 12567, - "▁fake": 12568, - ".Println": 12569, - "▁strlen": 12570, - "▁sad": 12571, - "▁ble": 12572, - "Prot": 12573, - "▁buttons": 12574, - "▁television": 12575, - "▁logo": 12576, - "extension": 12577, - "\tj": 12578, - "stein": 12579, - "aciones": 12580, - "▁\"\"\"\n\n": 12581, - "▁simp": 12582, - "▁recorded": 12583, - "▁brings": 12584, - "▁principal": 12585, - "▁fees": 12586, - "(source": 12587, - "kdir": 12588, - "▁utils": 12589, - "▁correctly": 12590, - "fil": 12591, - "▁wel": 12592, - "Pair": 12593, - "-button": 12594, - "scale": 12595, - "verify": 12596, - "[c": 12597, - "▁---": 12598, - "▁escape": 12599, - "ikes": 12600, - "LowerCase": 12601, - "ician": 12602, - "▁chapter": 12603, - "▁TYPE": 12604, - "▁shadow": 12605, - "▁awesome": 12606, - "WE": 12607, - "elif": 12608, - "▁lambda": 12609, - "▁distinct": 12610, - "▁bare": 12611, - "-off": 12612, - "▁colour": 12613, - ".appendChild": 12614, - "olec": 12615, - "aga": 12616, - ".fill": 12617, - "\tsuper": 12618, - "▁adj": 12619, - "(position": 12620, - ".getItem": 12621, - "242": 12622, - "Short": 12623, - "▁totally": 12624, - "VD": 12625, - "▁Tre": 12626, - "_ep": 12627, - "vements": 12628, - "▁Solution": 12629, - "▁fundament": 12630, - "Follow": 12631, - "▁facility": 12632, - "▁happening": 12633, - "OF": 12634, - ".textBox": 12635, - "Span": 12636, - "iden": 12637, - "▁exceed": 12638, - "(parent": 12639, - "▁cp": 12640, - "▁hasn": 12641, - "▁pri": 12642, - "▁consequ": 12643, - "nen": 12644, - "▁INTO": 12645, - "Ignore": 12646, - "▁Future": 12647, - "▁carbon": 12648, - "▁Steel": 12649, - "fmt": 12650, - "okie": 12651, - "▁spl": 12652, - "(title": 12653, - "-info": 12654, - "▁deals": 12655, - "▁fixture": 12656, - "ea": 12657, - "Div": 12658, - "▁tested": 12659, - "_return": 12660, - ")\n\n\n\n": 12661, - "upported": 12662, - "▁Cook": 12663, - "▁paying": 12664, - "▁Ill": 12665, - "▁arrested": 12666, - "▁Prime": 12667, - "_callback": 12668, - ">,\n": 12669, - "driver": 12670, - "Once": 12671, - "abb": 12672, - "_bytes": 12673, - "▁Sets": 12674, - "(Object": 12675, - "▁cc": 12676, - "▁shell": 12677, - "alo": 12678, - ");//": 12679, - "(log": 12680, - "264": 12681, - "ctors": 12682, - ")": 13151, - "218": 13152, - "▁$(\".": 13153, - ".pos": 13154, - "▁boys": 13155, - "▁wedding": 13156, - "▁agents": 13157, - "=\"_": 13158, - "▁Army": 13159, - "▁hint": 13160, - "vision": 13161, - "▁tech": 13162, - "▁Connect": 13163, - "▁legend": 13164, - "▁Bet": 13165, - ".Base": 13166, - "Subject": 13167, - "▁lit": 13168, - "Remove": 13169, - "▁\":": 13170, - "▁Final": 13171, - "pearance": 13172, - "▁iTunes": 13173, - "▁participants": 13174, - "▁Python": 13175, - "▁busy": 13176, - "iel": 13177, - "vertices": 13178, - "▁templateUrl": 13179, - "▁Close": 13180, - "Img": 13181, - "▁Corporation": 13182, - "timestamp": 13183, - "▁extend": 13184, - "▁websites": 13185, - "▁possibility": 13186, - "▁meat": 13187, - "▁representation": 13188, - "241": 13189, - "▁\t\t": 13190, - "_START": 13191, - ".apply": 13192, - "▁Valley": 13193, - "▁Success": 13194, - "Hi": 13195, - "▁nob": 13196, - "▁IEnumerable": 13197, - "_select": 13198, - "geo": 13199, - ".\")\n": 13200, - "▁turning": 13201, - "▁fabric": 13202, - "(\"\");\n": 13203, - "▁perspective": 13204, - "▁Sn": 13205, - "Thank": 13206, - ";j": 13207, - ".Parameters": 13208, - "\t▁▁▁▁▁▁▁▁▁▁▁": 13209, - "▁facts": 13210, - "305": 13211, - "▁unt": 13212, - ".instance": 13213, - "################################################################": 13214, - "-end": 13215, - "▁JOIN": 13216, - "▁Hen": 13217, - "▁uri": 13218, - "▁Info": 13219, - "▁conducted": 13220, - "OURCE": 13221, - "▁wine": 13222, - "John": 13223, - ".Errorf": 13224, - "▁Age": 13225, - "ounded": 13226, - "▁realize": 13227, - "312": 13228, - "▁];": 13229, - "▁subsequ": 13230, - ",m": 13231, - "(User": 13232, - "iano": 13233, - "▁accompl": 13234, - "isp": 13235, - ".std": 13236, - "▁Bed": 13237, - ".setAttribute": 13238, - "BR": 13239, - "keep": 13240, - "▁ALL": 13241, - "▁isol": 13242, - "amma": 13243, - "Package": 13244, - "▁occasion": 13245, - "-success": 13246, - "▁LIMITED": 13247, - "strip": 13248, - "()\n\n\n": 13249, - "istribution": 13250, - "Colors": 13251, - "▁+:+": 13252, - "DidLoad": 13253, - "aler": 13254, - "▁tid": 13255, - "▁LED": 13256, - "▁Linked": 13257, - "▁Cart": 13258, - "())\r\n": 13259, - "_READ": 13260, - "▁killing": 13261, - "▁PHP": 13262, - "fection": 13263, - "▁instances": 13264, - "cv": 13265, - "\"/>": 13266, - "▁sf": 13267, - "▁taxes": 13268, - "_location": 13269, - "▁Bitcoin": 13270, - "uable": 13271, - "rank": 13272, - "ignore": 13273, - "track": 13274, - "▁shouldn": 13275, - "▁OP": 13276, - "=>{\n": 13277, - "▁km": 13278, - "▁helper": 13279, - "_head": 13280, - "▁Whether": 13281, - "oco": 13282, - "_bl": 13283, - "▁statistics": 13284, - "▁beauty": 13285, - "▁tog": 13286, - "tip": 13287, - "▁csv": 13288, - "(sql": 13289, - "stdlib": 13290, - "weak": 13291, - "▁likes": 13292, - "▁repeat": 13293, - "▁apartment": 13294, - "▁emph": 13295, - "_edit": 13296, - "▁vit": 13297, - "\ttype": 13298, - "217": 13299, - "Even": 13300, - "uten": 13301, - "▁circumstances": 13302, - "bian": 13303, - "▁sugar": 13304, - "Windows": 13305, - "▁observed": 13306, - "/data": 13307, - "▁calendar": 13308, - "▁strike": 13309, - "▁RES": 13310, - "_sc": 13311, - "fony": 13312, - "orem": 13313, - "(z": 13314, - "power": 13315, - "etect": 13316, - "▁Sat": 13317, - ".description": 13318, - "▁gang": 13319, - "▁Sports": 13320, - "ongs": 13321, - "▁Bundle": 13322, - ".sum": 13323, - "once": 13324, - "▁accused": 13325, - "▁explore": 13326, - "▁approximately": 13327, - "▁losing": 13328, - "thesis": 13329, - "▁Fund": 13330, - "▁diagn": 13331, - "Autowired": 13332, - "properties": 13333, - "▁_.": 13334, - "▁cnt": 13335, - "cedure": 13336, - "▁yy": 13337, - "▁grant": 13338, - "sock": 13339, - ".innerHTML": 13340, - "▁]);\n": 13341, - "▁CONFIG": 13342, - "='$": 13343, - "550": 13344, - "]];\n": 13345, - "UND": 13346, - "▁glob": 13347, - "▁dire": 13348, - "uffle": 13349, - "_MEM": 13350, - "▁authentic": 13351, - ">(\"": 13352, - "▁decade": 13353, - "▁Import": 13354, - "▁originally": 13355, - "▁jQuery": 13356, - "▁indicate": 13357, - "▁ourselves": 13358, - "Sw": 13359, - ".lbl": 13360, - "enerate": 13361, - "▁basically": 13362, - "▁Hom": 13363, - "▁+#+": 13364, - "▁Britain": 13365, - "▁Kar": 13366, - "toEqual": 13367, - ".stop": 13368, - "▁modal": 13369, - "isi": 13370, - "▁suggests": 13371, - "▁dtype": 13372, - "▁tur": 13373, - "bf": 13374, - "▁connections": 13375, - "▁Before": 13376, - "isted": 13377, - "mouse": 13378, - "▁pulled": 13379, - ".build": 13380, - "▁legislation": 13381, - "▁forth": 13382, - "pad": 13383, - "ego": 13384, - ".Now": 13385, - "▁exciting": 13386, - "}\n\n\n\n": 13387, - "▁compr": 13388, - "▁shares": 13389, - "▁rig": 13390, - "green": 13391, - "_vec": 13392, - "▁enumerate": 13393, - "Auto": 13394, - "icator": 13395, - "▁Ray": 13396, - "asse": 13397, - "▁holiday": 13398, - "▁nullable": 13399, - "gun": 13400, - "_details": 13401, - "▁wrapper": 13402, - "seq": 13403, - "▁Young": 13404, - "juana": 13405, - "▁\"__": 13406, - "license": 13407, - "serve": 13408, - "^(": 13409, - "iders": 13410, - ".Remove": 13411, - "ropdown": 13412, - "'S": 13413, - "pin": 13414, - "(token": 13415, - ".Default": 13416, - "▁reasonable": 13417, - "ampion": 13418, - "▁Society": 13419, - "▁bei": 13420, - "erves": 13421, - "rad": 13422, - "▁Fox": 13423, - "_images": 13424, - "▁wheel": 13425, - "')[": 13426, - "▁cfg": 13427, - "(By": 13428, - "Constructor": 13429, - "▁vary": 13430, - ".swift": 13431, - "▁proxy": 13432, - "\tH": 13433, - "▁Another": 13434, - "▁Pen": 13435, - "▁checking": 13436, - "▁jest": 13437, - "manager": 13438, - "Origin": 13439, - "ugs": 13440, - "oir": 13441, - ">\r\n": 16082, - "▁relief": 16083, - "lap": 16084, - "quer": 16085, - "_parent": 16086, - "heap": 16087, - "LOSE": 16088, - "▁combine": 16089, - "▁Rose": 16090, - "owers": 16091, - "▁procedures": 16092, - "▁Sort": 16093, - "anim": 16094, - "variant": 16095, - "ehicle": 16096, - "▁signing": 16097, - "Primary": 16098, - "currency": 16099, - "▁sexe": 16100, - "oen": 16101, - "theta": 16102, - "eman": 16103, - "▁impressive": 16104, - "('_": 16105, - "\tU": 16106, - "▁TextStyle": 16107, - "_cnt": 16108, - "▁slice": 16109, - "(':": 16110, - "▁understood": 16111, - "His": 16112, - "277": 16113, - "013": 16114, - "▁informed": 16115, - "▁nick": 16116, - "429": 16117, - "(TAG": 16118, - "hd": 16119, - "▁elections": 16120, - "esture": 16121, - "▁Santa": 16122, - "▁Coast": 16123, - ".pdf": 16124, - "inciple": 16125, - ".clone": 16126, - "born": 16127, - "uta": 16128, - "▁licensed": 16129, - "Cr": 16130, - "▁bread": 16131, - "▁Houston": 16132, - "▁nod": 16133, - "▁hopes": 16134, - "▁CGRect": 16135, - "▁guilty": 16136, - ".gif": 16137, - "▁rose": 16138, - ".Common": 16139, - "Tip": 16140, - "ANK": 16141, - "▁FC": 16142, - "During": 16143, - "▁Symfony": 16144, - "▁defensive": 16145, - "km": 16146, - ")>": 16147, - "archive": 16148, - "▁URI": 16149, - "ycling": 16150, - "-o": 16151, - "▁Website": 16152, - "AMP": 16153, - "405": 16154, - "ishment": 16155, - "▁doctors": 16156, - "Direct": 16157, - "ARI": 16158, - "▁Redirect": 16159, - "ieren": 16160, - "960": 16161, - "_dist": 16162, - "yo": 16163, - "▁Progress": 16164, - "▁zum": 16165, - "▁memor": 16166, - "▁ED": 16167, - "▁jur": 16168, - "_TABLE": 16169, - "▁uuid": 16170, - "Expr": 16171, - ".head": 16172, - "('%": 16173, - "pointer": 16174, - "▁estimate": 16175, - "▁Greg": 16176, - "▁loader": 16177, - "▁iOS": 16178, - "▁mens": 16179, - "[y": 16180, - "▁refused": 16181, - "▁precision": 16182, - "isch": 16183, - "▁ACTION": 16184, - "Cloud": 16185, - "sWith": 16186, - "(ret": 16187, - "292": 16188, - "_ADDR": 16189, - "_conf": 16190, - "(df": 16191, - "▁locked": 16192, - "▁rising": 16193, - "▁Ms": 16194, - "▁scenes": 16195, - "_EXT": 16196, - "_raw": 16197, - "_the": 16198, - "people": 16199, - "▁recon": 16200, - "▁Fun": 16201, - "▁bless": 16202, - "▁Updated": 16203, - "422": 16204, - "▁▁▁▁▁▁▁▁▁▁▁▁\r\n": 16205, - "pection": 16206, - "Release": 16207, - ".logger": 16208, - "▁SY": 16209, - "▁counsel": 16210, - "urd": 16211, - "_true": 16212, - "▁everybody": 16213, - "ivot": 16214, - "▁hence": 16215, - "▁NAS": 16216, - "789": 16217, - "▁opposed": 16218, - "unknown": 16219, - "▁DESC": 16220, - "▁Chair": 16221, - "failed": 16222, - "▁INCLUDING": 16223, - "386": 16224, - "352": 16225, - "▁writers": 16226, - "{}\n": 16227, - "_copy": 16228, - "}:": 16229, - "▁Bat": 16230, - "▁converted": 16231, - "eding": 16232, - "placement": 16233, - "▁Host": 16234, - "Sound": 16235, - "▁sought": 16236, - "402": 16237, - "mid": 16238, - "▁salary": 16239, - "ogg": 16240, - "bul": 16241, - "▁wir": 16242, - "validator": 16243, - "_STAT": 16244, - ".store": 16245, - "▁Battle": 16246, - "▁-->\n\n": 16247, - "Trump": 16248, - "dot": 16249, - "▁CONT": 16250, - ".fetch": 16251, - "▁continu": 16252, - "was": 16253, - "▁fraud": 16254, - "_tmp": 16255, - "mitter": 16256, - ".pictureBox": 16257, - "GA": 16258, - "▁tournament": 16259, - ".Input": 16260, - "343": 16261, - "[r": 16262, - "exion": 16263, - "centage": 16264, - "▁Korean": 16265, - "undef": 16266, - "▁Available": 16267, - "reshape": 16268, - "▁kit": 16269, - "▁Struct": 16270, - "▁SUB": 16271, - "Answer": 16272, - "_lib": 16273, - ".twitter": 16274, - "▁ore": 16275, - "▁Dragon": 16276, - ".Ext": 16277, - ",k": 16278, - "▁explanation": 16279, - "refs": 16280, - "▁Drive": 16281, - "▁Training": 16282, - "282": 16283, - ".Has": 16284, - "341": 16285, - "intage": 16286, - "big": 16287, - "ologist": 16288, - "ennis": 16289, - "460": 16290, - "▁chicken": 16291, - "▁▁▁▁▁▁▁▁▁▁\n": 16292, - "▁peak": 16293, - "▁drinking": 16294, - "▁encode": 16295, - "▁NEW": 16296, - "malloc": 16297, - "\tfprintf": 16298, - "▁=================================================================": 16299, - "including": 16300, - "▁principles": 16301, - "▁Mah": 16302, - "267": 16303, - "storage": 16304, - "-key": 16305, - "▁keyword": 16306, - "%;": 16307, - "▁trained": 16308, - ".contrib": 16309, - "▁kv": 16310, - "__':\n": 16311, - "▁Boy": 16312, - "parameter": 16313, - "▁suite": 16314, - "▁thousand": 16315, - "▁coordinate": 16316, - "-generated": 16317, - "generated": 16318, - "▁admitted": 16319, - "▁pussy": 16320, - "#w": 16321, - "▁swim": 16322, - "union": 16323, - "Na": 16324, - "274": 16325, - "▁Royal": 16326, - ".channel": 16327, - "Updated": 16328, - "_ROOT": 16329, - "▁vital": 16330, - "335": 16331, - "raction": 16332, - "▁Crusher": 16333, - "▁preced": 16334, - "▁horizontal": 16335, - "Blueprint": 16336, - "▁attrs": 16337, - "▁smoke": 16338, - ".Equals": 16339, - "FB": 16340, - "▁Resources": 16341, - "rolling": 16342, - "▁passes": 16343, - "▁Num": 16344, - "rotate": 16345, - "etype": 16346, - "\\\",": 16347, - "▁sensitive": 16348, - "▁tall": 16349, - "Proxy": 16350, - "iy": 16351, - "_section": 16352, - "brid": 16353, - "▁circuit": 16354, - "atan": 16355, - "ENC": 16356, - "▁driven": 16357, - "▁voted": 16358, - "▁educational": 16359, - "▁interaction": 16360, - "abetes": 16361, - "▁tone": 16362, - "▁InitializeComponent": 16363, - "▁merely": 16364, - "cookie": 16365, - "_div": 16366, - "▁UILabel": 16367, - "vely": 16368, - "});\r\n": 16369, - "_ENT": 16370, - "#+#+": 16371, - "articles": 16372, - "▁Southern": 16373, - "▁stronger": 16374, - "▁Given": 16375, - "▁Eric": 16376, - "▁IR": 16377, - "abstract": 16378, - "Under": 16379, - "nable": 16380, - "▁increment": 16381, - "oven": 16382, - "▁coin": 16383, - "_timer": 16384, - "▁suffered": 16385, - "▁FREE": 16386, - "'].\"": 16387, - "▁Queen": 16388, - "stats": 16389, - "▁meetings": 16390, - "276": 16391, - "▁entering": 16392, - "▁alongside": 16393, - "(session": 16394, - "itals": 16395, - "▁foundation": 16396, - "▁Credit": 16397, - ".div": 16398, - "_ALL": 16399, - "pcion": 16400, - "_stat": 16401, - "icking": 16402, - "Defaults": 16403, - "_src": 16404, - "▁outputs": 16405, - "/B": 16406, - "▁enthus": 16407, - "-bl": 16408, - ".ForeColor": 16409, - "\ttemp": 16410, - "Face": 16411, - "▁interact": 16412, - "▁weird": 16413, - "Mount": 16414, - "rell": 16415, - "udents": 16416, - "▁requirement": 16417, - "▁Sus": 16418, - "IER": 16419, - "▁elected": 16420, - "reference": 16421, - "▁ME": 16422, - "▁servers": 16423, - ".wait": 16424, - "▁snapshot": 16425, - "ilton": 16426, - "▁tries": 16427, - "▁tipo": 16428, - ".Time": 16429, - ">w": 16430, - "▁mountain": 16431, - "▁pounds": 16432, - "▁[...": 16433, - "exists": 16434, - "▁ngOn": 16435, - "_MAP": 16436, - "▁flying": 16437, - "331": 16438, - "xiety": 16439, - "\tvalue": 16440, - "_DB": 16441, - "uno": 16442, - "▁seats": 16443, - "TURN": 16444, - ".author": 16445, - "!)": 16446, - "orce": 16447, - "▁indicated": 16448, - "317": 16449, - ".sin": 16450, - "▁assignment": 16451, - "imiento": 16452, - "▁Frame": 16453, - "324": 16454, - "_gen": 16455, - "inery": 16456, - "_)": 16457, - "messages": 16458, - ".settings": 16459, - "▁Mean": 16460, - "▁Museum": 16461, - "irq": 16462, - "attach": 16463, - "▁Palestin": 16464, - "_QU": 16465, - "_tags": 16466, - "▁casual": 16467, - "emen": 16468, - "ASSWORD": 16469, - "432": 16470, - "$s": 16471, - "▁Circ": 16472, - "etric": 16473, - "/P": 16474, - "018": 16475, - "▁epoch": 16476, - "The": 16491, - "▁Ak": 16492, - "▁grass": 16493, - "/*\r\n": 16494, - "(dis": 16495, - "▁guns": 16496, - "▁tb": 16497, - "▁Kevin": 16498, - ".args": 16499, - "▁Ah": 16500, - "oped": 16501, - "(J": 16502, - "columns": 16503, - "arguments": 16504, - "▁WithEvents": 16505, - "_full": 16506, - "▁Defense": 16507, - "Simple": 16508, - "▁deaths": 16509, - "295": 16510, - "▁extensive": 16511, - "▁Still": 16512, - "▁Expression": 16513, - "▁Agency": 16514, - "▁performing": 16515, - "FX": 16516, - "▁usuario": 16517, - "UAL": 16518, - "Side": 16519, - "odos": 16520, - "aptop": 16521, - "▁credentials": 16522, - "_cap": 16523, - "atient": 16524, - "▁Disney": 16525, - "▁ai": 16526, - "▁chip": 16527, - "▁volt": 16528, - ".makeText": 16529, - "%%%%%%%%%%%%%%%%": 16530, - "▁belief": 16531, - "_LOC": 16532, - "▁Civil": 16533, - "Navigation": 16534, - "▁reveal": 16535, - "▁violent": 16536, - "▁Fil": 16537, - "▁catalog": 16538, - "emed": 16539, - "scan": 16540, - ".control": 16541, - "▁constitution": 16542, - "Country": 16543, - "Separator": 16544, - "_APP": 16545, - "topic": 16546, - "uetooth": 16547, - "MIN": 16548, - "▁descriptor": 16549, - "yt": 16550, - "ETHER": 16551, - "▁distribute": 16552, - "'}\n": 16553, - ".trim": 16554, - ".Line": 16555, - "▁lbl": 16556, - "assertEquals": 16557, - "▁Det": 16558, - "ombok": 16559, - "(width": 16560, - "▁tort": 16561, - "▁EXPRESS": 16562, - "aco": 16563, - "Using": 16564, - "▁Brand": 16565, - "wall": 16566, - "EMENT": 16567, - "▁Communic": 16568, - "(\n": 17195, - "?>\"": 17196, - "▁///\n": 17197, - "▁einer": 17198, - "▁weekly": 17199, - "\tlogger": 17200, - "_pop": 17201, - "_man": 17202, - "▁migrations": 17203, - "▁asks": 17204, - "▁bs": 17205, - "▁falls": 17206, - ".Where": 17207, - "-height": 17208, - "_feature": 17209, - ".Min": 17210, - "▁hyper": 17211, - "▁volatile": 17212, - "▁twenty": 17213, - "Typography": 17214, - "Unable": 17215, - "Det": 17216, - ",f": 17217, - "-mod": 17218, - "▁settlement": 17219, - "▁contracts": 17220, - "nome": 17221, - "Bad": 17222, - "▁Brian": 17223, - "768": 17224, - "(username": 17225, - "!!!!": 17226, - "▁hack": 17227, - ".Field": 17228, - "HR": 17229, - "▁Jordan": 17230, - "iza": 17231, - "▁Sher": 17232, - ".header": 17233, - "(other": 17234, - "▁Dub": 17235, - "(op": 17236, - "▁Round": 17237, - "▁vie": 17238, - "▁appl": 17239, - "\tJ": 17240, - "▁Insert": 17241, - "▁LP": 17242, - "regon": 17243, - "▁MPI": 17244, - "▁anchor": 17245, - "aca": 17246, - "▁ade": 17247, - "anchor": 17248, - "quee": 17249, - "▁TreeNode": 17250, - "▁targeted": 17251, - "▁laid": 17252, - "ABEL": 17253, - "vet": 17254, - "▁Origin": 17255, - "Ant": 17256, - ".');\n": 17257, - "expect": 17258, - "edReader": 17259, - "▁Major": 17260, - "▁inch": 17261, - "Compar": 17262, - "▁preview": 17263, - "▁illness": 17264, - "▁CONTRACT": 17265, - "▁Independ": 17266, - "uuid": 17267, - "▁nome": 17268, - "▁tc": 17269, - "▁Avenue": 17270, - "isan": 17271, - "▁phrase": 17272, - "_move": 17273, - "\")[": 17274, - "412": 17275, - "▁provision": 17276, - "▁concentr": 17277, - "_IR": 17278, - "▁Ut": 17279, - "()+": 17280, - "▁nas": 17281, - "!,": 17282, - "▁Robin": 17283, - "iations": 17284, - "atitude": 17285, - "▁px": 17286, - "▁Without": 17287, - "/bash": 17288, - "ekt": 17289, - "reement": 17290, - "342": 17291, - "Observer": 17292, - "318": 17293, - "▁Region": 17294, - "UBLIC": 17295, - "▁{//": 17296, - "KN": 17297, - "GameObject": 17298, - "encoding": 17299, - "▁***": 17300, - "projects": 17301, - "▁tk": 17302, - "▁cheese": 17303, - "EMPL": 17304, - "aro": 17305, - "610": 17306, - "337": 17307, - "▁consists": 17308, - "refresh": 17309, - "ureau": 17310, - "▁Scanner": 17311, - "▁soil": 17312, - "▁flavor": 17313, - "DataSource": 17314, - "Execute": 17315, - "▁shit": 17316, - "\n": 17559, - "▁subsequent": 17560, - "posable": 17561, - "-fluid": 17562, - "▁thorough": 17563, - "▁publicly": 17564, - "apters": 17565, - "▁Wilson": 17566, - "_PRE": 17567, - "yard": 17568, - "\tin": 17569, - "339": 17570, - "▁revers": 17571, - "▁bullet": 17572, - "cribed": 17573, - "nesota": 17574, - "▁($_": 17575, - "annon": 17576, - "cursor": 17577, - "▁clothing": 17578, - "▁Multi": 17579, - "287": 17580, - ":',": 17581, - "▁vess": 17582, - "ordinator": 17583, - "▁einem": 17584, - "Cannot": 17585, - "▁armed": 17586, - "\tV": 17587, - ".Flat": 17588, - "▁Sep": 17589, - "▁Subject": 17590, - "_font": 17591, - "▁characteristics": 17592, - "Done": 17593, - "eln": 17594, - "############": 17595, - "POS": 17596, - "▁density": 17597, - "▁Platform": 17598, - "-items": 17599, - "▁overs": 17600, - "▁pushing": 17601, - ".Connection": 17602, - "_term": 17603, - "▁initialization": 17604, - "________________________________": 17605, - ".document": 17606, - "lesh": 17607, - "\tdocument": 17608, - "▁Pin": 17609, - "▁definitions": 17610, - ".Path": 17611, - "_WRITE": 17612, - "▁\t\n": 17613, - "?>\n\n": 17614, - "▁terrible": 17615, - "bean": 17616, - "ickets": 17617, - "▁SV": 17618, - "Buy": 17619, - "(task": 17620, - "▁regime": 17621, - "google": 17622, - "▁crack": 17623, - ".visit": 17624, - "NUM": 17625, - "energy": 17626, - "▁struck": 17627, - "_sample": 17628, - ".payload": 17629, - "▁revis": 17630, - "▁Scene": 17631, - "▁pg": 17632, - "▁breakfast": 17633, - "URRENT": 17634, - ".charAt": 17635, - "_exception": 17636, - "▁Anton": 17637, - "▁guidelines": 17638, - "▁exhaust": 17639, - "▁Financial": 17640, - "▁indent": 17641, - "▁desktop": 17642, - "Hidden": 17643, - "Failure": 17644, - "▁principle": 17645, - "▁iv": 17646, - "▁seks": 17647, - "network": 17648, - "▁numberOf": 17649, - "▁Albert": 17650, - "\tlong": 17651, - "801": 17652, - ",.": 17653, - "▁zeros": 17654, - "fade": 17655, - "▁Typ": 17656, - "▁Term": 17657, - "▁Arts": 17658, - ".Application": 17659, - "▁behalf": 17660, - "▁mere": 17661, - "(`${": 17662, - "▁awareness": 17663, - "elpers": 17664, - "flix": 17665, - "▁weigh": 17666, - "▁estimates": 17667, - ".child": 17668, - "/O": 17669, - "▁Bitmap": 17670, - ".bottom": 17671, - "▁**************************************************************************": 17672, - "Expect": 17673, - "ento": 17674, - "▁Forum": 17675, - "veral": 17676, - "▁jail": 17677, - "▁abilities": 17678, - "▁HOLD": 17679, - "▁Cit": 17680, - "▁dynam": 17681, - "▁gray": 17682, - "\t\t\t\t\t\t\t\t\t\t\t\t\t": 17683, - ".nextInt": 17684, - "antly": 17685, - "▁ARISING": 17686, - "(private": 17687, - "▁rejected": 17688, - "▁Nic": 17689, - "▁leather": 17690, - "={\n": 17691, - "alytics": 17692, - "thetic": 17693, - ".Top": 17694, - "373": 17695, - ".Page": 17696, - "={`": 17697, - "▁;\r\n": 17698, - "depth": 17699, - "mann": 17700, - "WD": 17701, - "▁Som": 17702, - ".Right": 17703, - "▁)}\n": 17704, - "▁trait": 17705, - "iac": 17706, - "▁rv": 17707, - "Sample": 17708, - ".Xml": 17709, - "opped": 17710, - "lists": 17711, - "▁tear": 17712, - "iversary": 17713, - ".collection": 17714, - "▁Constitution": 17715, - "▁HttpResponse": 17716, - "▁brill": 17717, - "▁Prom": 17718, - "hover": 17719, - "366": 17720, - "▁Miami": 17721, - "▁argue": 17722, - "_float": 17723, - "504": 17724, - "▁nat": 17725, - "▁Tal": 17726, - "▁integration": 17727, - "(cur": 17728, - "▁removing": 17729, - "▁coeff": 17730, - "▁Though": 17731, - "▁forecast": 17732, - "408": 17733, - "▁Vegas": 17734, - "Site": 17735, - "346": 17736, - "▁trab": 17737, - "▁Henry": 17738, - "-i": 17739, - "▁involves": 17740, - "BT": 17741, - "▁slo": 17742, - "Invoke": 17743, - "▁lucky": 17744, - "025": 17745, - "rat": 17746, - "▁?\n": 17747, - "▁handled": 17748, - "(fd": 17749, - "contents": 17750, - "▁OFF": 17751, - "RF": 17752, - "▁sty": 17753, - "▁Motor": 17754, - "tery": 17755, - "tax": 17756, - "MAP": 17757, - "▁Mrs": 17758, - "▁phones": 17759, - "▁UIView": 17760, - "\")));\n": 17761, - "(dev": 17762, - "▁Irish": 17763, - "019": 17764, - "▁ws": 17765, - "DI": 17766, - "_OFFSET": 17767, - "▁Events": 17768, - "▁stages": 17769, - "▁}//": 17770, - "▁haben": 17771, - "STANCE": 17772, - "▁Sin": 17773, - "▁Money": 17774, - "(top": 17775, - "▁appointment": 17776, - "VERSION": 17777, - "metadata": 17778, - "_comment": 17779, - "▁colleagues": 17780, - "maps": 17781, - "\n\t\n": 17782, - "(al": 17783, - "_req": 17784, - "▁fut": 17785, - "▁architecture": 17786, - "351": 17787, - "▁WHETHER": 17788, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 17789, - "_screen": 17790, - "▁styleUrls": 17791, - "▁monster": 17792, - ".up": 17793, - "phia": 17794, - "▁processor": 17795, - "▁Terr": 17796, - "=',": 17797, - "▁Manufact": 17798, - "▁NT": 17799, - "kel": 17800, - "ibern": 17801, - "\tfile": 17802, - "Ali": 17803, - "rientation": 17804, - "▁//!": 17805, - "apore": 17806, - "aneous": 17807, - "▁Creat": 17808, - "folder": 17809, - "415": 17810, - "▁hay": 17811, - "Suppress": 17812, - "(left": 17813, - "▁euro": 17814, - "▁disclaimer": 17815, - "ustry": 17816, - "ships": 17817, - "_fd": 17818, - "▁Fa": 17819, - "_insert": 17820, - "▁rol": 17821, - "ifting": 17822, - "▁Comments": 17823, - "_br": 17824, - "▁losses": 17825, - "▁Added": 17826, - "charg": 17827, - "_system": 17828, - "▁Sometimes": 17829, - "▁Spain": 17830, - "(group": 17831, - "ialis": 17832, - "▁dollar": 17833, - "▁Args": 17834, - "499": 17835, - "297": 17836, - "quires": 17837, - "▁Ten": 17838, - ".scss": 17839, - "▁survive": 17840, - "usage": 17841, - "▁jun": 17842, - "imiter": 17843, - "▁fifth": 17844, - "toggle": 17845, - "▁decline": 17846, - "($\"": 17847, - "(Long": 17848, - "inge": 17849, - "▁pilot": 17850, - "-light": 17851, - "-radius": 17852, - "▁podcast": 17853, - "▁naturally": 17854, - "Pages": 17855, - "▁Despite": 17856, - "▁lighting": 17857, - "▁crate": 17858, - "▁Binary": 17859, - "▁reducing": 17860, - "▁eleg": 17861, - "▁Mouse": 17862, - "▁TestBed": 17863, - "▁beforeEach": 17864, - "_ARRAY": 17865, - "Redirect": 17866, - "329": 17867, - "▁flood": 17868, - "▁ships": 17869, - "363": 17870, - "▁electricity": 17871, - ")*(": 17872, - "▁Viet": 17873, - "hero": 17874, - "▁dia": 17875, - "▁Kent": 17876, - "heart": 17877, - "▁threats": 17878, - "_acc": 17879, - "▁symbols": 17880, - "ischen": 17881, - "_inst": 17882, - "Criterion": 17883, - "▁TIM": 17884, - ".Height": 17885, - "580": 17886, - "();\n\n\n": 17887, - "Products": 17888, - "_SP": 17889, - "▁Cy": 17890, - "▁dependent": 17891, - "este": 17892, - "▁datos": 17893, - "dit": 17894, - "IGNAL": 17895, - "▁lesson": 17896, - "\">'": 17897, - "▁Cover": 17898, - "▁Hope": 17899, - "▁Timer": 17900, - "▁dad": 17901, - "viders": 17902, - "▁Phot": 17903, - "/?": 17904, - "ropy": 17905, - "oming": 17906, - "asion": 17907, - "▁\\(": 17908, - "▁ET": 17909, - "▁Reading": 17910, - "▁episodes": 17911, - "lm": 17912, - "421": 17913, - "echa": 17914, - "▁neuro": 17915, - "820": 17916, - "▁harmon": 17917, - "▁liberal": 17918, - "-ind": 17919, - "393": 17920, - "DATA": 17921, - "▁everyday": 17922, - "▁divided": 17923, - "▁ActiveRecord": 17924, - "figure": 17925, - "UA": 17926, - "riendly": 17927, - "tech": 17928, - "601": 17929, - ".gameObject": 17930, - "374": 17931, - "▁moon": 17932, - "ftime": 17933, - "▁noch": 17934, - "▁TORT": 17935, - "▁VM": 17936, - ".initial": 17937, - "(child": 17938, - "▁musical": 17939, - "▁oc": 17940, - "bas": 17941, - "▁Hay": 17942, - "361": 17943, - "_long": 17944, - "▁memset": 17945, - "iley": 17946, - "adelphia": 17947, - "SV": 17948, - "roat": 17949, - "_tx": 17950, - "▁lon": 17951, - "▁ngOnInit": 17952, - "bp": 17953, - "▁Golden": 17954, - "ACHE": 17955, - "▁worried": 17956, - "azi": 17957, - "Ear": 17958, - "Take": 17959, - "(fp": 17960, - "burgh": 17961, - "_Data": 17962, - "gres": 17963, - "▁Ont": 17964, - "pus": 17965, - "▁transparent": 17966, - "▁pocket": 17967, - "▁ram": 17968, - "igrations": 17969, - ".\r\n\r\n": 17970, - "▁[(": 17971, - "▁adopted": 17972, - "▁reportedly": 17973, - "▁Dream": 17974, - "▁}));\n": 17975, - "losing": 17976, - "▁teeth": 17977, - "▁Books": 17978, - "\",&": 17979, - "enny": 17980, - "LEMENT": 17981, - "▁gel": 17982, - "▁Plant": 17983, - "437": 17984, - ".host": 17985, - "▁Reply": 17986, - "376": 17987, - "rength": 17988, - "▁recognition": 17989, - "▁}}>\n": 17990, - "LA": 17991, - "▁mirror": 17992, - "▁assistant": 17993, - "(device": 17994, - "▁spiritual": 17995, - "builder": 17996, - "▁outr": 17997, - "▁tt": 17998, - "▁PER": 17999, - "▁radical": 18000, - "Methods": 18001, - "▁pace": 18002, - "udy": 18003, - "▁gut": 18004, - "▁Greek": 18005, - "▁nonatomic": 18006, - "▁Paper": 18007, - "_GPIO": 18008, - "▁obst": 18009, - ".Ad": 18010, - "vironments": 18011, - "▁Sov": 18012, - "356": 18013, - "(con": 18014, - "▁Transaction": 18015, - ".assign": 18016, - "\tcatch": 18017, - "elter": 18018, - "▁bitcoin": 18019, - "_GR": 18020, - "▁\r\n": 18132, - "metic": 18133, - "▁transformation": 18134, - "▁rgb": 18135, - "istributions": 18136, - "▁implicit": 18137, - "/in": 18138, - "destination": 18139, - "Zero": 18140, - "▁unset": 18141, - "920": 18142, - ".where": 18143, - ".go": 18144, - "▁formation": 18145, - "▁declaration": 18146, - "()\r\n\r\n": 18147, - "▁Expl": 18148, - "\t\t\t▁▁": 18149, - "/pro": 18150, - ".JSON": 18151, - "441": 18152, - "▁desk": 18153, - ".substr": 18154, - "//----------------------------------------------------------------------------": 18155, - "lyn": 18156, - "pson": 18157, - "407": 18158, - "disable": 18159, - "▁Func": 18160, - "\tAssert": 18161, - "▁MARK": 18162, - "▁defeat": 18163, - "▁blind": 18164, - "▁constants": 18165, - "362": 18166, - ".headers": 18167, - "UILD": 18168, - "▁expenses": 18169, - "Pixel": 18170, - "▁hr": 18171, - "▁fel": 18172, - "▁Eastern": 18173, - "424": 18174, - "490": 18175, - "_del": 18176, - "357": 18177, - "▁Cub": 18178, - "▁sq": 18179, - "\tcount": 18180, - "▁Directory": 18181, - "▁exclus": 18182, - "▁historic": 18183, - "▁------------------------------------------------": 18184, - "▁composition": 18185, - "▁dataGridView": 18186, - "▁Burn": 18187, - "▁BC": 18188, - "Master": 18189, - "▁spawn": 18190, - "▁bearing": 18191, - ".SetActive": 18192, - "ilo": 18193, - "▁gallery": 18194, - "▁founded": 18195, - "▁availability": 18196, - ".sqrt": 18197, - "▁pes": 18198, - "▁DOM": 18199, - "mate": 18200, - "Oct": 18201, - "▁matched": 18202, - "itivity": 18203, - "▁anxiety": 18204, - ".price": 18205, - "▁Instant": 18206, - "▁tut": 18207, - "ICollection": 18208, - ".shared": 18209, - "_sql": 18210, - "tbl": 18211, - "library": 18212, - "_destroy": 18213, - "ermal": 18214, - "▁Notes": 18215, - "▁Ein": 18216, - "▁southern": 18217, - "▁OTHERWISE": 18218, - "▁macro": 18219, - ".lower": 18220, - "cls": 18221, - "ContentView": 18222, - ".link": 18223, - "constant": 18224, - "▁Bes": 18225, - "▁somebody": 18226, - "nb": 18227, - "399": 18228, - "\">{": 18229, - "(local": 18230, - ".....": 18231, - "▁Null": 18232, - "mx": 18233, - "▁pause": 18234, - "-----------": 18235, - "_MO": 18236, - "▁CM": 18237, - "▁forKey": 18238, - "▁DVD": 18239, - "▁closest": 18240, - "_DEVICE": 18241, - "▁Stephen": 18242, - "▁BBC": 18243, - "▁Travel": 18244, - "Paint": 18245, - "▁Results": 18246, - "▁Rule": 18247, - "▁tp": 18248, - "▁ratings": 18249, - "cin": 18250, - "csv": 18251, - ">/": 18252, - "▁GOP": 18253, - "lad": 18254, - "▁indexPath": 18255, - "matrix": 18256, - "=f": 18257, - "arsed": 18258, - "▁});": 18259, - "▁Cos": 18260, - "▁Score": 18261, - "▁tak": 18262, - "▁ESP": 18263, - "▁INC": 18264, - "_NULL": 18265, - "-flex": 18266, - "\"][": 18267, - "into": 18268, - "eland": 18269, - "Authorization": 18270, - "_FALSE": 18271, - "▁gate": 18272, - "▁vid": 18273, - "istent": 18274, - "TIME": 18275, - "▁rewrite": 18276, - "▁tie": 18277, - "▁archive": 18278, - "511": 18279, - ".events": 18280, - ".getParameter": 18281, - "▁Permission": 18282, - "▁programme": 18283, - "jud": 18284, - "▁cameras": 18285, - "338": 18286, - "349": 18287, - "(sys": 18288, - "▁Syrian": 18289, - "▁improvements": 18290, - "▁hip": 18291, - "▁suicide": 18292, - "▁scholar": 18293, - "▁compatible": 18294, - "022": 18295, - "remote": 18296, - ".down": 18297, - "FUNCTION": 18298, - "▁managing": 18299, - "▁UIKit": 18300, - ".raw": 18301, - ">>>>": 18302, - "371": 18303, - "▁demands": 18304, - "ellite": 18305, - "▁dent": 18306, - "▁Micro": 18307, - "'][$": 18308, - "▁IE": 18309, - "imension": 18310, - "▁trem": 18311, - "630": 18312, - "▁gained": 18313, - ".with": 18314, - ".ok": 18315, - "hou": 18316, - "▁bom": 18317, - "ampaign": 18318, - "▁joining": 18319, - "fish": 18320, - "▁addSubview": 18321, - "860": 18322, - "▁northern": 18323, - ".cor": 18324, - "oret": 18325, - "Die": 18326, - "inish": 18327, - "_comp": 18328, - "▁attended": 18329, - "▁collapse": 18330, - "▁SS": 18331, - "acent": 18332, - "_EQUAL": 18333, - "▁Deep": 18334, - "RGB": 18335, - "\ttest": 18336, - "olves": 18337, - "uset": 18338, - "UnityEngine": 18339, - "writer": 18340, - "Resolver": 18341, - ",%": 18342, - "ifference": 18343, - "_remove": 18344, - "onda": 18345, - "▁femme": 18346, - "385": 18347, - "decode": 18348, - "Branch": 18349, - "▁flush": 18350, - "▁innovative": 18351, - "Tests": 18352, - "▁['./": 18353, - "▁covering": 18354, - ".admin": 18355, - "ultipart": 18356, - "(lambda": 18357, - "▁Sport": 18358, - "▁!(": 18359, - "acles": 18360, - "▁depression": 18361, - "▁Kong": 18362, - "570": 18363, - "▁pert": 18364, - "▁Conn": 18365, - "▁Otherwise": 18366, - "/home": 18367, - "supported": 18368, - "▁pink": 18369, - "▁invited": 18370, - "_enabled": 18371, - "▁-\n": 18372, - "FW": 18373, - "eners": 18374, - "▁MY": 18375, - "▁suggestions": 18376, - "Canvas": 18377, - "▁fer": 18378, - "▁Marketing": 18379, - "@Test": 18380, - "untu": 18381, - "▁Ven": 18382, - "▁Cou": 18383, - "ivals": 18384, - "Donald": 18385, - "limited": 18386, - "\t\t\t\t\t\t\n": 18387, - "▁analyst": 18388, - "(entry": 18389, - "▁representative": 18390, - "_attributes": 18391, - "▁fur": 18392, - ".hide": 18393, - "resp": 18394, - "adores": 18395, - "rides": 18396, - "▁Josh": 18397, - "robot": 18398, - "▁NAT": 18399, - "▁sesso": 18400, - "▁integrated": 18401, - ":true": 18402, - "parts": 18403, - "▁stupid": 18404, - ":event": 18405, - "@endsection": 18406, - "▁pu": 18407, - ".Table": 18408, - "▁Yii": 18409, - "`;\n\n": 18410, - "▁clang": 18411, - "=\"\">": 18412, - "engan": 18413, - "_parameters": 18414, - ".internal": 18415, - "▁Modern": 18416, - "▁metric": 18417, - "▁semi": 18418, - "={{\n": 18419, - "707": 18420, - ".amazon": 18421, - "▁BB": 18422, - "ainty": 18423, - "viewport": 18424, - "367": 18425, - "▁startActivity": 18426, - "dispatch": 18427, - "*****": 18428, - "▁flav": 18429, - "ifferent": 18430, - "382": 18431, - "[this": 18432, - "▁stake": 18433, - "▁argued": 18434, - "viously": 18435, - ".work": 18436, - "▁Oak": 18437, - "Old": 18438, - "(async": 18439, - "notes": 18440, - "▁flip": 18441, - "▁disag": 18442, - "▁TE": 18443, - "\terror": 18444, - "<'": 18445, - "▁filtered": 18446, - "▁Mach": 18447, - "▁hung": 18448, - "_dump": 18449, - "_samples": 18450, - "-dismiss": 18451, - "▁ray": 18452, - "Implemented": 18453, - "DK": 18454, - "▁jed": 18455, - "090": 18456, - "▁breaks": 18457, - "▁fits": 18458, - ".gr": 18459, - "▁Zero": 18460, - "oro": 18461, - "▁equally": 18462, - "▁'[": 18463, - "▁concerning": 18464, - "<": 18560, - "▁promot": 18561, - "▁incl": 18562, - "_only": 18563, - "▁Attorney": 18564, - "-date": 18565, - "▁landscape": 18566, - "▁fu": 18567, - "SY": 18568, - ".prop": 18569, - "▁Arr": 18570, - "pag": 18571, - "ParallelGroup": 18572, - "':\r\n": 18573, - "▁logs": 18574, - "aunch": 18575, - "unci": 18576, - "nama": 18577, - "TableCell": 18578, - "issues": 18579, - ".{": 18580, - "ecurity": 18581, - "_exec": 18582, - "olds": 18583, - "▁hosts": 18584, - "▁proto": 18585, - "_import": 18586, - "_sort": 18587, - "▁Bow": 18588, - "▁Normal": 18589, - "▁Farm": 18590, - ".createParallelGroup": 18591, - "Rotation": 18592, - ".err": 18593, - "▁pleased": 18594, - "itage": 18595, - ".Wh": 18596, - "\t\t▁▁▁▁": 18597, - "MR": 18598, - "▁MORE": 18599, - "▁Natural": 18600, - "_transform": 18601, - "BASE": 18602, - "eneral": 18603, - "utdown": 18604, - ".commons": 18605, - "WT": 18606, - "▁aan": 18607, - ".Result": 18608, - "dog": 18609, - "▁clicking": 18610, - "),\n\n": 18611, - "#line": 18612, - "Operator": 18613, - "▁civ": 18614, - "▁merg": 18615, - "obuf": 18616, - "ngthen": 18617, - "▁[{": 18618, - "▁cancell": 18619, - "trigger": 18620, - ".:": 18621, - "WORK": 18622, - "declare": 18623, - "▁decrease": 18624, - "loom": 18625, - ".None": 18626, - "▁MI": 18627, - "▁Jason": 18628, - "▁healthcare": 18629, - "iamond": 18630, - "sylvania": 18631, - "*x": 18632, - "▁Ra": 18633, - "[b": 18634, - "▁printing": 18635, - "phabet": 18636, - "▁Labour": 18637, - "opper": 18638, - "▁zijn": 18639, - "-target": 18640, - "_FUNCTION": 18641, - "▁oct": 18642, - "▁western": 18643, - "▁computers": 18644, - "▁RET": 18645, - "HashMap": 18646, - "[String": 18647, - "getValue": 18648, - "_DATE": 18649, - ".Next": 18650, - "▁Fif": 18651, - "icked": 18652, - "-MM": 18653, - "▁{\n\n\n": 18654, - "▁contacts": 18655, - "▁digits": 18656, - "Produ": 18657, - "▁unusual": 18658, - "▁rapidly": 18659, - "tures": 18660, - "▁angry": 18661, - "cancel": 18662, - "xxxx": 18663, - "_parser": 18664, - "idity": 18665, - "_PREFIX": 18666, - "710": 18667, - "▁mehr": 18668, - "▁rarely": 18669, - "ethe": 18670, - "opes": 18671, - "▁%.": 18672, - "works": 18673, - "▁theta": 18674, - "▁contribution": 18675, - "▁Tony": 18676, - "▁squad": 18677, - "537": 18678, - "there": 18679, - "outed": 18680, - "\tq": 18681, - "good": 18682, - "LI": 18683, - "▁Living": 18684, - "izabeth": 18685, - "▁kt": 18686, - "▁Dallas": 18687, - "]],\n": 18688, - "▁/>\n\n": 18689, - "▁raising": 18690, - "/router": 18691, - "_game": 18692, - "368": 18693, - "▁CUR": 18694, - "zens": 18695, - ".es": 18696, - "▁fontWeight": 18697, - "(func": 18698, - "notification": 18699, - "▁'../../../": 18700, - "▁blame": 18701, - "anco": 18702, - "980": 18703, - "Identity": 18704, - "follow": 18705, - "▁arts": 18706, - "xs": 18707, - "▁officially": 18708, - "▁Studio": 18709, - "▁recommendations": 18710, - "▁locale": 18711, - "▁amateur": 18712, - "▁Enable": 18713, - "▁caps": 18714, - ".End": 18715, - "388": 18716, - "-add": 18717, - "_gshared": 18718, - "▁CT": 18719, - "Force": 18720, - "\n▁▁▁▁▁▁▁▁▁▁▁▁\n": 18721, - "▁orange": 18722, - "▁lp": 18723, - "▁answered": 18724, - ".Grid": 18725, - "▁dual": 18726, - "▁strategic": 18727, - "▁nobody": 18728, - "▁fatal": 18729, - "_est": 18730, - "(el": 18731, - "▁Budd": 18732, - "AIT": 18733, - "_factor": 18734, - "-one": 18735, - "▁HAVE": 18736, - "\"\r\n\r\n": 18737, - "760": 18738, - "Prof": 18739, - "strings": 18740, - "▁dirty": 18741, - "▁Face": 18742, - "▁Begin": 18743, - "▁Bus": 18744, - "▁wis": 18745, - "▁speaker": 18746, - "▁carrier": 18747, - "▁Om": 18748, - "▁hadn": 18749, - "Allow": 18750, - "::__": 18751, - "▁verb": 18752, - "▁Complete": 18753, - "▁Easy": 18754, - "▁bills": 18755, - "▁▁\n\n": 18756, - "Vertical": 18757, - "▁pron": 18758, - "▁Define": 18759, - "▁lookup": 18760, - "variables": 18761, - "▁pandas": 18762, - "umes": 18763, - "▁innoc": 18764, - "▁setUp": 18765, - "▁Championship": 18766, - "artist": 18767, - "▁CType": 18768, - "Foundation": 18769, - "▁Setup": 18770, - "428": 18771, - "▁recipes": 18772, - "▁UIColor": 18773, - "▁Fight": 18774, - "▁authorized": 18775, - "_click": 18776, - "990": 18777, - "_success": 18778, - "angan": 18779, - "▁Mountain": 18780, - "▁Doctor": 18781, - "▁egg": 18782, - "▁Medicine": 18783, - "cles": 18784, - "`.\n": 18785, - "[int": 18786, - "dashboard": 18787, - "▁Appro": 18788, - "-dr": 18789, - "▁produces": 18790, - "▁rental": 18791, - "▁reload": 18792, - "381": 18793, - "▁arrival": 18794, - "spot": 18795, - "▁undert": 18796, - "378": 18797, - "▁equipped": 18798, - "▁proved": 18799, - "▁centers": 18800, - "▁defines": 18801, - "also": 18802, - "▁opacity": 18803, - "▁Unfortunately": 18804, - "▁Illinois": 18805, - "▁Temple": 18806, - "▁Trail": 18807, - "▁Kelly": 18808, - "▁measurement": 18809, - "▁separated": 18810, - "-circle": 18811, - "Hey": 18812, - "▁READ": 18813, - "igits": 18814, - "▁ib": 18815, - "▁MOD": 18816, - "attery": 18817, - "▁vend": 18818, - "▁HttpClient": 18819, - "359": 18820, - "safe": 18821, - "_ASS": 18822, - "icit": 18823, - "▁Construct": 18824, - "▁Clo": 18825, - "▁Six": 18826, - "_TOKEN": 18827, - "(block": 18828, - "▁warned": 18829, - "/*!": 18830, - "!\n": 18922, - "▁innovation": 18923, - "_\"": 18924, - "▁);\r\n\r\n": 18925, - "▁spots": 18926, - "▁choosing": 18927, - ".cs": 18928, - "▁flexible": 18929, - "UInt": 18930, - "435": 18931, - "930": 18932, - "▁scratch": 18933, - "-al": 18934, - "▁festival": 18935, - "▁outstanding": 18936, - "================================================": 18937, - "Mean": 18938, - "▁Oregon": 18939, - "symbol": 18940, - ".account": 18941, - "dney": 18942, - "'''": 18943, - "!\",": 18944, - "901": 18945, - "▁particle": 18946, - "[MAX": 18947, - "IVER": 18948, - "ERENCE": 18949, - "NSMutable": 18950, - "▁Columbia": 18951, - "_\n\n": 18952, - ".fr": 18953, - "▁cogn": 18954, - "VR": 18955, - "▁Methods": 18956, - "▁Made": 18957, - "▁BR": 18958, - "▁Else": 18959, - "▁eggs": 18960, - "▁swing": 18961, - "▁Inv": 18962, - "▁diseases": 18963, - "▁firms": 18964, - "▁lemma": 18965, - "}`);\n": 18966, - "lings": 18967, - "▁gym": 18968, - "uminum": 18969, - ".Trim": 18970, - "Mem": 18971, - "▁criticism": 18972, - "ibernate": 18973, - "_TX": 18974, - "ioni": 18975, - "▁guidance": 18976, - "▁repeatedly": 18977, - "▁supplier": 18978, - "▁painting": 18979, - "864": 18980, - ".Fragment": 18981, - "edException": 18982, - "▁wiring": 18983, - "▁courts": 18984, - "WEB": 18985, - "\\.": 18986, - "illance": 18987, - "▁brows": 18988, - "▁Pattern": 18989, - "PLICATION": 18990, - "▁Summer": 18991, - "Chain": 18992, - "▁cute": 18993, - "mercial": 18994, - "▁dil": 18995, - "▁Franklin": 18996, - "\tglobal": 18997, - "INCLUDING": 18998, - "history": 18999, - "▁lst": 19000, - "Qt": 19001, - "SDL": 19002, - "alia": 19003, - "iere": 19004, - "(...": 19005, - "\tcin": 19006, - "iffs": 19007, - "velope": 19008, - "▁Root": 19009, - "cluster": 19010, - "UserName": 19011, - "igne": 19012, - "()\n": 19104, - "▁applying": 19105, - "▁promised": 19106, - "▁ox": 19107, - "ncia": 19108, - "▁Validation": 19109, - "orts": 19110, - "_cur": 19111, - "elect": 19112, - "eye": 19113, - "(Data": 19114, - "▁reporter": 19115, - "▁Buff": 19116, - "395": 19117, - "▁sr": 19118, - "▁\";": 19119, - "icky": 19120, - "▁tempor": 19121, - "SN": 19122, - "▁resident": 19123, - "pires": 19124, - "ysical": 19125, - "▁endorse": 19126, - "▁Song": 19127, - "isEmpty": 19128, - "leet": 19129, - "_util": 19130, - "▁distingu": 19131, - "▁Talk": 19132, - "▁Mot": 19133, - "(default": 19134, - ".Arg": 19135, - "gorithms": 19136, - "_words": 19137, - "immer": 19138, - "_reset": 19139, - "family": 19140, - "WW": 19141, - "▁savings": 19142, - "_enable": 19143, - "sidebar": 19144, - "Running": 19145, - "▁ali": 19146, - "▁testim": 19147, - "▁warnings": 19148, - "▁Chem": 19149, - "▁Exit": 19150, - "▁founder": 19151, - "pector": 19152, - "▁rm": 19153, - "_dataset": 19154, - "▁Das": 19155, - "▁han": 19156, - "Getty": 19157, - "▁ny": 19158, - "▁poverty": 19159, - "▁resulted": 19160, - ".by": 19161, - "▁Visit": 19162, - "▁obtaining": 19163, - "/'.$": 19164, - "▁▁▁▁▁▁▁▁▁▁▁\n": 19165, - "shall": 19166, - "_LEFT": 19167, - "UIImage": 19168, - "_Name": 19169, - "have": 19170, - "▁Nob": 19171, - "lr": 19172, - "-footer": 19173, - "▁naked": 19174, - "▁Garden": 19175, - "\\Facades": 19176, - "▁graduate": 19177, - "417": 19178, - "▁franchise": 19179, - "plane": 19180, - "▁contributions": 19181, - "▁stringWith": 19182, - "▁crypto": 19183, - "▁movements": 19184, - "athers": 19185, - "▁lifetime": 19186, - "▁communicate": 19187, - "jar": 19188, - "▁Fragment": 19189, - "_IF": 19190, - "▁Navy": 19191, - "▁Figure": 19192, - "▁simulation": 19193, - "_stop": 19194, - "▁reporters": 19195, - "▁versus": 19196, - "aja": 19197, - "▁governor": 19198, - "ListItem": 19199, - "▁sealed": 19200, - ".Background": 19201, - "edi": 19202, - "ashing": 19203, - "▁lip": 19204, - "▁Ih": 19205, - "merge": 19206, - "▁nec": 19207, - "024": 19208, - "elocity": 19209, - "ATEG": 19210, - "▁seeds": 19211, - "▁floating": 19212, - "701": 19213, - "_FA": 19214, - "walk": 19215, - "\tuser": 19216, - "_depth": 19217, - "▁wage": 19218, - "@app": 19219, - "Nil": 19220, - "([\"": 19221, - "(vector": 19222, - "▁secretary": 19223, - "461": 19224, - "▁jPanel": 19225, - "vez": 19226, - "direction": 19227, - "▁EP": 19228, - "▁hunt": 19229, - "396": 19230, - "JsonProperty": 19231, - "▁PORT": 19232, - "]\",": 19233, - "▁Foreign": 19234, - "panic": 19235, - "▁trials": 19236, - "▁Ale": 19237, - "▁rural": 19238, - "-value": 19239, - "authorized": 19240, - "▁Scotland": 19241, - ".drop": 19242, - "▁MT": 19243, - "391": 19244, - "rowth": 19245, - "515": 19246, - "FilePath": 19247, - "▁recall": 19248, - "ifle": 19249, - "▁cel": 19250, - "▁SELECT": 19251, - "kn": 19252, - "_case": 19253, - "▁crop": 19254, - "543": 19255, - "sure": 19256, - "pot": 19257, - "ICS": 19258, - "▁stem": 19259, - "▁industries": 19260, - "Put": 19261, - "▁aber": 19262, - "roadcast": 19263, - "Icons": 19264, - ")\")\n": 19265, - "gui": 19266, - "▁assumed": 19267, - "▁rx": 19268, - "EA": 19269, - "ELL": 19270, - "▁dose": 19271, - "▁ine": 19272, - "▁deeper": 19273, - "lider": 19274, - "▁ordinary": 19275, - "▁golf": 19276, - "605": 19277, - "_IMAGE": 19278, - "▁NAME": 19279, - "(module": 19280, - "▁atom": 19281, - "▁belt": 19282, - "▁offices": 19283, - "506": 19284, - "beta": 19285, - "▁philosophy": 19286, - "(JSON": 19287, - "-field": 19288, - "▁introduce": 19289, - "▁convenience": 19290, - "optim": 19291, - ">\"\n": 19292, - "athy": 19293, - "▁employer": 19294, - "quate": 19295, - "▁edited": 19296, - "Arguments": 19297, - "▁Nations": 19298, - "__)": 19299, - "▁nose": 19300, - "▁Sample": 19301, - "')\n\n\n": 19302, - "▁cake": 19303, - ".getAttribute": 19304, - "HD": 19305, - "392": 19306, - "Modified": 19307, - "445": 19308, - "▁predicted": 19309, - "anie": 19310, - "Sorry": 19311, - "(doc": 19312, - "wind": 19313, - "ieve": 19314, - "▁provisions": 19315, - "ATER": 19316, - "OTE": 19317, - "MY": 19318, - ".Autowired": 19319, - "▁Bath": 19320, - "423": 19321, - ".Boolean": 19322, - "▁backend": 19323, - ".Mouse": 19324, - "ateral": 19325, - "paper": 19326, - "Const": 19327, - "▁VR": 19328, - "_entity": 19329, - "_CTRL": 19330, - "▁Protection": 19331, - "▁GM": 19332, - "▁Study": 19333, - "▁soup": 19334, - "otime": 19335, - "'use": 19336, - "]\"": 19337, - "/users": 19338, - "aug": 19339, - "▁Hong": 19340, - "_norm": 19341, - "▁secre": 19342, - "(Build": 19343, - "▁Contract": 19344, - "olas": 19345, - "▁sauce": 19346, - "▁aggressive": 19347, - "▁racial": 19348, - "character": 19349, - "@@": 19350, - "▁compile": 19351, - "▁Void": 19352, - "_rem": 19353, - "_memory": 19354, - "348": 19355, - "kk": 19356, - "▁mic": 19357, - "Same": 19358, - "Utility": 19359, - "▁Html": 19360, - "▁Xml": 19361, - "Ready": 19362, - "▁gall": 19363, - "▁allegedly": 19364, - "\t\t\t\t▁▁▁": 19365, - "▁Metal": 19366, - "▁Personal": 19367, - "▁borderRadius": 19368, - "rxjs": 19369, - "objects": 19370, - "▁wanting": 19371, - "▁bowl": 19372, - "vendor": 19373, - "offsetof": 19374, - "▁Rs": 19375, - "▁Rating": 19376, - "▁rally": 19377, - "_NODE": 19378, - "418": 19379, - "▁Mix": 19380, - "▁advertis": 19381, - "485": 19382, - "667": 19383, - "▁narrative": 19384, - "sal": 19385, - "▁mc": 19386, - "SError": 19387, - "▁fingers": 19388, - "▁accompany": 19389, - "▁tired": 19390, - "▁stride": 19391, - "▁gui": 19392, - "elist": 19393, - "Locale": 19394, - "▁releases": 19395, - "iking": 19396, - "▁anger": 19397, - ")))\n\n": 19398, - "allest": 19399, - "Summary": 19400, - "(O": 19401, - "(for": 19402, - "▁basketball": 19403, - "▁roads": 19404, - "▁Install": 19405, - "▁Fab": 19406, - "itmap": 19407, - "475": 19408, - "▁))\n": 19409, - "▁intersection": 19410, - "ighbor": 19411, - "▁Bry": 19412, - "▁HERE": 19413, - "Software": 19414, - "elfare": 19415, - "acs": 19416, - "622": 19417, - "▁trailer": 19418, - ".getClass": 19419, - "chars": 19420, - "▁regulation": 19421, - "▁refers": 19422, - "▁destruction": 19423, - "▁continuous": 19424, - "▁Austin": 19425, - "akan": 19426, - ".window": 19427, - "▁Templates": 19428, - "▁absence": 19429, - ":n": 19430, - "▁disorder": 19431, - "flash": 19432, - "▁delet": 19433, - "boards": 19434, - "▁▁\t": 19435, - "ROP": 19436, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 19437, - "▁acqu": 19438, - "▁lawsuit": 19439, - "▁Reviews": 19440, - "▁garage": 19441, - "timer": 19442, - "▁ej": 19443, - "▁Rectangle": 19444, - "▁flowers": 19445, - "398": 19446, - "ilst": 19447, - "▁Instance": 19448, - "Super": 19449, - "det": 19450, - "disposing": 19451, - "▁ES": 19452, - "▁IC": 19453, - "vere": 19454, - "Sk": 19455, - "_channels": 19456, - "puted": 19457, - "/null": 19458, - "nnen": 19459, - "431": 19460, - "▁Gallery": 19461, - "_global": 19462, - "Authentication": 19463, - "▁Rank": 19464, - "▁blocked": 19465, - "▁calm": 19466, - "market": 19467, - "\tval": 19468, - "▁aug": 19469, - "period": 19470, - "▁Constant": 19471, - "▁?>\">\n": 19472, - "▁lobby": 19473, - "pal": 19474, - "379": 19475, - "▁sink": 19476, - "508": 19477, - "iah": 19478, - "urname": 19479, - "▁conver": 19480, - "▁investigate": 19481, - "Christ": 19482, - "Hub": 19483, - "▁IND": 19484, - "▁Ped": 19485, - "uras": 19486, - "\turl": 19487, - "▁Tro": 19488, - "▁preferences": 19489, - "▁guaranteed": 19490, - "`\n\n": 19491, - "▁portions": 19492, - "▁evalu": 19493, - "'>;\n\n": 19588, - ".AutoScaleMode": 19589, - "▁cats": 19590, - "465": 19591, - "▁registry": 19592, - "ulus": 19593, - "FI": 19594, - "payload": 19595, - "-search": 19596, - "▁staying": 19597, - "acious": 19598, - "Decoration": 19599, - "Review": 19600, - "Inf": 19601, - "Keep": 19602, - "itis": 19603, - ",String": 19604, - "Coord": 19605, - "▁pero": 19606, - "Sex": 19607, - "▁Atlanta": 19608, - "uesta": 19609, - "Argb": 19610, - ">*": 19611, - "}_": 19612, - "Footer": 19613, - "▁employed": 19614, - "_bound": 19615, - "vide": 19616, - ".func": 19617, - "$scope": 19618, - "▁spo": 19619, - "▁Anal": 19620, - "ounced": 19621, - "around": 19622, - "▁restriction": 19623, - "▁shops": 19624, - "▁Latin": 19625, - "-col": 19626, - "▁barely": 19627, - "▁Euro": 19628, - "Er": 19629, - "▁faire": 19630, - "_distance": 19631, - "_unlock": 19632, - "Quote": 19633, - "IVATE": 19634, - "▁aimed": 19635, - "▁Retrie": 19636, - ".iter": 19637, - "▁wrapped": 19638, - "▁agreements": 19639, - "strument": 19640, - "(product": 19641, - "▁studied": 19642, - ".setValue": 19643, - "▁ye": 19644, - "▁Cache": 19645, - "MBOL": 19646, - "▁quarterback": 19647, - "▁syntax": 19648, - ".getElementsBy": 19649, - ".version": 19650, - "website": 19651, - "Runner": 19652, - "_single": 19653, - "ativ": 19654, - "▁Altern": 19655, - "▁Beautiful": 19656, - "rightarrow": 19657, - "▁diversity": 19658, - "plash": 19659, - "(co": 19660, - ".Fill": 19661, - "▁typing": 19662, - "387": 19663, - "023": 19664, - "▁clar": 19665, - "Hit": 19666, - "OO": 19667, - "acco": 19668, - "507": 19669, - "worth": 19670, - "▁scripts": 19671, - "▁Muslims": 19672, - "▁LL": 19673, - "erving": 19674, - "(boolean": 19675, - "▁baseball": 19676, - "▁CAN": 19677, - "394": 19678, - "044": 19679, - "MAIL": 19680, - "depend": 19681, - "▁respective": 19682, - "▁constexpr": 19683, - ".*;\n\n": 19684, - "']))\n": 19685, - "▁yard": 19686, - "▁identical": 19687, - "ifecycle": 19688, - "USH": 19689, - "upiter": 19690, - ".validate": 19691, - "cli": 19692, - "ISTER": 19693, - "Indicator": 19694, - "Fail": 19695, - "▁democracy": 19696, - ".var": 19697, - "▁satisfied": 19698, - "-------------": 19699, - "encer": 19700, - "hor": 19701, - "▁rounds": 19702, - "DAO": 19703, - "oa": 19704, - "▁flask": 19705, - "=c": 19706, - "[]\n": 19707, - "/dist": 19708, - "▁parte": 19709, - "▁confirmation": 19710, - "eron": 19711, - "aware": 19712, - "": 19713, - "▁dependencies": 19714, - "▁Videos": 19715, - "-row": 19716, - "▁**/\n": 19717, - "▁nou": 19718, - "▁hover": 19719, - "▁nin": 19720, - "▁USD": 19721, - "Mac": 19722, - "_Load": 19723, - "▁outcomes": 19724, - "_socket": 19725, - "▁queries": 19726, - "wm": 19727, - "592": 19728, - "▁hitting": 19729, - "inux": 19730, - "Mich": 19731, - "udge": 19732, - "ATAB": 19733, - "▁vulnerable": 19734, - "▁portfolio": 19735, - ":YES": 19736, - "\tmap": 19737, - "Bound": 19738, - "▁iteration": 19739, - "incess": 19740, - "▁actors": 19741, - "▁Qual": 19742, - "_clean": 19743, - "MSG": 19744, - "Green": 19745, - "▁Officer": 19746, - "▁smoking": 19747, - ">',": 19748, - "▁Flo": 19749, - "++;": 19750, - "433": 19751, - "olygon": 19752, - "▁bulk": 19753, - "▁drama": 19754, - "▁exceptions": 19755, - "osed": 19756, - "▁+\r\n": 19757, - "▁legacy": 19758, - "CV": 19759, - "▁contributed": 19760, - "▁Terms": 19761, - "▁bt": 19762, - "434": 19763, - "▁untuk": 19764, - "▁alien": 19765, - "===\n": 19766, - "\tVector": 19767, - "▁ls": 19768, - "Online": 19769, - ".facebook": 19770, - "numeric": 19771, - "ockets": 19772, - "Aut": 19773, - "bury": 19774, - "-redux": 19775, - "▁Redistributions": 19776, - "GLOBALS": 19777, - "urrencies": 19778, - "▁tons": 19779, - "(col": 19780, - "▁Symbol": 19781, - "▁stayed": 19782, - "▁ML": 19783, - "▁municip": 19784, - "▁sexo": 19785, - "Sen": 19786, - "nr": 19787, - "▁gains": 19788, - "▁shortly": 19789, - ".Menu": 19790, - "KNOWN": 19791, - "▁operators": 19792, - "-V": 19793, - "▁Patrick": 19794, - "/add": 19795, - "_CO": 19796, - "iration": 19797, - "(post": 19798, - "Posts": 19799, - "/_": 19800, - "▁plug": 19801, - "▁intellectual": 19802, - "▁metab": 19803, - "▁pregnancy": 19804, - "▁Premier": 19805, - "nm": 19806, - "▁prediction": 19807, - "606": 19808, - "▁Ministry": 19809, - "Three": 19810, - "valuate": 19811, - "▁Mini": 19812, - "bu": 19813, - "\";\r\n": 20253, - "▁Sav": 20254, - ".Bold": 20255, - "▁enables": 20256, - "\ttmp": 20257, - "▁manually": 20258, - "▁Squ": 20259, - "userid": 20260, - ".function": 20261, - ".cache": 20262, - "LOPT": 20263, - ".Services": 20264, - "588": 20265, - "ddit": 20266, - "tim": 20267, - ">>": 20331, - "station": 20332, - "lore": 20333, - "atype": 20334, - "ishop": 20335, - "/****************************************************************": 20336, - "521": 20337, - "ComboBox": 20338, - "▁vacation": 20339, - "▁initiative": 20340, - "▁defaultValue": 20341, - "770": 20342, - "concat": 20343, - "▁Kh": 20344, - "632": 20345, - "▁Welcome": 20346, - "izedName": 20347, - "Migration": 20348, - "▁gradient": 20349, - "Hot": 20350, - "▁hardly": 20351, - "elo": 20352, - "▁Students": 20353, - "▁loose": 20354, - "730": 20355, - "atz": 20356, - ".Send": 20357, - "'/": 20358, - "▁universal": 20359, - "▁enterprise": 20360, - "▁regex": 20361, - "▁visitor": 20362, - "▁Fly": 20363, - "Seq": 20364, - "▁Visual": 20365, - "▁libraries": 20366, - "atoes": 20367, - "Payment": 20368, - "447": 20369, - "▁pent": 20370, - "▁gathered": 20371, - "VRTX": 20372, - "▁DM": 20373, - "Split": 20374, - "▁letting": 20375, - "_errors": 20376, - "epoch": 20377, - "PARAM": 20378, - "cu": 20379, - "olutions": 20380, - "Editing": 20381, - "fonts": 20382, - "▁allocated": 20383, - "▁Based": 20384, - "(Y": 20385, - "▁Judge": 20386, - "▁brothers": 20387, - "FILES": 20388, - "531": 20389, - "wb": 20390, - "_PI": 20391, - "'^": 20392, - "▁sword": 20393, - ".services": 20394, - "▁nl": 20395, - "Tim": 20396, - "igg": 20397, - "▁Moore": 20398, - "▁cryptoc": 20399, - "_posts": 20400, - "otate": 20401, - "?'": 20402, - "....\n\n": 20403, - "▁kl": 20404, - "=\"$": 20405, - "▁decoration": 20406, - "▁DIRECT": 20407, - "GUI": 20408, - ")=>{\n": 20409, - "▁newsletter": 20410, - "▁precis": 20411, - "(point": 20412, - "▁Equipment": 20413, - "uty": 20414, - "▁Dave": 20415, - "▁participation": 20416, - "uarios": 20417, - "xit": 20418, - ".As": 20419, - "ETER": 20420, - "orous": 20421, - "▁shield": 20422, - "[]>": 20423, - "ilitary": 20424, - ".origin": 20425, - "▁promotion": 20426, - "Unt": 20427, - "▁ct": 20428, - "TRA": 20429, - "556": 20430, - "ViewHolder": 20431, - "▁sigma": 20432, - "delta": 20433, - "arehouse": 20434, - "contract": 20435, - "(Vector": 20436, - "721": 20437, - "▁compete": 20438, - "/form": 20439, - "/components": 20440, - "▁nr": 20441, - "▁Indones": 20442, - "▁Volume": 20443, - ".files": 20444, - "(resp": 20445, - "/models": 20446, - "▁surf": 20447, - "standard": 20448, - "/o": 20449, - "▁XCTAssert": 20450, - "VICES": 20451, - ".Code": 20452, - "SED": 20453, - "▁activate": 20454, - "Delta": 20455, - "▁limitation": 20456, - "rij": 20457, - "▁pregnant": 20458, - ":^(": 20459, - "▁sour": 20460, - "pie": 20461, - "803": 20462, - "▁expense": 20463, - "ication": 20464, - "▁Large": 20465, - "▁Bowl": 20466, - "(models": 20467, - "/N": 20468, - "857": 20469, - "Pa": 20470, - ".reload": 20471, - "▁wondering": 20472, - "462": 20473, - "Execution": 20474, - "\t▁▁▁▁▁▁": 20475, - "▁Graphics": 20476, - "▁Contin": 20477, - "_job": 20478, - "▁getName": 20479, - "▁Magn": 20480, - "▁DWORD": 20481, - "mad": 20482, - "▁nh": 20483, - "features": 20484, - "}\");\n": 20485, - "heets": 20486, - "(train": 20487, - "zn": 20488, - "▁recruit": 20489, - ".connection": 20490, - "▁barrel": 20491, - "▁steam": 20492, - "_setting": 20493, - "▁angular": 20494, - "aneously": 20495, - "▁bil": 20496, - "▁Norm": 20497, - "522": 20498, - "(!$": 20499, - "ibt": 20500, - "%(": 20501, - "▁posit": 20502, - "▁Father": 20503, - "intendo": 20504, - "565": 20505, - "Live": 20506, - "041": 20507, - "▁ports": 20508, - "▁mej": 20509, - "▁landing": 20510, - "ponder": 20511, - "▁cod": 20512, - "_HEADER": 20513, - ".Margin": 20514, - "▁balls": 20515, - "▁discussions": 20516, - "▁blend": 20517, - "Hex": 20518, - "▁farmers": 20519, - "▁maintaining": 20520, - "▁▁▁\r\n": 20521, - "syn": 20522, - "[T": 20523, - "rus": 20524, - "439": 20525, - "uffers": 20526, - "▁contributors": 20527, - "_sys": 20528, - ".Debug": 20529, - "▁constructed": 20530, - "omes": 20531, - "?id": 20532, - "slider": 20533, - "▁suppliers": 20534, - "611": 20535, - "scriber": 20536, - "pes": 20537, - "\":\r\n": 20538, - "\\Controller": 20539, - "))\n\n\n": 20540, - "▁lua": 20541, - "Multi": 20542, - "ENS": 20543, - "Src": 20544, - "▁petition": 20545, - "▁slave": 20546, - "looking": 20547, - "VERT": 20548, - "\tvector": 20549, - "Special": 20550, - "hh": 20551, - "anne": 20552, - "▁Niger": 20553, - "/views": 20554, - "zing": 20555, - "endant": 20556, - "(": 20789, - "544": 20790, - ".Product": 20791, - "Forms": 20792, - "NEW": 20793, - "Pay": 20794, - "\tboolean": 20795, - "_contact": 20796, - "▁Electric": 20797, - "skip": 20798, - "▁wur": 20799, - "▁chronic": 20800, - "_driver": 20801, - "940": 20802, - "▁Sab": 20803, - "▁Ult": 20804, - "▁Rad": 20805, - "STATUS": 20806, - "▁Lewis": 20807, - "OB": 20808, - "▁gifts": 20809, - ".Rec": 20810, - "TRUE": 20811, - "▁intensity": 20812, - "Marker": 20813, - ".compare": 20814, - "ffic": 20815, - "Cookie": 20816, - "▁Baby": 20817, - "▁BigDecimal": 20818, - "ilet": 20819, - "▁HOLDERS": 20820, - "▁Lady": 20821, - "▁lung": 20822, - "▁Alabama": 20823, - "▁dess": 20824, - "`);\n": 20825, - "▁Builder": 20826, - "_region": 20827, - "▁neutral": 20828, - "909": 20829, - "Both": 20830, - "▁hp": 20831, - "▁horn": 20832, - "▁segments": 20833, - "▁EC": 20834, - "\"=>\"": 20835, - "(rec": 20836, - "▁Pi": 20837, - "GM": 20838, - "▁laptop": 20839, - "Scalar": 20840, - "463": 20841, - "isd": 20842, - "-dialog": 20843, - "▁Anderson": 20844, - "▁mistakes": 20845, - "708": 20846, - "▁Han": 20847, - "jes": 20848, - "estination": 20849, - "436": 20850, - "▁promises": 20851, - "bid": 20852, - "▁Scient": 20853, - "GIN": 20854, - "▁Performance": 20855, - "bage": 20856, - ".users": 20857, - "leading": 20858, - "▁oral": 20859, - "Graphics": 20860, - "488": 20861, - "_PTR": 20862, - "518": 20863, - "hang": 20864, - "▁inev": 20865, - "processing": 20866, - "Factor": 20867, - "▁NA": 20868, - "$string": 20869, - "▁grounds": 20870, - ".SaveChanges": 20871, - "clock": 20872, - "941": 20873, - "cripcion": 20874, - "▁Newton": 20875, - "gc": 20876, - ".includes": 20877, - "▁blast": 20878, - "▁'-'": 20879, - "▁puede": 20880, - "469": 20881, - ".Session": 20882, - "▁grep": 20883, - "_final": 20884, - "▁Gay": 20885, - "▁Give": 20886, - "iri": 20887, - "-star": 20888, - "▁UIImage": 20889, - "_epoch": 20890, - "ubb": 20891, - "enth": 20892, - "▁elite": 20893, - "▁campaigns": 20894, - "▁Porno": 20895, - "_assign": 20896, - "Protocol": 20897, - "▁Being": 20898, - "▁Airport": 20899, - "▁conventional": 20900, - "▁Wat": 20901, - "▁CI": 20902, - "ETA": 20903, - "▁Anthony": 20904, - "▁tablet": 20905, - "(format": 20906, - "▁consistently": 20907, - "▁Iowa": 20908, - "474": 20909, - "▁avatar": 20910, - "027": 20911, - ".cursor": 20912, - "![": 20913, - "▁hanging": 20914, - "Her": 20915, - "Such": 20916, - "';\n\n\n": 20917, - "orgeous": 20918, - "()==": 20919, - "▁viewModel": 20920, - "▁els": 20921, - "▁Agent": 20922, - "Fetch": 20923, - "apor": 20924, - "▁cx": 20925, - "pread": 20926, - "▁Pier": 20927, - "oeff": 20928, - "616": 20929, - "Sn": 20930, - "890": 20931, - "▁Virtual": 20932, - "Apr": 20933, - ".White": 20934, - "615": 20935, - "_MOD": 20936, - "▁Points": 20937, - "▁genes": 20938, - "▁vendor": 20939, - "▁mainstream": 20940, - "\n": 20967, - "Filename": 20968, - "▁sne": 20969, - "▁Football": 20970, - "▁rival": 20971, - "▁disaster": 20972, - "ionic": 20973, - "▁Damage": 20974, - ".Resource": 20975, - "-en": 20976, - "▁Types": 20977, - "getString": 20978, - "(board": 20979, - "▁bol": 20980, - "plain": 20981, - "zym": 20982, - "▁scanner": 20983, - "ilder": 20984, - "_msgs": 20985, - "(intent": 20986, - "▁destruct": 20987, - "▁bust": 20988, - "▁Employ": 20989, - "oni": 20990, - "▁UIViewController": 20991, - "▁odds": 20992, - "earer": 20993, - "Geometry": 20994, - "▁yii": 20995, - "_EXPORT": 20996, - "▁Attack": 20997, - "▁niet": 20998, - "▁impression": 20999, - "▁Gil": 21000, - "_prob": 21001, - "528": 21002, - "▁CF": 21003, - "▁Experience": 21004, - "/plugins": 21005, - ".Method": 21006, - "▁beliefs": 21007, - "Native": 21008, - "_build": 21009, - "▁vig": 21010, - "▁ranks": 21011, - "covered": 21012, - "705": 21013, - "such": 21014, - "Guard": 21015, - ".pack": 21016, - "adder": 21017, - "809": 21018, - "ivia": 21019, - "lng": 21020, - "552": 21021, - "Timestamp": 21022, - "_now": 21023, - "▁poker": 21024, - "▁unc": 21025, - "▁shapes": 21026, - "-types": 21027, - "_period": 21028, - "pk": 21029, - "▁veteran": 21030, - "▁sono": 21031, - "▁appointed": 21032, - "overflow": 21033, - ".driver": 21034, - "_cat": 21035, - "utt": 21036, - "plant": 21037, - "imb": 21038, - "▁Accept": 21039, - "▁concert": 21040, - "\tnode": 21041, - "\tz": 21042, - "?>\r\n": 21043, - "▁banned": 21044, - "\t▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 21045, - "▁toxic": 21046, - "▁disappe": 21047, - "473": 21048, - "▁grace": 21049, - "ateful": 21050, - "Reply": 21051, - "▁Cruz": 21052, - "486": 21053, - "▁scrap": 21054, - "▁keywords": 21055, - "simp": 21056, - "▁mortgage": 21057, - "▁cyber": 21058, - "▁Execute": 21059, - "▁latitude": 21060, - "ifu": 21061, - ".COM": 21062, - "dbo": 21063, - "▁sorts": 21064, - "▁Gas": 21065, - "omial": 21066, - ".Local": 21067, - "Cells": 21068, - ".Replace": 21069, - "Strings": 21070, - ".fit": 21071, - "▁Third": 21072, - "%\",\n": 21073, - "▁{}\".": 21074, - "▁Sony": 21075, - "▁[:": 21076, - "585": 21077, - "▁fallen": 21078, - ".')\n": 21079, - "inh": 21080, - "▁MC": 21081, - "▁redis": 21082, - "Codes": 21083, - "▁profiles": 21084, - "hook": 21085, - "Reducer": 21086, - "_FUNC": 21087, - "▁navigate": 21088, - "strlen": 21089, - "▁horm": 21090, - "▁SR": 21091, - ".boot": 21092, - "▁digest": 21093, - "\theader": 21094, - ".findOne": 21095, - "DbType": 21096, - "nia": 21097, - "_merge": 21098, - "▁donne": 21099, - "/Getty": 21100, - "_CHAR": 21101, - "▁bands": 21102, - ".URL": 21103, - "artial": 21104, - "▁freq": 21105, - "▁sist": 21106, - "Ng": 21107, - "▁rendering": 21108, - "\\Core": 21109, - "Widgets": 21110, - "▁VA": 21111, - "▁activists": 21112, - "Ste": 21113, - "=_": 21114, - "alla": 21115, - "Stamp": 21116, - "▁loads": 21117, - "▁xx": 21118, - "▁Learning": 21119, - ".Mvc": 21120, - "uir": 21121, - "(\"$": 21122, - "▁connecting": 21123, - "ReadOnly": 21124, - "uru": 21125, - "▁Eag": 21126, - "BIT": 21127, - "_DEL": 21128, - "arrass": 21129, - "external": 21130, - "▁YOUR": 21131, - "▁Brew": 21132, - "▁Five": 21133, - "▁resize": 21134, - "igid": 21135, - "eration": 21136, - "653": 21137, - "536": 21138, - "039": 21139, - "▁Catch": 21140, - "▁Leon": 21141, - "amil": 21142, - ".Body": 21143, - "Clip": 21144, - "/list": 21145, - ".br": 21146, - "EditText": 21147, - "\tdb": 21148, - ".Game": 21149, - "(BuildContext": 21150, - "backend": 21151, - ".Red": 21152, - "facebook": 21153, - "529": 21154, - ".urls": 21155, - "mr": 21156, - "rolled": 21157, - "-------": 21158, - "▁intervention": 21159, - "▁retirement": 21160, - "▁Kit": 21161, - "▁PRE": 21162, - "UpperCase": 21163, - "▁Socket": 21164, - "▁:-": 21165, - "▁studying": 21166, - "▁Metro": 21167, - "arded": 21168, - "▁conversations": 21169, - "Called": 21170, - "▁examine": 21171, - "ertificate": 21172, - ".gz": 21173, - "-responsive": 21174, - "▁refund": 21175, - "_network": 21176, - "026": 21177, - "allowed": 21178, - "empt": 21179, - "▁meals": 21180, - "Categories": 21181, - "▁traveling": 21182, - "▁kg": 21183, - "▁shame": 21184, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 21185, - "▁explicitly": 21186, - "▁mathematic": 21187, - "▁Suite": 21188, - "▁RGB": 21189, - "******/": 21190, - "▁mixture": 21191, - "learning": 21192, - ".template": 21193, - "atts": 21194, - "wx": 21195, - "\tctx": 21196, - ".properties": 21197, - "▁drinks": 21198, - "▁Either": 21199, - "setText": 21200, - ".getData": 21201, - ".zip": 21202, - "▁reveals": 21203, - ".\n": 21217, - "▁ranked": 21218, - "_impl": 21219, - "▁Handles": 21220, - "▁hosted": 21221, - "▁updating": 21222, - "album": 21223, - "▁shader": 21224, - "Editors": 21225, - "-round": 21226, - "[]{": 21227, - "▁sep": 21228, - "▁Hi": 21229, - "TEM": 21230, - "lookup": 21231, - ".man": 21232, - "_INPUT": 21233, - "▁threatened": 21234, - "_IMPORT": 21235, - "▁drops": 21236, - "ruit": 21237, - "sid": 21238, - "both": 21239, - "▁Excel": 21240, - "▁jer": 21241, - "ordinary": 21242, - "VIEW": 21243, - "reply": 21244, - "▁):\n": 21245, - "colors": 21246, - "verified": 21247, - "_Tr": 21248, - "_parse": 21249, - "▁congress": 21250, - "617": 21251, - "Promise": 21252, - "ints": 21253, - "▁Mother": 21254, - ".Api": 21255, - "▁Duration": 21256, - "▁firstName": 21257, - "inheritdoc": 21258, - "▁Mars": 21259, - "▁apr": 21260, - "ODY": 21261, - "▁visits": 21262, - "631": 21263, - "▁healing": 21264, - "letters": 21265, - ")));\r\n": 21266, - "future": 21267, - ".Framework": 21268, - "▁kiss": 21269, - "▁involve": 21270, - "▁silent": 21271, - "adows": 21272, - "▁anybody": 21273, - "sch": 21274, - "690": 21275, - "▁solely": 21276, - "-img": 21277, - "▁propri": 21278, - "▁instruct": 21279, - "▁licenses": 21280, - "▁meth": 21281, - "▁condem": 21282, - "▁Domain": 21283, - "▁Harris": 21284, - "CEPT": 21285, - "Batch": 21286, - "@extends": 21287, - "▁CONTRIBUT": 21288, - ".DataFrame": 21289, - "472": 21290, - "_packet": 21291, - "recision": 21292, - "▁focusing": 21293, - ".ht": 21294, - "__\":\n": 21295, - ":Get": 21296, - "▁KC": 21297, - "▁passage": 21298, - "Segment": 21299, - "_center": 21300, - "-zA": 21301, - "_BL": 21302, - "▁convin": 21303, - "▁classified": 21304, - "▁NSMutable": 21305, - "_ap": 21306, - "tile": 21307, - "Rectangle": 21308, - "492": 21309, - "(nums": 21310, - "vens": 21311, - "▁UIButton": 21312, - "▁Feder": 21313, - "amo": 21314, - "▁outline": 21315, - "▁Parser": 21316, - "▁Works": 21317, - ".Schema": 21318, - "▁engines": 21319, - "637": 21320, - "563": 21321, - "_common": 21322, - "542": 21323, - "_old": 21324, - "▁setContentView": 21325, - "▁///<": 21326, - "▁BT": 21327, - "fm": 21328, - "▁divers": 21329, - "_weights": 21330, - "emark": 21331, - "▁ACT": 21332, - "▁proportion": 21333, - "overlay": 21334, - ".dirname": 21335, - "▁Git": 21336, - "_REFERENCE": 21337, - "<>": 21338, - "lb": 21339, - "_rule": 21340, - "▁Putin": 21341, - "▁sleeping": 21342, - "():\r\n": 21343, - "▁preserve": 21344, - "▁parliament": 21345, - "▁Looking": 21346, - "▁picking": 21347, - "▁Dispatch": 21348, - "▁slip": 21349, - "▁Lyn": 21350, - "_signal": 21351, - "configuration": 21352, - "▁Pitt": 21353, - "491": 21354, - "aden": 21355, - "procedure": 21356, - "▁enthusi": 21357, - "fight": 21358, - "▁Consider": 21359, - "▁torn": 21360, - "Connected": 21361, - ".cos": 21362, - "_groups": 21363, - "▁Think": 21364, - "▁deliber": 21365, - "▁resid": 21366, - "working": 21367, - ".columns": 21368, - "▁Called": 21369, - "▁eslint": 21370, - ">\",": 21371, - "_DOWN": 21372, - "hist": 21373, - "▁Advanced": 21374, - "▁rewards": 21375, - "actors": 21376, - "▁silence": 21377, - "479": 21378, - "▁myth": 21379, - "▁neur": 21380, - "519": 21381, - "▁auction": 21382, - ".GetString": 21383, - "eks": 21384, - "(project": 21385, - "598": 21386, - "\tmsg": 21387, - "\toutput": 21388, - "▁complaints": 21389, - "551": 21390, - ",S": 21391, - "▁tbl": 21392, - "▁,\n\n": 21393, - "riors": 21394, - "ahren": 21395, - "▁lawyers": 21396, - "redux": 21397, - "_symbol": 21398, - "offee": 21399, - "_RESULT": 21400, - "(Name": 21401, - "UTC": 21402, - ".currentTime": 21403, - "▁organis": 21404, - ".arg": 21405, - "533": 21406, - "▁minim": 21407, - "wick": 21408, - "▁receives": 21409, - "Balance": 21410, - "▁speaks": 21411, - "▁Days": 21412, - "▁Below": 21413, - "483": 21414, - "tipo": 21415, - "Present": 21416, - "▁reserv": 21417, - "hp": 21418, - "▁rit": 21419, - "_RIGHT": 21420, - "--)": 21421, - "▁chairman": 21422, - "781": 21423, - "DIS": 21424, - "▁BOOST": 21425, - "▁experiments": 21426, - "687": 21427, - "__);\n": 21428, - "▁stamp": 21429, - "▁fert": 21430, - "▁fond": 21431, - "Ter": 21432, - "elve": 21433, - "uren": 21434, - "+i": 21435, - "endency": 21436, - "▁virtually": 21437, - "...\"": 21438, - "925": 21439, - "-cent": 21440, - "_unique": 21441, - "▁pricing": 21442, - "mic": 21443, - "RESH": 21444, - "▁:::": 21445, - "▁annotation": 21446, - "▁Circle": 21447, - "ongodb": 21448, - "itas": 21449, - "▁%(": 21450, - "(component": 21451, - "(port": 21452, - "-hour": 21453, - ".obj": 21454, - "LBL": 21455, - "▁jury": 21456, - "GBT": 21457, - "▁spy": 21458, - "▁Professional": 21459, - "▁\"\";\n\n": 21460, - "▁striking": 21461, - "▁discrimination": 21462, - "▁pays": 21463, - "937": 21464, - "lict": 21465, - "entes": 21466, - "▁throwing": 21467, - "▁Plugin": 21468, - "(def": 21469, - "▁RuntimeException": 21470, - "▁Migration": 21471, - "599": 21472, - "▁dic": 21473, - "bag": 21474, - "onia": 21475, - "▁corruption": 21476, - "704": 21477, - "(Map": 21478, - "▁prz": 21479, - ".dto": 21480, - "▁acquire": 21481, - "StateToProps": 21482, - "▁loving": 21483, - "_pattern": 21484, - "▁emotions": 21485, - "▁publisher": 21486, - "_be": 21487, - "▁couples": 21488, - "498": 21489, - "oj": 21490, - "▁Chart": 21491, - "▁trop": 21492, - ".tool": 21493, - "▁establishment": 21494, - "▁dol": 21495, - "654": 21496, - "▁tower": 21497, - "▁lane": 21498, - "▁Sydney": 21499, - "▁filling": 21500, - "claimed": 21501, - "644": 21502, - "▁dialogue": 21503, - "▁convention": 21504, - "booking": 21505, - "parency": 21506, - "▁Generic": 21507, - "718": 21508, - "\\Schema": 21509, - "482": 21510, - "618": 21511, - "▁ranges": 21512, - "/ch": 21513, - "▁panels": 21514, - "▁ruled": 21515, - ".ts": 21516, - "_sets": 21517, - "▁cleanup": 21518, - "Previous": 21519, - "▁Animal": 21520, - "607": 21521, - "($(": 21522, - "▁Ave": 21523, - "ollar": 21524, - "028": 21525, - "_eval": 21526, - "\tName": 21527, - "(tree": 21528, - "▁\"]": 21529, - "571": 21530, - "▁duties": 21531, - "='/": 21532, - "Clicked": 21533, - "▁differently": 21534, - "▁Clark": 21535, - "▁dit": 21536, - "ologists": 21537, - "▁synd": 21538, - "▁sends": 21539, - "-known": 21540, - "kb": 21541, - "▁Modal": 21542, - "itative": 21543, - "▁racing": 21544, - "▁highlights": 21545, - "▁Simon": 21546, - "▁Captain": 21547, - "▁CB": 21548, - "contin": 21549, - "aran": 21550, - "▁physics": 21551, - "retty": 21552, - "etal": 21553, - ".md": 21554, - "axios": 21555, - "▁speakers": 21556, - "▁prep": 21557, - "▁awarded": 21558, - "▁Corn": 21559, - "▁Nature": 21560, - "UDIO": 21561, - "737": 21562, - "▁proj": 21563, - "-pre": 21564, - "[u": 21565, - "Features": 21566, - "▁isEqual": 21567, - "Binary": 21568, - "sig": 21569, - "▁confusion": 21570, - "546": 21571, - "568": 21572, - "▁Hat": 21573, - ".configure": 21574, - "MON": 21575, - "494": 21576, - "/edit": 21577, - "_Add": 21578, - ",true": 21579, - "541": 21580, - "▁cli": 21581, - "ErrorMessage": 21582, - "-loader": 21583, - "Dimensions": 21584, - "ultiply": 21585, - "▁{!!": 21586, - "▁SqlCommand": 21587, - "▁spoken": 21588, - "▁pics": 21589, - "▁toy": 21590, - "(Key": 21591, - "▁Loop": 21592, - "EATURE": 21593, - "inction": 21594, - "_setup": 21595, - "wrapper": 21596, - "▁tong": 21597, - "cular": 21598, - "Opt": 21599, - ".Pl": 21600, - "=\",": 21601, - "(length": 21602, - "umn": 21603, - "▁chrom": 21604, - "▁sevent": 21605, - "▁IllegalArgumentException": 21606, - "478": 21607, - "\tstart": 21608, - "▁begun": 21609, - "CEPTION": 21610, - "dataset": 21611, - "825": 21612, - "▁Failed": 21613, - "cols": 21614, - "459": 21615, - "▁knee": 21616, - "imore": 21617, - ".splice": 21618, - "shell": 21619, - "iggers": 21620, - "▁themes": 21621, - "995": 21622, - "▁DJ": 21623, - "▁Assistant": 21624, - "-$": 21625, - "Maybe": 21626, - "▁ordering": 21627, - "▁Intelligence": 21628, - "▁Massachusetts": 21629, - "▁failing": 21630, - "elson": 21631, - "Great": 21632, - "=i": 21633, - ".rest": 21634, - "▁invite": 21635, - "-disable": 21636, - ".GroupBox": 21637, - "▁tackle": 21638, - "gv": 21639, - "etter": 21640, - "▁),\r\n": 21641, - "_rules": 21642, - ".warn": 21643, - "functions": 21644, - "▁Christians": 21645, - "▁backed": 21646, - "▁slider": 21647, - "▁enjoying": 21648, - "nest": 21649, - "▁hij": 21650, - "_ms": 21651, - "//*": 21652, - "Annotations": 21653, - "▁Variables": 21654, - "": 21858, - "cycle": 21859, - "▁Bull": 21860, - "paths": 21861, - "▁unp": 21862, - "▁viewDidLoad": 21863, - "_Model": 21864, - "▁assertTrue": 21865, - "▁rated": 21866, - "Decl": 21867, - "verted": 21868, - "▁Dat": 21869, - "brew": 21870, - "▁pointing": 21871, - "Ms": 21872, - "▁Pointer": 21873, - ")'": 21874, - "_non": 21875, - "527": 21876, - "▁SEC": 21877, - "▁yeah": 21878, - "gency": 21879, - "initialize": 21880, - "fly": 21881, - "711": 21882, - "[pos": 21883, - ",g": 21884, - "Tele": 21885, - "034": 21886, - "▁joke": 21887, - "▁clause": 21888, - ".findById": 21889, - "enes": 21890, - "(instance": 21891, - "626": 21892, - "915": 21893, - "▁slic": 21894, - "_home": 21895, - "▁*/}\n": 21896, - "_pages": 21897, - "(service": 21898, - "905": 21899, - "RP": 21900, - "▁Among": 21901, - ".getCurrent": 21902, - "806": 21903, - "▁slee": 21904, - "=[\n": 22339, - "oler": 22340, - "▁libert": 22341, - "▁`\n": 22342, - "▁wenn": 22343, - "lated": 22344, - "▁immune": 22345, - "(Node": 22346, - "▁Problem": 22347, - "▁Abs": 22348, - "logs": 22349, - "▁../": 22350, - "▁ADC": 22351, - "▁}}\">\n": 22352, - ">');\n": 22353, - "=b": 22354, - "▁Wind": 22355, - "lahoma": 22356, - "▁allocate": 22357, - "orian": 22358, - "▁prescription": 22359, - "-quality": 22360, - "▁Mayor": 22361, - "855": 22362, - "inely": 22363, - "endforeach": 22364, - "▁Complex": 22365, - "kom": 22366, - "709": 22367, - "TY": 22368, - "790": 22369, - "]].": 22370, - ".Style": 22371, - "_many": 22372, - "','$": 22373, - "▁barrier": 22374, - "▁Fetch": 22375, - "▁Marvel": 22376, - "▁resist": 22377, - "bidden": 22378, - "▁Runnable": 22379, - ":false": 22380, - "899": 22381, - "▁builds": 22382, - "▁Stage": 22383, - "▁dub": 22384, - "empo": 22385, - ".site": 22386, - "558": 22387, - ";\n\n\n\n": 22388, - "994": 22389, - "▁Denver": 22390, - "▁revel": 22391, - "▁triggered": 22392, - "▁dice": 22393, - "_fail": 22394, - "▁gc": 22395, - "833": 22396, - "589": 22397, - "\tX": 22398, - "▁Throwable": 22399, - "775": 22400, - ".router": 22401, - "▁Revolution": 22402, - "_NON": 22403, - "055": 22404, - "578": 22405, - "▁elder": 22406, - "▁abroad": 22407, - "▁Adult": 22408, - "blr": 22409, - "glyphicon": 22410, - "613": 22411, - "▁promoting": 22412, - "▁iz": 22413, - "▁Solid": 22414, - "645": 22415, - "_loader": 22416, - "early": 22417, - ".enabled": 22418, - "-edit": 22419, - "▁UL": 22420, - "_play": 22421, - "▁Interrupt": 22422, - "▁advantages": 22423, - "ucle": 22424, - "▁mechanical": 22425, - ".tableLayoutPanel": 22426, - "▁Working": 22427, - "▁anonymous": 22428, - "Rating": 22429, - "igious": 22430, - "_phone": 22431, - ".addActionListener": 22432, - "▁fran": 22433, - "unden": 22434, - "▁*)&": 22435, - "_bool": 22436, - "ulative": 22437, - "▁cone": 22438, - "▁Mult": 22439, - "▁Forward": 22440, - "]):\n": 22441, - "▁convinced": 22442, - "acted": 22443, - "643": 22444, - "▁Configure": 22445, - "▁ceiling": 22446, - "Der": 22447, - "▁passengers": 22448, - "Groups": 22449, - "▁soccer": 22450, - "/W": 22451, - "aviors": 22452, - "swith": 22453, - "▁Zone": 22454, - ".Options": 22455, - "▁Mom": 22456, - "ieder": 22457, - "Arrays": 22458, - "▁treatments": 22459, - "▁protecting": 22460, - "fac": 22461, - "▁pickle": 22462, - "ButtonItem": 22463, - "713": 22464, - "▁blocking": 22465, - "strar": 22466, - "▁Export": 22467, - "▁threw": 22468, - "otta": 22469, - "▁BASE": 22470, - ".ws": 22471, - ".LEADING": 22472, - "orderBy": 22473, - "_delay": 22474, - "▁Pu": 22475, - ".dll": 22476, - "▁Choose": 22477, - "992": 22478, - "Police": 22479, - "▁BEGIN": 22480, - "boxes": 22481, - "▁diamond": 22482, - ",l": 22483, - "▁\t\t\t": 22484, - "▁curious": 22485, - "624": 22486, - "tv": 22487, - "▁erotische": 22488, - "ackages": 22489, - "\tSet": 22490, - "Tick": 22491, - ".border": 22492, - "staticmethod": 22493, - "▁cher": 22494, - "invoice": 22495, - "▁cru": 22496, - "▁defect": 22497, - "_metadata": 22498, - "relation": 22499, - "ikan": 22500, - "[N": 22501, - "(Qt": 22502, - "(Base": 22503, - "beat": 22504, - "▁Empty": 22505, - "\to": 22506, - "_shift": 22507, - "▁regret": 22508, - "722": 22509, - "Those": 22510, - "Cent": 22511, - "▁Portug": 22512, - "▁Islands": 22513, - "▁TIME": 22514, - "Management": 22515, - "996": 22516, - "-sp": 22517, - "539": 22518, - "▁notion": 22519, - "unifu": 22520, - "PK": 22521, - "826": 22522, - "▁CURLOPT": 22523, - "\\\"\\": 22524, - "UV": 22525, - "dra": 22526, - "cou": 22527, - "=`": 22528, - "▁Destroy": 22529, - "rp": 22530, - ".cancel": 22531, - "GG": 22532, - "runtime": 22533, - "▁Vue": 22534, - "▁progressive": 22535, - "/services": 22536, - "▁runner": 22537, - "_FRAME": 22538, - ".ToolStripMenuItem": 22539, - "▁','": 22540, - "delay": 22541, - "=utf": 22542, - "▁screening": 22543, - "▁pulling": 22544, - "omas": 22545, - "▁anth": 22546, - "-new": 22547, - "/local": 22548, - "▁iPad": 22549, - "▁twitter": 22550, - "▁dying": 22551, - "▁heaven": 22552, - "▁UInt": 22553, - "▁Senator": 22554, - "▁presum": 22555, - "▁Walker": 22556, - "▁overcome": 22557, - "etection": 22558, - "▁embarrass": 22559, - "China": 22560, - "639": 22561, - "Include": 22562, - "ROLL": 22563, - "▁dataType": 22564, - "David": 22565, - "lop": 22566, - "-month": 22567, - "▁scar": 22568, - "▁Safe": 22569, - "▁****************************************************************": 22570, - "▁accessories": 22571, - "▁ramp": 22572, - "_USE": 22573, - "▁contrad": 22574, - "))]\n": 22575, - "▁prest": 22576, - "▁HR": 22577, - "▁Rap": 22578, - "▁usize": 22579, - "▁capability": 22580, - "▁cort": 22581, - "-next": 22582, - "077": 22583, - "627": 22584, - "▁burden": 22585, - "822": 22586, - "_reader": 22587, - "▁@@": 22588, - "regular": 22589, - "▁Ka": 22590, - "036": 22591, - "MAN": 22592, - "▁astr": 22593, - "▁'')\n": 22594, - "▁fed": 22595, - "▁parsing": 22596, - "▁Years": 22597, - "▁broker": 22598, - "\":{\"": 22599, - "▁akt": 22600, - "Inventory": 22601, - "abeled": 22602, - "▁argparse": 22603, - "*******\n": 22604, - "versation": 22605, - "▁cord": 22606, - "▁Ti": 22607, - "▁hopefully": 22608, - "▁ah": 22609, - "verb": 22610, - "▁stolen": 22611, - ".Entry": 22612, - "▁expecting": 22613, - "Orientation": 22614, - "▁powered": 22615, - "▁persist": 22616, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 22617, - "']);": 22618, - "')),\n": 22619, - "▁Cash": 22620, - "\titem": 22621, - "818": 22622, - "grades": 22623, - "ropol": 22624, - "basic": 22625, - "▁\");\r\n": 22626, - "▁awards": 22627, - "(range": 22628, - "-all": 22629, - "▁IBOutlet": 22630, - "▁Indeed": 22631, - "----------------------------------------------------------------------------": 22632, - "▁stomach": 22633, - "▁flower": 22634, - "▁sew": 22635, - "_times": 22636, - "avis": 22637, - "QString": 22638, - "▁Routes": 22639, - "_prot": 22640, - "▁comedy": 22641, - "▁logout": 22642, - "▁wooden": 22643, - "▁poster": 22644, - "piece": 22645, - ".Join": 22646, - "▁Pok": 22647, - "celona": 22648, - "mutex": 22649, - ";\r\n\r\n\r\n": 22650, - "▁strikes": 22651, - "787": 22652, - "Loaded": 22653, - ")arg": 22654, - "esa": 22655, - "United": 22656, - "Ep": 22657, - "PELL": 22658, - "807": 22659, - "▁Atlantic": 22660, - "ullet": 22661, - "652": 22662, - "apple": 22663, - "▁settled": 22664, - "acon": 22665, - "▁printer": 22666, - "▁GC": 22667, - "▁rendered": 22668, - "heit": 22669, - "social": 22670, - ".ge": 22671, - "714": 22672, - "▁Rick": 22673, - "▁Utah": 22674, - "got": 22675, - "onical": 22676, - "▁Scroll": 22677, - "▁Sciences": 22678, - "▁jug": 22679, - "▁ampl": 22680, - "enti": 22681, - "LEFT": 22682, - "▁tabs": 22683, - "▁enormous": 22684, - ".getKey": 22685, - "locate": 22686, - ".EX": 22687, - ".storage": 22688, - ".We": 22689, - "▁toast": 22690, - "▁Additionally": 22691, - "882": 22692, - "▁NOW": 22693, - "547": 22694, - "_UPDATE": 22695, - "▁transferred": 22696, - "tha": 22697, - ".Display": 22698, - "_ui": 22699, - "IDEO": 22700, - "▁meaningful": 22701, - "▁Moscow": 22702, - ",this": 22703, - "▁Victoria": 22704, - ".stack": 22705, - "▁Barn": 22706, - "paredStatement": 22707, - ":string": 22708, - "▁bij": 22709, - "▁STATE": 22710, - "▁employers": 22711, - "\tinput": 22712, - "(|": 22713, - "▁lex": 22714, - "invoke": 22715, - "\tnum": 22716, - "++,": 22717, - "atial": 22718, - "orses": 22719, - "▁fork": 22720, - "_txt": 22721, - "▁Antonio": 22722, - "▁(<": 22723, - "averse": 22724, - "▁devast": 22725, - ".Dec": 22726, - "▁Gard": 22727, - "/ui": 22728, - ".%": 22729, - "tri": 22730, - "▁rolled": 22731, - "ValuePair": 22732, - "itten": 22733, - "▁Ther": 22734, - "▁vrou": 22735, - "▁Flow": 22736, - "▁Finance": 22737, - "▁Comb": 22738, - "HC": 22739, - ".setVisible": 22740, - "isl": 22741, - "▁pk": 22742, - "773": 22743, - "▁upset": 22744, - "(raw": 22745, - "▁Vice": 22746, - "eatures": 22747, - "▁Lang": 22748, - "029": 22749, - "Looking": 22750, - "767": 22751, - "▁AST": 22752, - "▁trips": 22753, - "▁Justin": 22754, - "browser": 22755, - "=\"'.$": 22756, - ".vertices": 22757, - "821": 22758, - "-co": 22759, - "}/{": 22760, - "▁?,": 22761, - "▁Domin": 22762, - "▁Belg": 22763, - "\"<": 22764, - "▁suppose": 22765, - "addy": 22766, - "▁walks": 22767, - "688": 22768, - "ERRU": 22769, - "_filters": 22770, - "Preferred": 22771, - "scene": 22772, - "▁Affairs": 22773, - "▁\"#{": 22774, - "▁onSubmit": 22775, - "▁stocks": 22776, - "/view": 22777, - "gree": 22778, - "-get": 22779, - "903": 22780, - "hit": 22781, - "Jo": 22782, - ".getC": 22783, - "725": 22784, - "Initialized": 22785, - "cuts": 22786, - "(Type": 22787, - "▁Agreement": 22788, - "▁Vietnam": 22789, - "▁/*!": 22790, - "▁pizza": 22791, - "-view": 22792, - "_em": 22793, - "▁lhs": 22794, - "▁muy": 22795, - "▁Ident": 22796, - "▁Friends": 22797, - "061": 22798, - "▁abund": 22799, - "_AD": 22800, - ".timestamp": 22801, - "-'": 22802, - "▁duplicate": 22803, - "▁hunting": 22804, - "▁regulatory": 22805, - "iao": 22806, - "amous": 22807, - "▁Entertainment": 22808, - "[A": 22809, - "iatric": 22810, - "_CLIENT": 22811, - "▁Kids": 22812, - "/pkg": 22813, - "Break": 22814, - ")));\n\n": 22815, - "▁Shape": 22816, - "▁relating": 22817, - "Interrupt": 22818, - "ableOpacity": 22819, - "embre": 22820, - "▁mystery": 22821, - "▁journalists": 22822, - "ritable": 22823, - ".Link": 22824, - "▁stopping": 22825, - "CRET": 22826, - ".DB": 22827, - "▁popularity": 22828, - "▁gew": 22829, - "▁impr": 22830, - "setValue": 22831, - "FLAG": 22832, - "\tmax": 22833, - "▁bake": 22834, - "wy": 22835, - "▁Economic": 22836, - "▁encontr": 22837, - "▁fname": 22838, - "/de": 22839, - "Rank": 22840, - "▁bugs": 22841, - ".sm": 22842, - "▁median": 22843, - "DOWN": 22844, - "▁Sure": 22845, - "AtIndex": 22846, - "▁Dick": 22847, - "▁(__": 22848, - ".delta": 22849, - "Fr": 22850, - "▁suggesting": 22851, - "▁RecyclerView": 22852, - ",e": 22853, - "START": 22854, - "/****************************************************************************": 22855, - "xford": 22856, - "▁receipt": 22857, - "CLAIM": 22858, - "readonly": 22859, - "968": 22860, - "▁engaging": 22861, - "619": 22862, - "Ca": 22863, - "asma": 22864, - "▁ensuring": 22865, - "English": 22866, - "▁Vancouver": 22867, - "hyth": 22868, - "▁purchasing": 22869, - "▁PI": 22870, - ".word": 22871, - "(sp": 22872, - ".home": 22873, - ":def": 22874, - "▁gig": 22875, - "574": 22876, - "671": 22877, - "▁Ve": 22878, - "forum": 22879, - "▁Mitch": 22880, - "Bay": 22881, - "_FL": 22882, - "651": 22883, - "▁soll": 22884, - "577": 22885, - "_columns": 22886, - "▁minority": 22887, - "bird": 22888, - "▁handed": 22889, - "SSL": 22890, - "STAT": 22891, - "▁nervous": 22892, - "▁filePath": 22893, - "CREATE": 22894, - "Aw": 22895, - "▁pens": 22896, - "835": 22897, - "seed": 22898, - "▁Compute": 22899, - "olk": 22900, - "594": 22901, - "▁Asset": 22902, - "reach": 22903, - "'),\r\n": 22904, - "navigation": 22905, - "LF": 22906, - "/util": 22907, - "▁Pub": 22908, - "cion": 22909, - "##\n": 22910, - "072": 22911, - "III": 22912, - "TagName": 22913, - "▁amid": 22914, - "permission": 22915, - "ifiable": 22916, - "xFFFFFFFF": 22917, - ".Buffer": 22918, - "_irq": 22919, - "dark": 22920, - "▁retval": 22921, - ".fire": 22922, - "production": 22923, - ".listen": 22924, - "▁Weather": 22925, - "▁buyers": 22926, - ".ne": 22927, - "erp": 22928, - "▁Pent": 22929, - "699": 22930, - "▁welfare": 22931, - "▁pageSize": 22932, - "▁Stadium": 22933, - "erta": 22934, - "▁lev": 22935, - "ampa": 22936, - "Pager": 22937, - "665": 22938, - "▁charging": 22939, - "▁Netflix": 22940, - "|null": 22941, - "_random": 22942, - ".xpath": 22943, - "▁stere": 22944, - "▁ISIS": 22945, - "ponses": 22946, - "(loc": 22947, - "566": 22948, - "eyond": 22949, - "▁Official": 22950, - "657": 22951, - "▁Maryland": 22952, - "DataType": 22953, - "_par": 22954, - "{},": 22955, - "▁Enjoy": 22956, - "727": 22957, - "_SHIFT": 22958, - "▁Awards": 22959, - "_ENTRY": 22960, - "▁seemingly": 22961, - "enticate": 22962, - "▁hearts": 22963, - "583": 22964, - "_;\n\n": 22965, - "▁HIV": 22966, - "▁individ": 22967, - "▁Flag": 22968, - "_ctrl": 22969, - "▁Callback": 22970, - ",z": 22971, - "▁GPU": 22972, - "\tobj": 22973, - "▁Phoenix": 22974, - "▁BUS": 22975, - "907": 22976, - "▁rubber": 22977, - "_AUTH": 22978, - "▁Solutions": 22979, - "(location": 22980, - "Variables": 22981, - ".setEnabled": 22982, - "_high": 22983, - "WO": 22984, - "Gesture": 22985, - "▁retry": 22986, - "▁objectForKey": 22987, - "alloween": 22988, - "▁mos": 22989, - "▁Cele": 22990, - "▁ikke": 22991, - "(cell": 22992, - "▁MODE": 22993, - "rena": 22994, - "▁describing": 22995, - "641": 22996, - "▁phi": 22997, - "▁rd": 22998, - "▁deserve": 22999, - "▁wheels": 23000, - "▁critics": 23001, - "755": 23002, - "Namespace": 23003, - "▁Fra": 23004, - "▁\n\n\n\n": 23005, - "▁alla": 23006, - "▁requiring": 23007, - "utation": 23008, - "▁delayed": 23009, - "▁administrative": 23010, - "▁bay": 23011, - ".hidden": 23012, - "Tex": 23013, - "051": 23014, - "▁boundaries": 23015, - "▁]);\n\n": 23016, - "▁Following": 23017, - "~/": 23018, - "Fi": 23019, - "_conv": 23020, - "_TITLE": 23021, - "▁desde": 23022, - "ICollectionView": 23023, - "Alias": 23024, - "▁bite": 23025, - "patient": 23026, - "_COMMAND": 23027, - "Completed": 23028, - "\telif": 23029, - "(<": 23030, - "Business": 23031, - "▁Pool": 23032, - "▁pursue": 23033, - "▁Ban": 23034, - "_steps": 23035, - "_DECL": 23036, - "umble": 23037, - "▁combo": 23038, - "▁Layer": 23039, - ".xr": 23040, - "▁dup": 23041, - "---------": 23042, - "628": 23043, - "▁modifier": 23044, - "rob": 23045, - "rez": 23046, - "696": 23047, - "▁athletes": 23048, - "Used": 23049, - "wear": 23050, - "815": 23051, - "▁legitimate": 23052, - "▁\"\n\n": 23053, - "▁hv": 23054, - "Std": 23055, - "037": 23056, - "▁Hold": 23057, - "▁surviv": 23058, - "▁Alliance": 23059, - "▁Early": 23060, - "778": 23061, - "Behavior": 23062, - "(font": 23063, - "/libs": 23064, - "▁rectangle": 23065, - "▁singer": 23066, - "▁amp": 23067, - "EqualTo": 23068, - "▁\".\"": 23069, - "▁girlfriend": 23070, - "linear": 23071, - "observ": 23072, - "▁complement": 23073, - "WithValue": 23074, - "(password": 23075, - "take": 23076, - "Blank": 23077, - "▁Compar": 23078, - "'\",": 23079, - "_policy": 23080, - "mongoose": 23081, - "_FAILED": 23082, - ".report": 23083, - "Ratio": 23084, - ".PerformLayout": 23085, - "747": 23086, - "usable": 23087, - "mers": 23088, - "_render": 23089, - "PEED": 23090, - "772": 23091, - "▁lesb": 23092, - "\tE": 23093, - "_tool": 23094, - "▁ladies": 23095, - "908": 23096, - "))))\n": 23097, - ";;;;": 23098, - ".dot": 23099, - "▁nest": 23100, - "peak": 23101, - "ukkit": 23102, - "eca": 23103, - "_SW": 23104, - "▁&(": 23105, - "▁Oklahoma": 23106, - "▁banking": 23107, - "569": 23108, - "▁Nintendo": 23109, - "752": 23110, - "▁reproduce": 23111, - "_elements": 23112, - "_mac": 23113, - "proxy": 23114, - "▁remarkable": 23115, - "}/${": 23116, - "▁outs": 23117, - ".hasNext": 23118, - "MODE": 23119, - "658": 23120, - "▁anime": 23121, - ".conn": 23122, - "Unique": 23123, - "Dom": 23124, - "▁importantly": 23125, - "itty": 23126, - "▁juice": 23127, - "Tw": 23128, - "▁Partners": 23129, - "▁attacking": 23130, - "▁portable": 23131, - "amiento": 23132, - ".PictureBox": 23133, - ".gen": 23134, - "▁optimal": 23135, - "582": 23136, - "▁recre": 23137, - "▁journalist": 23138, - "▁Extract": 23139, - "▁Moreover": 23140, - "▁marginTop": 23141, - ".Ap": 23142, - "▁firing": 23143, - "NaN": 23144, - "\ttemplate": 23145, - ".En": 23146, - "▁defence": 23147, - "▁Tel": 23148, - "ilen": 23149, - "jan": 23150, - "=data": 23151, - "▁Url": 23152, - "▁Reuters": 23153, - "(total": 23154, - "▁Fifth": 23155, - "▁essays": 23156, - "▁interpretation": 23157, - "▁charity": 23158, - "▁Rules": 23159, - "▁subsection": 23160, - "styled": 23161, - "azer": 23162, - "lags": 23163, - "LIST": 23164, - "▁uploaded": 23165, - "▁trash": 23166, - "▁registr": 23167, - "▁seller": 23168, - ">';\r\n": 23169, - "▁startTime": 23170, - "sy": 23171, - "(HttpServletRequest": 23172, - "▁trap": 23173, - "GC": 23174, - "▁embedded": 23175, - "▁surrounded": 23176, - "816": 23177, - "imits": 23178, - "TX": 23179, - "ylinder": 23180, - "685": 23181, - "▁Fal": 23182, - "▁sentences": 23183, - "▁Ja": 23184, - "IFICATION": 23185, - "weapon": 23186, - "ovation": 23187, - "▁coat": 23188, - "▁interpol": 23189, - "▁lips": 23190, - "▁Ky": 23191, - "▁vectors": 23192, - "_am": 23193, - "▁intake": 23194, - ".world": 23195, - "▁inbox": 23196, - "▁MAC": 23197, - "_ab": 23198, - "(nameof": 23199, - "633": 23200, - "▁entert": 23201, - "▁gathering": 23202, - "▁SIM": 23203, - "++.": 23204, - "nya": 23205, - "'}}": 23206, - "▁UPDATE": 23207, - "▁pac": 23208, - "(html": 23209, - "▁Sant": 23210, - "iating": 23211, - "▁Ideas": 23212, - "▁spray": 23213, - "▁Hart": 23214, - "▁verification": 23215, - "adesh": 23216, - "/modules": 23217, - "▁Mind": 23218, - "▁SizedBox": 23219, - "▁shelter": 23220, - "▁heroes": 23221, - "atty": 23222, - "▁certified": 23223, - "sj": 23224, - "▁publishing": 23225, - "▁Malays": 23226, - ".getUser": 23227, - "▁Provider": 23228, - "▁LinkedList": 23229, - "▁Bor": 23230, - "ROUND": 23231, - "did": 23232, - "tain": 23233, - "pire": 23234, - "▁Jenn": 23235, - "tel": 23236, - "ande": 23237, - "757": 23238, - "_front": 23239, - "▁McG": 23240, - "TestMethod": 23241, - "▁occasionally": 23242, - "▁Wales": 23243, - "▁exercises": 23244, - "045": 23245, - "-plus": 23246, - "▁validator": 23247, - "▁prayer": 23248, - "LATED": 23249, - "_author": 23250, - "▁labour": 23251, - "++\n": 23252, - "-equiv": 23253, - "▁GPL": 23254, - "▁facebook": 23255, - "simple": 23256, - "gly": 23257, - "Processor": 23258, - "ipy": 23259, - "744": 23260, - "▁*>": 23261, - "648": 23262, - "▁cleared": 23263, - "▁Push": 23264, - "858": 23265, - "▁penis": 23266, - "Structure": 23267, - "lij": 23268, - "▁Morgan": 23269, - "▁handful": 23270, - "\".\n": 23271, - "984": 23272, - "|\\": 23273, - "▁********************************": 23274, - "▁Aqu": 23275, - "584": 23276, - "_IC": 23277, - ".loads": 23278, - "▁meter": 23279, - "▁Marine": 23280, - "::{": 23281, - "▁TS": 23282, - "776": 23283, - "▁Arrays": 23284, - ".Title": 23285, - "GRAM": 23286, - "termin": 23287, - "▁coinc": 23288, - "Else": 23289, - "_states": 23290, - "-run": 23291, - "members": 23292, - "782": 23293, - "astro": 23294, - "066": 23295, - "▁onPress": 23296, - "▁beings": 23297, - "▁abandoned": 23298, - "▁taxp": 23299, - "owners": 23300, - ".mode": 23301, - "▁diagnosis": 23302, - "▁_\n": 23303, - "▁Knight": 23304, - "\tA": 23305, - "▁observe": 23306, - "),'": 23307, - "823": 23308, - "!\")\n": 23309, - "▁Para": 23310, - "▁variation": 23311, - "(False": 23312, - "▁Anti": 23313, - "▁gri": 23314, - "▁homeless": 23315, - "?v": 23316, - "▁bez": 23317, - ".Server": 23318, - "release": 23319, - "▁Patri": 23320, - "▁chars": 23321, - "▁ranking": 23322, - "activation": 23323, - "581": 23324, - "▁wides": 23325, - "qr": 23326, - ".Sql": 23327, - "acular": 23328, - "▁Bot": 23329, - "_sync": 23330, - "▁happiness": 23331, - "▁volunteers": 23332, - "877": 23333, - "▁sits": 23334, - "/<": 23335, - "[e": 23336, - "(fileName": 23337, - "▁capac": 23338, - "832": 23339, - "▁Maria": 23340, - "father": 23341, - "▁gram": 23342, - "*i": 23343, - "▁caso": 23344, - "_draw": 23345, - "▁Raw": 23346, - "▁Iterator": 23347, - "664": 23348, - "▁Padding": 23349, - "924": 23350, - "PD": 23351, - "BOX": 23352, - "▁SPECIAL": 23353, - "▁fecha": 23354, - "▁vide": 23355, - "▁Leader": 23356, - "$(\".": 23357, - "▁diameter": 23358, - "▁mild": 23359, - "745": 23360, - "▁rocks": 23361, - "appings": 23362, - "048": 23363, - "directory": 23364, - "557": 23365, - ".flush": 23366, - "▁Jess": 23367, - "UNIT": 23368, - "▁Pear": 23369, - "▁mandatory": 23370, - "Sur": 23371, - "qt": 23372, - "▁streams": 23373, - "▁cooperation": 23374, - "▁Sac": 23375, - "▁cheaper": 23376, - "\tch": 23377, - "animation": 23378, - "fare": 23379, - "(height": 23380, - "(True": 23381, - "NY": 23382, - "▁wrest": 23383, - "▁polls": 23384, - "▁encountered": 23385, - "▁Marketable": 23386, - "_PASSWORD": 23387, - "716": 23388, - "_SELECT": 23389, - "▁Arabia": 23390, - "_clock": 23391, - "▁voy": 23392, - "▁stir": 23393, - "isible": 23394, - "-effect": 23395, - ".created": 23396, - "▁toys": 23397, - "▁Tradable": 23398, - "▁rust": 23399, - "▁strcpy": 23400, - "_timestamp": 23401, - "▁talented": 23402, - ",null": 23403, - "▁Jobs": 23404, - "▁Portland": 23405, - "▁weakness": 23406, - "Throw": 23407, - "▁Angel": 23408, - "754": 23409, - "▁uncert": 23410, - "Which": 23411, - "▁[-]:": 23412, - "Something": 23413, - "▁convicted": 23414, - "kle": 23415, - "edium": 23416, - "▁branches": 23417, - "▁bases": 23418, - "▁complexity": 23419, - "▁Fig": 23420, - ".reshape": 23421, - "$db": 23422, - "736": 23423, - "_CONST": 23424, - "▁Tes": 23425, - ".runtime": 23426, - "▁deny": 23427, - "▁BSD": 23428, - "▁kr": 23429, - "hatt": 23430, - "▁Static": 23431, - "▁universities": 23432, - "Replace": 23433, - "▁drove": 23434, - "▁adoles": 23435, - "_plugin": 23436, - "▁LGBT": 23437, - "▁tex": 23438, - "duction": 23439, - "751": 23440, - "799": 23441, - "EDI": 23442, - "▁Ted": 23443, - "_URI": 23444, - "▁reception": 23445, - "arten": 23446, - ".Single": 23447, - "rice": 23448, - "scious": 23449, - "843": 23450, - "_bg": 23451, - "▁wages": 23452, - "▁Servlet": 23453, - "UILayout": 23454, - "▁formatted": 23455, - ".Mod": 23456, - "',\n": 23503, - "▁expanding": 23504, - "▁Hamilton": 23505, - "▁Contrib": 23506, - ".Tables": 23507, - "728": 23508, - "Activ": 23509, - "HH": 23510, - "ocommerce": 23511, - "_;": 23512, - "▁amongst": 23513, - "owing": 23514, - "859": 23515, - "▁Cold": 23516, - "APH": 23517, - "▁psychological": 23518, - "_tensor": 23519, - "▁packaging": 23520, - "▁Sweden": 23521, - "▁pare": 23522, - "▁aggregate": 23523, - "▁moderate": 23524, - "862": 23525, - "_hand": 23526, - "▁designated": 23527, - "▁drum": 23528, - "▁getUser": 23529, - "▁Creek": 23530, - "_scope": 23531, - "▁Transfer": 23532, - "▁Marg": 23533, - "▁fighters": 23534, - "Wnd": 23535, - "▁Sel": 23536, - "▁Launch": 23537, - "▁emerging": 23538, - "iframe": 23539, - "▁Additional": 23540, - "▁fears": 23541, - "▁satellite": 23542, - "_:": 23543, - "▁disposing": 23544, - "GetValue": 23545, - "HttpPost": 23546, - "ATIVE": 23547, - "ulary": 23548, - "Views": 23549, - "▁attending": 23550, - "▁Tennessee": 23551, - "▁Mission": 23552, - "▁medication": 23553, - "▁Wy": 23554, - "▁Anna": 23555, - "▁Vertex": 23556, - ".types": 23557, - "Organ": 23558, - ".DataGridViewTextBoxColumn": 23559, - "▁RS": 23560, - "▁tempo": 23561, - "(App": 23562, - "892": 23563, - "VersionUID": 23564, - ".point": 23565, - "▁Dutch": 23566, - "Hours": 23567, - "LU": 23568, - "▁quoted": 23569, - ".builder": 23570, - "▁Perfect": 23571, - "▁Always": 23572, - "_two": 23573, - "▁exclusively": 23574, - "▁Cra": 23575, - "ificar": 23576, - "▁AWS": 23577, - "ingham": 23578, - "complex": 23579, - "kernel": 23580, - "▁gravity": 23581, - "▁wi": 23582, - "052": 23583, - "▁overview": 23584, - "661": 23585, - "▁Want": 23586, - "▁WP": 23587, - "(sh": 23588, - ".rotation": 23589, - "States": 23590, - "▁Teen": 23591, - "_components": 23592, - "Received": 23593, - "▁lyrics": 23594, - "rites": 23595, - "\t\t\t\t\t▁": 23596, - "-American": 23597, - "[num": 23598, - "/python": 23599, - "▁UART": 23600, - "▁apple": 23601, - "▁Jonathan": 23602, - "▁momentum": 23603, - "▁mich": 23604, - "andra": 23605, - "▁biological": 23606, - "▁Mens": 23607, - "▁%%": 23608, - "elsea": 23609, - "▁Mexican": 23610, - ".randint": 23611, - "▁tale": 23612, - "▁Validate": 23613, - "▁defeated": 23614, - ".htm": 23615, - "▁copper": 23616, - "=/": 23617, - "cosystem": 23618, - "▁rip": 23619, - "decimal": 23620, - ".VISIBLE": 23621, - "▁Ta": 23622, - "\t\t\t\t\t\t\t\t\t\t\t\t\t\t": 23623, - "▁downloaded": 23624, - "environment": 23625, - "▁nomine": 23626, - "building": 23627, - "▁Spot": 23628, - "ipheral": 23629, - "▁alto": 23630, - "quet": 23631, - "▁FT": 23632, - "/get": 23633, - "/master": 23634, - "WIN": 23635, - "676": 23636, - "West": 23637, - "argc": 23638, - "▁producers": 23639, - "▁Much": 23640, - "_storage": 23641, - "credit": 23642, - "CONT": 23643, - "▁vet": 23644, - "▁voices": 23645, - "('',": 23646, - "▁instruments": 23647, - "662": 23648, - "▁MSG": 23649, - "esse": 23650, - "repository": 23651, - "omics": 23652, - "▁dealer": 23653, - "Still": 23654, - "▁banner": 23655, - "ascii": 23656, - "▁remarks": 23657, - "[js": 23658, - "▁shorter": 23659, - "gulp": 23660, - "▁myster": 23661, - "▁kun": 23662, - "▁Bird": 23663, - "▁tiene": 23664, - "788": 23665, - "nut": 23666, - "▁Um": 23667, - "▁wise": 23668, - "Yeah": 23669, - "INESS": 23670, - "046": 23671, - "_begin": 23672, - "-heading": 23673, - "Course": 23674, - "▁\r\n\r\n": 23675, - "ombie": 23676, - "graded": 23677, - "▁GPS": 23678, - "Fit": 23679, - "caption": 23680, - "/image": 23681, - "lia": 23682, - "(mod": 23683, - "▁leak": 23684, - "enza": 23685, - "629": 23686, - "/H": 23687, - "▁Happy": 23688, - "993": 23689, - "Dist": 23690, - "nx": 23691, - "▁Governor": 23692, - "(last": 23693, - "teacher": 23694, - "▁Sent": 23695, - "support": 23696, - "838": 23697, - "jectory": 23698, - "Registration": 23699, - "063": 23700, - "▁Gray": 23701, - ",false": 23702, - "▁adjusted": 23703, - "(settings": 23704, - "'\n": 23768, - "-fold": 23769, - "▁Better": 23770, - "▁\"\\<": 23771, - "spacing": 23772, - "▁furnished": 23773, - "913": 23774, - "oser": 23775, - "]}\n": 23776, - "▁$\"": 23777, - "pull": 23778, - ".Post": 23779, - "919": 23780, - "(ip": 23781, - ".front": 23782, - "nte": 23783, - "▁FM": 23784, - "guid": 23785, - "844": 23786, - "▁negotiations": 23787, - "agonal": 23788, - "934": 23789, - "▁tremend": 23790, - "ungeon": 23791, - "Adv": 23792, - "carousel": 23793, - "_DESC": 23794, - "▁hammer": 23795, - "▁▁▁▁▁▁▁▁\n\n": 23796, - "-core": 23797, - "-service": 23798, - "▁corners": 23799, - "▁SF": 23800, - "pred": 23801, - ">A": 23802, - "▁JLabel": 23803, - "▁romantic": 23804, - "▁testimony": 23805, - "osc": 23806, - "▁Generation": 23807, - "asures": 23808, - "_internal": 23809, - "▁prints": 23810, - "▁])\n": 23811, - "▁Cleveland": 23812, - "repo": 23813, - "Disc": 23814, - "677": 23815, - "762": 23816, - "▁\">\n": 23817, - "▁nearest": 23818, - "591": 23819, - "_tb": 23820, - "(require": 23821, - "EOF": 23822, - "-child": 23823, - "▁budd": 23824, - ".XtraEditors": 23825, - "alties": 23826, - "723": 23827, - "\\\":\\\"": 23828, - "Words": 23829, - "917": 23830, - "▁locally": 23831, - "▁purchases": 23832, - "695": 23833, - "Drawer": 23834, - "extract": 23835, - "▁execut": 23836, - "}'.": 23837, - "userdata": 23838, - "▁focuses": 23839, - "-minute": 23840, - "764": 23841, - "▁Publish": 23842, - "ogo": 23843, - "▁mountains": 23844, - "Bot": 23845, - "}>{": 23846, - "▁tension": 23847, - "rod": 23848, - "mesh": 23849, - "▁transformed": 23850, - ",R": 23851, - "()}\n": 23852, - ".long": 23853, - "▁gorgeous": 23854, - "▁Schedule": 23855, - "▁oldest": 23856, - "▁subprocess": 23857, - "(IN": 23858, - "yect": 23859, - "▁Cooper": 23860, - "arness": 23861, - "▁Monitor": 23862, - ".part": 23863, - "972": 23864, - "▁NBC": 23865, - "668": 23866, - "▁cotton": 23867, - "▁hol": 23868, - "726": 23869, - "▁rgba": 23870, - "▁Bio": 23871, - "Continue": 23872, - "Pod": 23873, - "▁participating": 23874, - "clusions": 23875, - "(ByVal": 23876, - "734": 23877, - "▁HOW": 23878, - "_setopt": 23879, - "▁accompanying": 23880, - "091": 23881, - "aton": 23882, - "▁/\\": 23883, - "▁Authentication": 23884, - "▁Barack": 23885, - "/*.": 23886, - "▁eager": 23887, - "▁Cancel": 23888, - "$": 23938, - "OLEAN": 23939, - "OKIE": 23940, - "IBILITY": 23941, - "UAGE": 23942, - "▁Survey": 23943, - "071": 23944, - "▁resign": 23945, - "wing": 23946, - "▁secrets": 23947, - "▁chips": 23948, - "JSONObject": 23949, - "Desktop": 23950, - "596": 23951, - "_SYMBOL": 23952, - "(resource": 23953, - "▁\n": 23954, - "▁newest": 23955, - "uli": 23956, - "▁desert": 23957, - "▁dip": 23958, - "▁Pow": 23959, - "▁equation": 23960, - "▁possibilities": 23961, - "▁Fed": 23962, - "osph": 23963, - "▁[%": 23964, - "▁bubble": 23965, - "etherlands": 23966, - "793": 23967, - "▁cement": 23968, - ".auto": 23969, - "_AN": 23970, - "selection": 23971, - "▁Bond": 23972, - "988": 23973, - "Den": 23974, - "-O": 23975, - ".getType": 23976, - "896": 23977, - ".Window": 23978, - "pres": 23979, - "▁swinger": 23980, - "\"})\n": 23981, - "▁pip": 23982, - "▁mice": 23983, - "▁compound": 23984, - "-plugin": 23985, - "iko": 23986, - "▁centuries": 23987, - "icular": 23988, - "-inline": 23989, - "\tkey": 23990, - ">\\<": 23991, - "ENSION": 23992, - "▁[\r\n": 23993, - "▁precisely": 23994, - "▁Past": 23995, - "▁Cambridge": 23996, - "-full": 23997, - "▁analyze": 23998, - "▁Steven": 23999, - "▁nem": 24000, - "due": 24001, - "oren": 24002, - "▁muscles": 24003, - "ijing": 24004, - "852": 24005, - "/-": 24006, - "▁Kennedy": 24007, - "597": 24008, - "RM": 24009, - "ossible": 24010, - "▁actress": 24011, - "▁dolor": 24012, - "914": 24013, - "Need": 24014, - ".toggle": 24015, - "▁Race": 24016, - "wers": 24017, - ".material": 24018, - "▁Due": 24019, - "▁Pel": 24020, - "#print": 24021, - "▁independence": 24022, - "exus": 24023, - "Shadow": 24024, - "▁encoder": 24025, - "(level": 24026, - "▁Swift": 24027, - ".doc": 24028, - "_selection": 24029, - "952": 24030, - "▁serialVersionUID": 24031, - "945": 24032, - "Labels": 24033, - "▁performances": 24034, - ".Tag": 24035, - "▁NHL": 24036, - "izen": 24037, - "/UIKit": 24038, - "991": 24039, - "_CONTROL": 24040, - "▁earnings": 24041, - "975": 24042, - "▁Alt": 24043, - "_HANDLE": 24044, - "Ctx": 24045, - "▁persu": 24046, - "▁tran": 24047, - "_CHANNEL": 24048, - "▁satisfaction": 24049, - "▁GP": 24050, - "769": 24051, - "iox": 24052, - "mitt": 24053, - "lando": 24054, - "▁pig": 24055, - "inals": 24056, - "731": 24057, - "Surface": 24058, - "▁UUID": 24059, - "▁beneficial": 24060, - "▁sequences": 24061, - "\tmemset": 24062, - "▁magical": 24063, - "▁worn": 24064, - "ASC": 24065, - "popup": 24066, - "COMP": 24067, - "_before": 24068, - "eness": 24069, - "Ui": 24070, - "Les": 24071, - ".require": 24072, - ".Serializable": 24073, - "addGap": 24074, - "▁authorization": 24075, - "085": 24076, - ".pyplot": 24077, - "urray": 24078, - "latitude": 24079, - "845": 24080, - "frames": 24081, - "ajs": 24082, - "▁compass": 24083, - "▁observations": 24084, - "_sup": 24085, - ".environ": 24086, - "▁triple": 24087, - "▁Ruby": 24088, - "▁drain": 24089, - "_FILTER": 24090, - "San": 24091, - "UMP": 24092, - "NullException": 24093, - "▁Gab": 24094, - "owe": 24095, - "▁Turkish": 24096, - "_sequence": 24097, - "▁Grant": 24098, - "uela": 24099, - "▁wo": 24100, - "▁cube": 24101, - "iq": 24102, - "▁disorders": 24103, - "▁extraordinary": 24104, - "▁ctrl": 24105, - "▁Seq": 24106, - "entr": 24107, - "865": 24108, - "▁sanctions": 24109, - "949": 24110, - "utsch": 24111, - "Reports": 24112, - "▁inherit": 24113, - "Period": 24114, - "▁photography": 24115, - "▁Framework": 24116, - "▁specialist": 24117, - "▁?\n\n": 24118, - "_selected": 24119, - ".Player": 24120, - "▁allocation": 24121, - "(account": 24122, - "▁structural": 24123, - "vable": 24124, - "-offset": 24125, - ".AppCompatActivity": 24126, - ".AddWithValue": 24127, - "▁icons": 24128, - "▁shutdown": 24129, - "_low": 24130, - "▁Compare": 24131, - "▁Ce": 24132, - "=head": 24133, - "lam": 24134, - ".predict": 24135, - "_DEC": 24136, - "▁Sleep": 24137, - "▁Gratis": 24138, - "▁suggestion": 24139, - "▁DEL": 24140, - "caff": 24141, - "avirus": 24142, - "Nothing": 24143, - "▁widespread": 24144, - "▁mechanisms": 24145, - "▁textAlign": 24146, - "occup": 24147, - "▁Rail": 24148, - ":NS": 24149, - "▁fiber": 24150, - "▁mk": 24151, - "▁vintage": 24152, - "-long": 24153, - ".reduce": 24154, - ".Entities": 24155, - "(record": 24156, - "▁pleasant": 24157, - "FRING": 24158, - ".Cells": 24159, - "OTT": 24160, - "\telseif": 24161, - "649": 24162, - "724": 24163, - "_confirm": 24164, - "▁ViewGroup": 24165, - "sym": 24166, - "▁pray": 24167, - "▁suspected": 24168, - "Contains": 24169, - "983": 24170, - "▁borders": 24171, - "▁componentDid": 24172, - "ASSERT": 24173, - "▁infinite": 24174, - "-order": 24175, - "▁hello": 24176, - "▁Grade": 24177, - ".currentTimeMillis": 24178, - "apolis": 24179, - "zh": 24180, - "\tObject": 24181, - ":\\\\": 24182, - "HO": 24183, - "valuation": 24184, - "▁vocab": 24185, - "719": 24186, - "▁coupon": 24187, - "atabases": 24188, - ".GetType": 24189, - "Learn": 24190, - "792": 24191, - "]=\"": 24192, - "▁Gary": 24193, - "otive": 24194, - "▁ash": 24195, - "▁bib": 24196, - "XXXX": 24197, - "▁balanced": 24198, - "VALUE": 24199, - "▁Nat": 24200, - "_Ad": 24201, - "<": 24352, - "▁fool": 24353, - "▁esk": 24354, - ".Null": 24355, - "▁Dies": 24356, - "_OUTPUT": 24357, - "_TYPED": 24358, - "▁painted": 24359, - "673": 24360, - "735": 24361, - "▁sophistic": 24362, - "▁Bear": 24363, - "*n": 24364, - "_PACK": 24365, - "▁delivering": 24366, - "▁COUNT": 24367, - "▁jeg": 24368, - "-car": 24369, - "fname": 24370, - "▁ranging": 24371, - "848": 24372, - "▁Neg": 24373, - "/******/": 24374, - "▁CHAR": 24375, - "▁ultra": 24376, - "Grad": 24377, - "=t": 24378, - "▁judges": 24379, - "▁Dise": 24380, - "anners": 24381, - "985": 24382, - "891": 24383, - "861": 24384, - "▁scal": 24385, - "_cal": 24386, - "▁CONNECTION": 24387, - "_embed": 24388, - "(fn": 24389, - "▁Craft": 24390, - "047": 24391, - "▁Pas": 24392, - "\")->": 24393, - ".convert": 24394, - ".resource": 24395, - "▁STATUS": 24396, - "▁Tit": 24397, - "▁classroom": 24398, - "▁Architect": 24399, - "▁Kings": 24400, - "▁steady": 24401, - "/*!\n": 24402, - "▁Gene": 24403, - ")\";\n": 24404, - "icia": 24405, - "stan": 24406, - "▁Construction": 24407, - "umper": 24408, - "951": 24409, - "wc": 24410, - "▁CBS": 24411, - "inging": 24412, - "-party": 24413, - "(driver": 24414, - "MARK": 24415, - "082": 24416, - "▁nested": 24417, - "eward": 24418, - "▁dependency": 24419, - "▁males": 24420, - "928": 24421, - "▁ONE": 24422, - "▁Production": 24423, - "][$": 24424, - "_LOAD": 24425, - "▁Bol": 24426, - "elry": 24427, - "831": 24428, - "▁Require": 24429, - "▁placing": 24430, - "xxx": 24431, - "CALE": 24432, - "▁thumb": 24433, - "824": 24434, - "Choose": 24435, - "▁prototype": 24436, - "VOID": 24437, - "▁lesbian": 24438, - "741": 24439, - "▁traits": 24440, - "Sharp": 24441, - "▁consume": 24442, - "Truth": 24443, - "▁actionPerformed": 24444, - "▁Environmental": 24445, - "▁Dean": 24446, - "▁estado": 24447, - "same": 24448, - "▁numeric": 24449, - "▁transit": 24450, - ".Email": 24451, - "-side": 24452, - "_RUN": 24453, - "▁Village": 24454, - "_OPEN": 24455, - ".rem": 24456, - "-warning": 24457, - "anya": 24458, - "PropertyChanged": 24459, - "▁(!_": 24460, - "(check": 24461, - "ilia": 24462, - "▁Soft": 24463, - "steps": 24464, - "▁Madrid": 24465, - "MemoryWarning": 24466, - "▁handlers": 24467, - "▁experiencing": 24468, - "▁inspect": 24469, - "buttons": 24470, - "ReceiveMemoryWarning": 24471, - "chemy": 24472, - "Links": 24473, - "▁urllib": 24474, - ".SystemColors": 24475, - "▁Eigen": 24476, - "▁punishment": 24477, - ":UIControl": 24478, - "bara": 24479, - "-set": 24480, - "▁}\r\n\r\n\r\n": 24481, - "▁tolerance": 24482, - "▁interfaces": 24483, - ".redirect": 24484, - "ighbors": 24485, - "csrf": 24486, - "_background": 24487, - ".Utils": 24488, - "_HT": 24489, - "692": 24490, - "▁Interest": 24491, - "imos": 24492, - "▁grants": 24493, - "083": 24494, - "▁examined": 24495, - "▁cf": 24496, - "forge": 24497, - "backs": 24498, - "▁Objects": 24499, - "_sent": 24500, - ".entry": 24501, - "▁THEN": 24502, - "ellido": 24503, - "cia": 24504, - ",res": 24505, - "659": 24506, - "681": 24507, - "/stdc": 24508, - ".nd": 24509, - "(Int": 24510, - "▁Authors": 24511, - "▁AppCompatActivity": 24512, - "'{": 24513, - "▁medi": 24514, - "Music": 24515, - "igm": 24516, - "ceipt": 24517, - "▁auss": 24518, - "▁targeting": 24519, - "▁Keys": 24520, - "hn": 24521, - ":]\n": 24522, - "▁mineral": 24523, - ".ca": 24524, - "761": 24525, - "omed": 24526, - "▁sheets": 24527, - "▁camb": 24528, - "▁deadly": 24529, - ".inject": 24530, - "(unit": 24531, - "▁Selection": 24532, - ".gms": 24533, - "(connection": 24534, - "▁$(\"": 24535, - "▁Currently": 24536, - "pte": 24537, - "_paths": 24538, - "847": 24539, - "leaf": 24540, - "▁implications": 24541, - "posal": 24542, - "[/": 24543, - "ancia": 24544, - "mul": 24545, - "cie": 24546, - "▁geile": 24547, - "679": 24548, - "imals": 24549, - "UIView": 24550, - "▁surre": 24551, - "serialize": 24552, - "ISO": 24553, - "▁arbitrary": 24554, - "▁sockaddr": 24555, - ".fn": 24556, - "▁Merc": 24557, - "▁casting": 24558, - "KeyDown": 24559, - "▁newValue": 24560, - "opens": 24561, - "717": 24562, - "Todo": 24563, - "▁flexibility": 24564, - "\t\t\t\t▁▁": 24565, - "Velocity": 24566, - "rowing": 24567, - "▁computed": 24568, - "`)\n": 24569, - "statement": 24570, - "▁ri": 24571, - "_cart": 24572, - "Low": 24573, - "transfer": 24574, - ".nav": 24575, - "▁grave": 24576, - "▁Door": 24577, - "\talert": 24578, - "691": 24579, - "698": 24580, - ".subscribe": 24581, - "-profile": 24582, - "\tbase": 24583, - "__\n\n": 24584, - "▁engineers": 24585, - "▁explosion": 24586, - "▁dari": 24587, - "682": 24588, - "\tLog": 24589, - "onal": 24590, - "▁isolated": 24591, - "{i": 24592, - "▁Msg": 24593, - "Future": 24594, - "▁racist": 24595, - "-wrap": 24596, - "▁Vers": 24597, - "borg": 24598, - "ISION": 24599, - "▁Yan": 24600, - "836": 24601, - "initWith": 24602, - "▁nomin": 24603, - "(empty": 24604, - "\twidth": 24605, - "▁chamber": 24606, - "/ajax": 24607, - "EMP": 24608, - "093": 24609, - "▁neces": 24610, - "ivos": 24611, - "logic": 24612, - "*)&": 24613, - "cripts": 24614, - "976": 24615, - "RowAt": 24616, - "053": 24617, - "iblings": 24618, - "▁ears": 24619, - "▁computing": 24620, - "▁maker": 24621, - "▁Neither": 24622, - "breadcrumb": 24623, - "▁serialize": 24624, - "▁Within": 24625, - "▁dell": 24626, - "_TRACE": 24627, - "092": 24628, - "=a": 24629, - "▁wishes": 24630, - "-inch": 24631, - "▁Dor": 24632, - "▁innocent": 24633, - "▁Dol": 24634, - "▁intens": 24635, - "forced": 24636, - "054": 24637, - "▁BIT": 24638, - "▁photographs": 24639, - "▁casa": 24640, - "▁Len": 24641, - "\\Framework": 24642, - ".Simple": 24643, - "▁dear": 24644, - "895": 24645, - ")/(": 24646, - "ippi": 24647, - "▁owns": 24648, - "Players": 24649, - "▁proposals": 24650, - ".pi": 24651, - "usalem": 24652, - "Damage": 24653, - "▁calories": 24654, - "▁Creative": 24655, - "▁[$": 24656, - "▁//\r\n": 24657, - "786": 24658, - "AndView": 24659, - ".custom": 24660, - "_factory": 24661, - "commands": 24662, - "_look": 24663, - "▁strcmp": 24664, - "YN": 24665, - "aired": 24666, - "▁audit": 24667, - "▁Reverse": 24668, - "ropriate": 24669, - "etics": 24670, - "';\n": 24748, - "▁pepper": 24749, - "989": 24750, - "▁shed": 24751, - "▁Medium": 24752, - "▁Cookie": 24753, - "889": 24754, - "▁overseas": 24755, - "edor": 24756, - "asurement": 24757, - "766": 24758, - "▁'.'": 24759, - "▁php": 24760, - "▁PROC": 24761, - "▁exceptional": 24762, - "(th": 24763, - "▁Jet": 24764, - "▁occupied": 24765, - ".setImage": 24766, - "▁Related": 24767, - "ucker": 24768, - "Members": 24769, - "PRINT": 24770, - "▁Glo": 24771, - "_VIEW": 24772, - "}\",\n": 24773, - "▁adoption": 24774, - "[])\n": 24775, - "842": 24776, - "▁Missouri": 24777, - "▁Lincoln": 24778, - "erald": 24779, - "Popup": 24780, - "▁fate": 24781, - "-bootstrap": 24782, - "fections": 24783, - "▁Poll": 24784, - "_ARGS": 24785, - "inance": 24786, - "697": 24787, - "-home": 24788, - ".),": 24789, - "_done": 24790, - "694": 24791, - ":\n\n\n": 24792, - "▁discussing": 24793, - "▁SQLException": 24794, - "▁electro": 24795, - "\treq": 24796, - "▁zw": 24797, - "886": 24798, - "▁lui": 24799, - "932": 24800, - "▁overnight": 24801, - "$user": 24802, - "▁WAY": 24803, - "▁allerg": 24804, - "▁disappointed": 24805, - "▁radiation": 24806, - "▁impressed": 24807, - "ificates": 24808, - "▁tob": 24809, - "CLASS": 24810, - "▁cuda": 24811, - "_det": 24812, - "-post": 24813, - "ulu": 24814, - "Translation": 24815, - "-hand": 24816, - ".year": 24817, - "▁Mongo": 24818, - "▁unclear": 24819, - ".engine": 24820, - "WEBPACK": 24821, - "rices": 24822, - "_ACCESS": 24823, - "▁holidays": 24824, - "percent": 24825, - ".Identity": 24826, - "▁Gov": 24827, - "▁passionate": 24828, - "!!.": 24829, - "▁Greece": 24830, - "plusplus": 24831, - "'));": 24832, - "GP": 24833, - "▁excit": 24834, - ".tabPage": 24835, - "_cond": 24836, - "▁sponsor": 24837, - "MODULE": 24838, - "_proc": 24839, - "▁$\n": 24840, - "▁rational": 24841, - ".Tool": 24842, - "▁ihr": 24843, - "cca": 24844, - "▁Estate": 24845, - "IBUTE": 24846, - "ActionPerformed": 24847, - "▁Solar": 24848, - "▁equity": 24849, - "tid": 24850, - "938": 24851, - "▁recip": 24852, - ".simple": 24853, - "mk": 24854, - "689": 24855, - "▁Luke": 24856, - "▁Guardian": 24857, - "▁encrypted": 24858, - "▁dominant": 24859, - ".place": 24860, - "▁NV": 24861, - "839": 24862, - "▁tongue": 24863, - "(Get": 24864, - "▁stainless": 24865, - ".Play": 24866, - "▁eb": 24867, - "aci": 24868, - ".buffer": 24869, - "readcrumbs": 24870, - "▁vaccine": 24871, - "prom": 24872, - "979": 24873, - "▁userInfo": 24874, - "▁slug": 24875, - "SerializedName": 24876, - "-wide": 24877, - "▁reactions": 24878, - "▁Yang": 24879, - "▁Adds": 24880, - "(userId": 24881, - "▁plates": 24882, - "▁MEM": 24883, - "▁bail": 24884, - "Inside": 24885, - "eted": 24886, - "▁elsif": 24887, - "▁sake": 24888, - "▁cycles": 24889, - "\tI": 24890, - "-collapse": 24891, - "841": 24892, - "▁GMT": 24893, - "814": 24894, - "Declaration": 24895, - "▁gros": 24896, - "▁reaches": 24897, - "▁custody": 24898, - "Until": 24899, - "753": 24900, - "856": 24901, - "tu": 24902, - "▁Chen": 24903, - "▁nx": 24904, - "(addr": 24905, - "▁Offer": 24906, - "▁colleg": 24907, - "assador": 24908, - "674": 24909, - "▁mapper": 24910, - "854": 24911, - "▁SIGNAL": 24912, - "▁Bloom": 24913, - "▁Holl": 24914, - "▁Imper": 24915, - "-des": 24916, - "_site": 24917, - "Proc": 24918, - "Equ": 24919, - "▁atomic": 24920, - "▁Woman": 24921, - "sent": 24922, - "738": 24923, - "817": 24924, - "scar": 24925, - "▁intelligent": 24926, - "▁Getting": 24927, - "▁Registration": 24928, - "▁Phill": 24929, - "▁killer": 24930, - "unicode": 24931, - "\n\t\t\n": 24932, - "▁Jacob": 24933, - "▁Const": 24934, - "▁locate": 24935, - "▁caus": 24936, - "749": 24937, - "▁Scholar": 24938, - "▁constitutional": 24939, - "▁inflation": 24940, - "▁Got": 24941, - "=array": 24942, - "endum": 24943, - "▁translated": 24944, - "▁divorce": 24945, - "Entries": 24946, - "▁sor": 24947, - "▁Quote": 24948, - "irlines": 24949, - "UK": 24950, - "▁excel": 24951, - "(opt": 24952, - "▁ADV": 24953, - ",:,": 24954, - "▁contacted": 24955, - "742": 24956, - "▁DA": 24957, - "▁rings": 24958, - "▁Industrial": 24959, - ".getContext": 24960, - "▁forgotten": 24961, - "▁Tan": 24962, - "▁pants": 24963, - "▁ov": 24964, - "▁decoder": 24965, - "▁Partial": 24966, - "▁vc": 24967, - "▁battles": 24968, - "Arial": 24969, - "FRINGEMENT": 24970, - "irates": 24971, - ",w": 24972, - "aintenance": 24973, - "▁Od": 24974, - "▁Technologies": 24975, - "▁Carter": 24976, - ".findAll": 24977, - "Nome": 24978, - "Ben": 24979, - "▁Usage": 24980, - "▁Picture": 24981, - "▁badly": 24982, - "_panel": 24983, - "▁patent": 24984, - "▁Protocol": 24985, - "lotte": 24986, - "\tplayer": 24987, - "jections": 24988, - "746": 24989, - "▁dou": 24990, - "_release": 24991, - "urniture": 24992, - "_tax": 24993, - "▁Fields": 24994, - ".dataset": 24995, - "_master": 24996, - "CLUDE": 24997, - "▁Pharm": 24998, - "bst": 24999, - "▁operational": 25000, - ".cell": 25001, - "▁identifying": 25002, - "▁jwt": 25003, - "tuple": 25004, - "▁TC": 25005, - "▁Cro": 25006, - "936": 25007, - "ixmap": 25008, - "-components": 25009, - "general": 25010, - "▁oz": 25011, - "_De": 25012, - "_double": 25013, - "▁Too": 25014, - "088": 25015, - ".ViewGroup": 25016, - "879": 25017, - "gate": 25018, - "dings": 25019, - "photos": 25020, - "▁grande": 25021, - "ollect": 25022, - "_lin": 25023, - "▁awful": 25024, - "filters": 25025, - "▁alternate": 25026, - "esp": 25027, - "▁compress": 25028, - "eo": 25029, - "▁Scale": 25030, - "▁indirect": 25031, - "▁invoice": 25032, - "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n": 25033, - "Starting": 25034, - "▁Players": 25035, - "iele": 25036, - ".then": 25037, - "981": 25038, - "Ord": 25039, - "▁Tuple": 25040, - "▁bout": 25041, - "▁Statistics": 25042, - "Preview": 25043, - "▁puzzle": 25044, - "▁Width": 25045, - "STATE": 25046, - "▁overlay": 25047, - "\ton": 25048, - "▁infr": 25049, - "▁smallest": 25050, - "locked": 25051, - "ssl": 25052, - "779": 25053, - "▁deemed": 25054, - "▁sco": 25055, - "reck": 25056, - "▁jButton": 25057, - "▁missions": 25058, - "871": 25059, - ".SelectedIndex": 25060, - "TABLE": 25061, - "Sept": 25062, - "▁acknowledge": 25063, - "▁strtotime": 25064, - "▁Tell": 25065, - "▁Dak": 25066, - "▁aluminum": 25067, - "▁fence": 25068, - "▁Stars": 25069, - "CONFIG": 25070, - "▁retrofit": 25071, - "▁emphasis": 25072, - "/header": 25073, - "▁Something": 25074, - "inished": 25075, - "='\".$": 25076, - "▁Validators": 25077, - "▁polar": 25078, - "sections": 25079, - "944": 25080, - ".aspx": 25081, - "▁aspir": 25082, - ".Mock": 25083, - "CodeGen": 25084, - "▁peut": 25085, - "971": 25086, - "▁accepting": 25087, - "▁backing": 25088, - "Picture": 25089, - "/ap": 25090, - "_SEC": 25091, - "-use": 25092, - "annotation": 25093, - "▁cognitive": 25094, - "▁grip": 25095, - "hour": 25096, - "▁Legal": 25097, - "▁epic": 25098, - ".toolStrip": 25099, - ".notify": 25100, - ".Last": 25101, - "ORIZ": 25102, - "Middleware": 25103, - "criptions": 25104, - "lash": 25105, - "_FOUND": 25106, - "▁Liverpool": 25107, - "▁{}\",": 25108, - "931": 25109, - "Install": 25110, - "▁nit": 25111, - "▁figured": 25112, - "[len": 25113, - ".Win": 25114, - ".platform": 25115, - "853": 25116, - "▁gambling": 25117, - "(dt": 25118, - "avery": 25119, - "\tinclude": 25120, - "Whether": 25121, - "Routing": 25122, - "▁therap": 25123, - "Remote": 25124, - "▁Loss": 25125, - "yll": 25126, - "▁approached": 25127, - "▁Vehicle": 25128, - "▁Alpha": 25129, - "answers": 25130, - "NSDictionary": 25131, - "954": 25132, - "consider": 25133, - "unused": 25134, - "▁Fan": 25135, - "orable": 25136, - "fre": 25137, - "873": 25138, - "▁DISCLAIM": 25139, - "▁Actor": 25140, - ".]": 25141, - "toHave": 25142, - ".userId": 25143, - "▁speeds": 25144, - "eway": 25145, - "▁recurs": 25146, - "_priv": 25147, - "Choice": 25148, - "▁settle": 25149, - "▁planes": 25150, - "'},": 25151, - "Tom": 25152, - "ITER": 25153, - "!\"\n": 25154, - "achelor": 25155, - "▁separation": 25156, - "▁dal": 25157, - "adj": 25158, - "▁registers": 25159, - "riz": 25160, - "▁Notice": 25161, - "▁lu": 25162, - "▁courage": 25163, - "▁axes": 25164, - "cellent": 25165, - ".async": 25166, - "073": 25167, - "▁compatibility": 25168, - "▁!\n\n": 25169, - "\ttitle": 25170, - "YLE": 25171, - "\tmessage": 25172, - "UUID": 25173, - "OLDER": 25174, - "▁HH": 25175, - "▁StyleSheet": 25176, - "▁accessed": 25177, - ".validation": 25178, - "tasks": 25179, - "▁pollution": 25180, - ".canvas": 25181, - "▁ingredient": 25182, - "▁Cabin": 25183, - "Ah": 25184, - "oldown": 25185, - "▁NOI": 25186, - "[f": 25187, - "educ": 25188, - "yalty": 25189, - "(not": 25190, - "_State": 25191, - "933": 25192, - "amen": 25193, - "795": 25194, - "739": 25195, - "▁dao": 25196, - "udad": 25197, - "ellers": 25198, - "}&": 25199, - "licity": 25200, - "_WINDOW": 25201, - "▁tatto": 25202, - "valor": 25203, - ".Range": 25204, - "▁referenced": 25205, - "▁Reserve": 25206, - "Money": 25207, - "874": 25208, - "SCRIPT": 25209, - "/product": 25210, - "choices": 25211, - "▁tin": 25212, - "918": 25213, - "▁separator": 25214, - "▁pkg": 25215, - "ammed": 25216, - "▁MAT": 25217, - "!!\n\n": 25218, - "▁raid": 25219, - "▁motivation": 25220, - "▁XP": 25221, - "▁Background": 25222, - "▁Quaternion": 25223, - ".defineProperty": 25224, - "iker": 25225, - "\tparent": 25226, - "▁Originally": 25227, - "antage": 25228, - "▁Hans": 25229, - "▁timeline": 25230, - ".cur": 25231, - "opic": 25232, - "▁Sequ": 25233, - "must": 25234, - "▁Coal": 25235, - "▁formatter": 25236, - "_RGB": 25237, - "▁_(\"": 25238, - "'}),\n": 25239, - "▁=================": 25240, - "▁FUNCTION": 25241, - "▁lng": 25242, - "icates": 25243, - "live": 25244, - "_engine": 25245, - "▁towns": 25246, - "868": 25247, - "'))\n\n": 25248, - "▁PK": 25249, - "(api": 25250, - "\tscanf": 25251, - "089": 25252, - "packet": 25253, - ".phone": 25254, - "▁Andy": 25255, - "_NAMES": 25256, - "982": 25257, - "PLY": 25258, - "955": 25259, - "▁mins": 25260, - "imi": 25261, - "▁brick": 25262, - "▁blade": 25263, - ".stdout": 25264, - "}`;\n": 25265, - "Shift": 25266, - "\tsb": 25267, - "▁Checks": 25268, - "▁phenomenon": 25269, - "Avatar": 25270, - "▁ministry": 25271, - "rose": 25272, - "\tFile": 25273, - "878": 25274, - "▁titled": 25275, - "(LOG": 25276, - "▁gan": 25277, - "design": 25278, - "(),\r\n": 25279, - "▁bones": 25280, - "stm": 25281, - "▁InputStream": 25282, - "▁volunt": 25283, - "▁Serializable": 25284, - "▁fighter": 25285, - "▁Drag": 25286, - "Twitter": 25287, - "▁subsid": 25288, - "▁forums": 25289, - ".loading": 25290, - "logged": 25291, - "_this": 25292, - "▁terrain": 25293, - "▁irre": 25294, - "▁Ing": 25295, - "▁CN": 25296, - "_objects": 25297, - ".uid": 25298, - "▁consciousness": 25299, - "TINGS": 25300, - "▁Gall": 25301, - "▁portray": 25302, - "056": 25303, - "▁Developer": 25304, - "▁participant": 25305, - "▁\";\r\n": 25306, - "/model": 25307, - "794": 25308, - "▁Operations": 25309, - "^\\": 25310, - "▁Later": 25311, - "▁raises": 25312, - "-none": 25313, - ".meta": 25314, - "='.$": 25315, - "Finished": 25316, - "▁replacing": 25317, - "▁sampling": 25318, - "▁Jen": 25319, - "\"There": 25320, - "REAL": 25321, - "ALE": 25322, - "Orders": 25323, - "_parameter": 25324, - "▁Olympic": 25325, - "▁arena": 25326, - "iol": 25327, - ";?>": 25328, - "▁impacts": 25329, - "▁WS": 25330, - ":get": 25331, - "▁flights": 25332, - "▁Russell": 25333, - "camera": 25334, - "Fn": 25335, - "sigma": 25336, - "▁forcing": 25337, - "▁locals": 25338, - "▁departure": 25339, - "▁celebration": 25340, - "▁Say": 25341, - "884": 25342, - "▁Hills": 25343, - ".hasOwnProperty": 25344, - "▁typings": 25345, - ".API": 25346, - "▁donation": 25347, - "OperationException": 25348, - ".Activity": 25349, - "cplusplus": 25350, - "▁Charlie": 25351, - "▁imported": 25352, - "▁dann": 25353, - "▁occasions": 25354, - "▁implementing": 25355, - "▁purple": 25356, - ".dialog": 25357, - "SQLException": 25358, - "erno": 25359, - "▁wars": 25360, - "▁paste": 25361, - "▁decreased": 25362, - "▁harsh": 25363, - "▁elabor": 25364, - "inputs": 25365, - "▁Views": 25366, - "▁errorMessage": 25367, - "_mul": 25368, - "\twrite": 25369, - "▁Cop": 25370, - "▁Annual": 25371, - "(button": 25372, - "▁vida": 25373, - "bars": 25374, - "▁Harvard": 25375, - "\texpect": 25376, - "▁indexes": 25377, - "▁documentary": 25378, - "▁flesh": 25379, - "ORLD": 25380, - "▁Delta": 25381, - "MAND": 25382, - "Brush": 25383, - "-column": 25384, - "▁developments": 25385, - "974": 25386, - "783": 25387, - "methodVisitor": 25388, - "slice": 25389, - "▁PDO": 25390, - "▁investing": 25391, - "867": 25392, - "irable": 25393, - "▁xmlns": 25394, - "arta": 25395, - "▁theories": 25396, - "_city": 25397, - "▁$__": 25398, - "Creating": 25399, - "(pr": 25400, - "Dropdown": 25401, - "ismatch": 25402, - "▁NET": 25403, - "926": 25404, - "'])){\n": 25405, - "▁Values": 25406, - "▁SEO": 25407, - "▁STAT": 25408, - "▁ecosystem": 25409, - "▁tempt": 25410, - "▁\\\\": 25411, - "▁//{\n": 25412, - "▁Christopher": 25413, - "▁Kentucky": 25414, - "▁HttpServletResponse": 25415, - "▁hybrid": 25416, - "yon": 25417, - "▁feeding": 25418, - "▁Extra": 25419, - "Norm": 25420, - "ITCH": 25421, - "▁Sean": 25422, - "▁Upload": 25423, - "mun": 25424, - "pur": 25425, - "▁persistent": 25426, - "▁IDC": 25427, - "▁Perform": 25428, - "863": 25429, - ".merge": 25430, - "_room": 25431, - "Meanwhile": 25432, - "!='": 25433, - "▁Wel": 25434, - "ArgsConstructor": 25435, - "887": 25436, - ".Database": 25437, - "▁counting": 25438, - "()*": 25439, - "▁TOP": 25440, - "mill": 25441, - "▁DT": 25442, - "IGNED": 25443, - "956": 25444, - "▁KB": 25445, - "▁comply": 25446, - "South": 25447, - "_collection": 25448, - "Chapter": 25449, - "▁explaining": 25450, - "_AM": 25451, - "_ts": 25452, - "cards": 25453, - "▁quel": 25454, - "▁pole": 25455, - "▁touchdown": 25456, - "▁Others": 25457, - "▁peers": 25458, - "▁TypeError": 25459, - "763": 25460, - "▁sixth": 25461, - "▁cheer": 25462, - "▁dispute": 25463, - "963": 25464, - "893": 25465, - "usc": 25466, - ")],": 25467, - "thumb": 25468, - "▁hiding": 25469, - "▁SIG": 25470, - "likes": 25471, - "▁PAGE": 25472, - ".Reflection": 25473, - "▁headquarters": 25474, - "TING": 25475, - "▁Ghost": 25476, - "MLE": 25477, - "$\n": 25478, - "▁contrary": 25479, - "extend": 25480, - "']).": 25481, - "FFECT": 25482, - "▁Pinterest": 25483, - "ricane": 25484, - "\tsession": 25485, - "▁crystal": 25486, - "-Control": 25487, - "overnment": 25488, - "ograf": 25489, - "961": 25490, - "-action": 25491, - "volume": 25492, - "ften": 25493, - "▁uncon": 25494, - "▁animate": 25495, - "▁lease": 25496, - "scr": 25497, - "▁refuse": 25498, - "ftp": 25499, - "information": 25500, - "▁evaluated": 25501, - "▁injection": 25502, - "▁jack": 25503, - "▁workshop": 25504, - "PTH": 25505, - "▁Ts": 25506, - "offer": 25507, - "\tos": 25508, - "▁kingdom": 25509, - "Missing": 25510, - "▁lawmakers": 25511, - "extField": 25512, - "▁singing": 25513, - "abi": 25514, - "/client": 25515, - ".media": 25516, - "ATEGORY": 25517, - "Signature": 25518, - "%',\n": 25519, - "▁Fuck": 25520, - "][:": 25521, - "▁sensors": 25522, - "/com": 25523, - "▁Primary": 25524, - ".SQL": 25525, - "_program": 25526, - "▁pills": 25527, - "▁integral": 25528, - "▁fleet": 25529, - "▁dropping": 25530, - ".sl": 25531, - "Been": 25532, - "▁pets": 25533, - "▁advised": 25534, - "▁dragon": 25535, - "_EDIT": 25536, - "(im": 25537, - "939": 25538, - "FER": 25539, - "▁Drug": 25540, - "(random": 25541, - "▁compression": 25542, - "oust": 25543, - "[%": 25544, - "▁buyer": 25545, - "hop": 25546, - "Roles": 25547, - "manage": 25548, - "▁painful": 25549, - "▁Branch": 25550, - "-modal": 25551, - "enant": 25552, - "▁Mesh": 25553, - "/font": 25554, - "▁Graham": 25555, - "▁nc": 25556, - "▁Francis": 25557, - "▁specification": 25558, - "▁damages": 25559, - "-config": 25560, - "▁theoret": 25561, - "secure": 25562, - "_multi": 25563, - "aceutical": 25564, - "▁demanding": 25565, - "enne": 25566, - "ISTS": 25567, - "094": 25568, - "()));\n\n": 25569, - "Reason": 25570, - "Recent": 25571, - "phase": 25572, - "▁psy": 25573, - "_MAN": 25574, - "▁volunteer": 25575, - "istributed": 25576, - "lio": 25577, - "▁productivity": 25578, - "_comm": 25579, - "Spring": 25580, - "nis": 25581, - ".weight": 25582, - "▁Cancer": 25583, - "Alloc": 25584, - "▁Tweet": 25585, - "▁separately": 25586, - "\tcheck": 25587, - "_properties": 25588, - ".Unit": 25589, - "829": 25590, - "_CLK": 25591, - "▁gt": 25592, - "▁();\n\n": 25593, - "▁handy": 25594, - "834": 25595, - "▁Thompson": 25596, - "▁unnecessary": 25597, - "▁Reader": 25598, - "894": 25599, - "GN": 25600, - "=request": 25601, - "▁Utility": 25602, - ".Repository": 25603, - "▁Ax": 25604, - "hydr": 25605, - "791": 25606, - "ieu": 25607, - "▁thy": 25608, - "▁lt": 25609, - "_mail": 25610, - "ailand": 25611, - "▁Philip": 25612, - "▁bitter": 25613, - "▁betting": 25614, - "837": 25615, - "▁timed": 25616, - "ocks": 25617, - "076": 25618, - "'a": 25619, - "▁algorithms": 25620, - "▁reinterpret": 25621, - "▁toss": 25622, - "rogen": 25623, - "▁hoped": 25624, - "(selected": 25625, - "▁venture": 25626, - "TEX": 25627, - "▁Leave": 25628, - ".Substring": 25629, - "▁grateful": 25630, - "743": 25631, - "uka": 25632, - "▁Consumer": 25633, - "▁aggreg": 25634, - "Circle": 25635, - "_blocks": 25636, - "▁legally": 25637, - "▁\"|": 25638, - ".board": 25639, - ".Ab": 25640, - "Functions": 25641, - "recipe": 25642, - "▁Oxford": 25643, - "▁wholes": 25644, - ".Build": 25645, - "_changed": 25646, - "hai": 25647, - "▁departments": 25648, - "964": 25649, - "Imp": 25650, - "▁coalition": 25651, - "INFRINGEMENT": 25652, - "▁empower": 25653, - "itches": 25654, - "North": 25655, - "▁inflamm": 25656, - "ONSE": 25657, - "▁missile": 25658, - "▁Raj": 25659, - "▁Issue": 25660, - "▁atoi": 25661, - "caled": 25662, - ".Controllers": 25663, - "▁Wolf": 25664, - "▁crushers": 25665, - ".Auth": 25666, - ".addAttribute": 25667, - "his": 25668, - "▁boots": 25669, - ".clean": 25670, - "camp": 25671, - "▁tenant": 25672, - "▁tune": 25673, - "▁{}'.": 25674, - "▁workout": 25675, - "Repo": 25676, - "▁partially": 25677, - "MISSION": 25678, - "jamin": 25679, - "▁SB": 25680, - "▁determination": 25681, - "▁'');\n": 25682, - "▁Beng": 25683, - "▁vos": 25684, - "▁inhab": 25685, - "/lang": 25686, - "sburgh": 25687, - "Executor": 25688, - "hone": 25689, - "▁Challenge": 25690, - "_links": 25691, - ".Level": 25692, - "▁underground": 25693, - "-code": 25694, - "959": 25695, - "▁optimization": 25696, - "logging": 25697, - "_dest": 25698, - "▁snake": 25699, - "▁chemicals": 25700, - "_IMPORTED": 25701, - "adoop": 25702, - "▁THAT": 25703, - "managed": 25704, - "▁reduces": 25705, - "▁REAL": 25706, - "▁Guy": 25707, - "_GENERIC": 25708, - "/********************************": 25709, - ".amount": 25710, - "▁dere": 25711, - "getTime": 25712, - "▁pant": 25713, - "anonymous": 25714, - "▁harmony": 25715, - "▁Alan": 25716, - "▁scenarios": 25717, - "▁dirt": 25718, - "htags": 25719, - "Mc": 25720, - "Shell": 25721, - "rin": 25722, - "{\r\n\r\n": 25723, - ".pow": 25724, - "\tclient": 25725, - "▁conspiracy": 25726, - "▁admission": 25727, - "▁Regional": 25728, - "▁ViewController": 25729, - "▁Philippines": 25730, - "▁depos": 25731, - "▁pap": 25732, - "962": 25733, - "▁Pad": 25734, - "Paul": 25735, - ".ComboBox": 25736, - "▁tutor": 25737, - "▁Recipe": 25738, - "writing": 25739, - "▁contributor": 25740, - "OTH": 25741, - "Small": 25742, - "VI": 25743, - "▁hacer": 25744, - "equ": 25745, - "▁Examples": 25746, - "human": 25747, - ".messages": 25748, - "\ttyp": 25749, - "▁(\r\n": 25750, - "▁SSL": 25751, - "LEN": 25752, - "▁Romney": 25753, - "(grid": 25754, - "\tmin": 25755, - "▁>\n\n": 25756, - "▁fruits": 25757, - "▁voter": 25758, - "Inline": 25759, - "pane": 25760, - "▁Collections": 25761, - "charset": 25762, - "▁spam": 25763, - "zb": 25764, - "itemap": 25765, - "▁succeeded": 25766, - "_COL": 25767, - "▁elapsed": 25768, - "imeter": 25769, - "▁recovered": 25770, - "Tensor": 25771, - "hattan": 25772, - ".setup": 25773, - "isto": 25774, - "(head": 25775, - "977": 25776, - "▁SIZE": 25777, - "▁tactics": 25778, - "▁distur": 25779, - "▁preval": 25780, - "icios": 25781, - "(Value": 25782, - "_cols": 25783, - "▁Fat": 25784, - "▁seal": 25785, - "▁sons": 25786, - "▁ensures": 25787, - "095": 25788, - "▁pressing": 25789, - "=&": 25790, - "igenous": 25791, - "▁harassment": 25792, - "_JSON": 25793, - "▁ignor": 25794, - "ynomial": 25795, - "omer": 25796, - "_static": 25797, - "▁significance": 25798, - "▁circles": 25799, - "_System": 25800, - "▁discipline": 25801, - "▁dressed": 25802, - "▁sphere": 25803, - "927": 25804, - "▁climb": 25805, - "759": 25806, - "_actions": 25807, - "▁Bab": 25808, - "▁'=',": 25809, - "_schema": 25810, - "\"use": 25811, - "▁unders": 25812, - "▁cups": 25813, - ".screen": 25814, - "/new": 25815, - "▁appearing": 25816, - "TOP": 25817, - "vised": 25818, - "clang": 25819, - "▁investigators": 25820, - "▁mysterious": 25821, - "▁promising": 25822, - "▁qualify": 25823, - "▁cave": 25824, - "▁equip": 25825, - "=x": 25826, - "GT": 25827, - "(link": 25828, - ".velocity": 25829, - ".erase": 25830, - "oter": 25831, - "++++++++": 25832, - "profit": 25833, - "▁zones": 25834, - "_uid": 25835, - "-ser": 25836, - "▁objectives": 25837, - "▁milf": 25838, - "webkit": 25839, - "(match": 25840, - "neh": 25841, - "▁Associated": 25842, - "▁Todo": 25843, - "=d": 25844, - "065": 25845, - "Cam": 25846, - "▁vocal": 25847, - "▁sudo": 25848, - "(EX": 25849, - "▁trou": 25850, - "ABC": 25851, - ".bean": 25852, - "▁Ground": 25853, - "▁REST": 25854, - "weets": 25855, - "Ing": 25856, - "imon": 25857, - "946": 25858, - "_bus": 25859, - "▁COLOR": 25860, - "unto": 25861, - "▁foss": 25862, - "▁Links": 25863, - "869": 25864, - "/forms": 25865, - "prises": 25866, - "▁achievement": 25867, - "CALL": 25868, - "▁Verify": 25869, - "_SOURCE": 25870, - "aptcha": 25871, - "IDD": 25872, - "_reference": 25873, - "Gold": 25874, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n": 25875, - "947": 25876, - "Receiver": 25877, - "099": 25878, - "▁aj": 25879, - "_direction": 25880, - "}]": 25881, - "▁Compet": 25882, - "▁bang": 25883, - "798": 25884, - "▁Cass": 25885, - "-url": 25886, - "techn": 25887, - "▁Jerusalem": 25888, - "longitude": 25889, - "');\r\n\r\n": 25890, - "▁winners": 25891, - "Tasks": 25892, - "▁DMA": 25893, - "▁tooltip": 25894, - "▁Bra": 25895, - "_duration": 25896, - "cury": 25897, - "parents": 25898, - "---->(": 25968, - "▁Kir": 25969, - "▁intros": 25970, - "▁sketch": 25971, - "▁skilled": 25972, - "▁immer": 25973, - "▁adequate": 25974, - "_rep": 25975, - "(header": 25976, - "_like": 25977, - "▁perceived": 25978, - "ssh": 25979, - "▁assuming": 25980, - "▁ff": 25981, - "_uuid": 25982, - "ulas": 25983, - "▁democratic": 25984, - ".entities": 25985, - "Series": 25986, - "aphore": 25987, - "▁newer": 25988, - "}(": 25989, - "SEC": 25990, - "airo": 25991, - "▁commod": 25992, - "▁privilege": 25993, - "▁deux": 25994, - "▁Hop": 25995, - ".'/": 25996, - "ctic": 25997, - ".';\n": 25998, - "C": 26072, - "▁Warren": 26073, - "▁optimizer": 26074, - "▁SERVICES": 26075, - "_oper": 26076, - "getAttribute": 26077, - "▁McK": 26078, - "_self": 26079, - "084": 26080, - ".rs": 26081, - "\")\n\n\n": 26082, - "GetComponent": 26083, - "erce": 26084, - "▁tous": 26085, - "units": 26086, - "']);\r\n": 26087, - "Zoom": 26088, - "/E": 26089, - "▁obsc": 26090, - "▁fastest": 26091, - "online": 26092, - "▁peaceful": 26093, - "ffen": 26094, - "▁cargo": 26095, - "\tpr": 26096, - "▁seeks": 26097, - "zu": 26098, - "074": 26099, - "Trim": 26100, - "▁ward": 26101, - "▁verd": 26102, - "▁blogs": 26103, - ".exceptions": 26104, - "▁Premium": 26105, - "▁Netherlands": 26106, - "Safe": 26107, - "Finish": 26108, - "▁Album": 26109, - "_ACC": 26110, - "=this": 26111, - "virtual": 26112, - "]>": 26113, - "_LABEL": 26114, - "▁Nich": 26115, - "_win": 26116, - "▁Aaron": 26117, - "WP": 26118, - ";$": 26119, - "aims": 26120, - "▁ImageView": 26121, - "▁endless": 26122, - "ERA": 26123, - "_DISABLE": 26124, - "▁cancelled": 26125, - "-us": 26126, - "▁inspection": 26127, - "emin": 26128, - "▁Grey": 26129, - "-open": 26130, - "▁iterations": 26131, - ".owner": 26132, - "▁keras": 26133, - ".Password": 26134, - "▁Ry": 26135, - "▁INS": 26136, - "Air": 26137, - "▁Several": 26138, - ".TabStop": 26139, - "INGLE": 26140, - "▁Hair": 26141, - "▁Canvas": 26142, - "AAAA": 26143, - "▁flaw": 26144, - "cedes": 26145, - ".Report": 26146, - "▁Tips": 26147, - "criptors": 26148, - ".transaction": 26149, - ".Spring": 26150, - "▁viewer": 26151, - "▁insights": 26152, - "ordion": 26153, - "UINT": 26154, - "seek": 26155, - "▁Auf": 26156, - "▁strain": 26157, - "Tooltip": 26158, - "▁dz": 26159, - "ignal": 26160, - "adt": 26161, - "▁uc": 26162, - "finite": 26163, - "▁nm": 26164, - ".cmd": 26165, - "▁MySql": 26166, - "[data": 26167, - ".jackson": 26168, - ".tree": 26169, - "RequestParam": 26170, - "_agent": 26171, - "\")]\r\n": 26172, - "▁assass": 26173, - "(Constants": 26174, - ":ss": 26175, - "▁MAN": 26176, - "+-+-": 26177, - "▁Bottom": 26178, - "prints": 26179, - "▁Same": 26180, - "@Autowired": 26181, - "swap": 26182, - "▁protesters": 26183, - "▁honey": 26184, - "▁Veter": 26185, - "(Calendar": 26186, - "-ad": 26187, - "▁Brooklyn": 26188, - "Life": 26189, - "_VAR": 26190, - "zech": 26191, - "▁CALL": 26192, - "_CAST": 26193, - "▁Election": 26194, - "▁thickness": 26195, - "Very": 26196, - "_INTEGER": 26197, - "-dev": 26198, - "))))": 26199, - "apat": 26200, - "oooo": 26201, - "demo": 26202, - "▁parseFloat": 26203, - "▁Rather": 26204, - "STIT": 26205, - "maker": 26206, - "[current": 26207, - "chrono": 26208, - "▁christ": 26209, - "▁Detail": 26210, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 26211, - "▁sul": 26212, - "idency": 26213, - "Que": 26214, - "▁elegant": 26215, - "apons": 26216, - "▁dishes": 26217, - "▁integers": 26218, - "(read": 26219, - "057": 26220, - "findViewById": 26221, - "▁Amount": 26222, - "▁Skip": 26223, - "▁habits": 26224, - "*)(": 26225, - "▁monsters": 26226, - "MAC": 26227, - ":end": 26228, - "▁frank": 26229, - "Assembly": 26230, - "▁dfs": 26231, - "▁neut": 26232, - "_TYPES": 26233, - "equal": 26234, - "loyd": 26235, - "(uri": 26236, - "▁chi": 26237, - "▁defendant": 26238, - "▁conflicts": 26239, - "▁vil": 26240, - "-js": 26241, - "▁Peace": 26242, - "▁mutable": 26243, - ")sender": 26244, - "▁Focus": 26245, - "▁appreciated": 26246, - "sleep": 26247, - "▁RED": 26248, - "Culture": 26249, - "▁designers": 26250, - "_generator": 26251, - "codes": 26252, - "/ex": 26253, - ".GetValue": 26254, - "umbled": 26255, - ".scalajs": 26256, - "peror": 26257, - "▁veterans": 26258, - "▁})\r\n": 26259, - "▁unfortunately": 26260, - "_CREATE": 26261, - "Mass": 26262, - "▁CLAIM": 26263, - "▁Meet": 26264, - "_support": 26265, - "Bank": 26266, - "().\n": 26267, - "Dark": 26268, - "_LOW": 26269, - "▁Mining": 26270, - "▁Owner": 26271, - "iera": 26272, - "Cliente": 26273, - "▁encouraging": 26274, - ">S": 26275, - "▁boyfriend": 26276, - "▁Half": 26277, - "▁ACC": 26278, - "Aff": 26279, - "_ar": 26280, - "-life": 26281, - "cx": 26282, - ".JButton": 26283, - "izado": 26284, - ".zero": 26285, - ".openqa": 26286, - "oton": 26287, - ".textContent": 26288, - "▁toll": 26289, - "atie": 26290, - "▁ballot": 26291, - "-number": 26292, - ".Exception": 26293, - "\tparams": 26294, - "circle": 26295, - "-map": 26296, - "▁nap": 26297, - "▁Robot": 26298, - "▁Ich": 26299, - "registration": 26300, - "Amazon": 26301, - "rollment": 26302, - "(exp": 26303, - "▁tanks": 26304, - "▁Gordon": 26305, - "▁machinery": 26306, - "▁baseline": 26307, - "086": 26308, - "▁Convention": 26309, - "\tconfig": 26310, - "ookies": 26311, - "mult": 26312, - "Records": 26313, - "▁EST": 26314, - "▁garbage": 26315, - "▁conform": 26316, - "idal": 26317, - "▁barg": 26318, - "▁survived": 26319, - "▁investigations": 26320, - "935": 26321, - ".containsKey": 26322, - "--------------------------------------------------------------------------\n": 26323, - "ortion": 26324, - "▁horr": 26325, - "_http": 26326, - "▁mant": 26327, - "];\r\n\r\n": 26328, - "binary": 26329, - "948": 26330, - "empl": 26331, - "▁inquiry": 26332, - "▁Meanwhile": 26333, - "098": 26334, - "▁collecting": 26335, - ".EntityFramework": 26336, - "\",\n\n": 26337, - "▁Pic": 26338, - "@Inject": 26339, - "ickness": 26340, - "▁Binding": 26341, - "▁controlling": 26342, - "reverse": 26343, - "▁chairs": 26344, - "sembled": 26345, - "(add": 26346, - "Disabled": 26347, - "anas": 26348, - ".translate": 26349, - "-----------\n": 26350, - "▁reflected": 26351, - "\"]\n\n": 26352, - "External": 26353, - "Arrow": 26354, - "Singleton": 26355, - "%x": 26356, - "▁ancest": 26357, - "▁Orleans": 26358, - "\tcmd": 26359, - "▁prohibited": 26360, - "ithmetic": 26361, - "(channel": 26362, - "_css": 26363, - "Forward": 26364, - ".socket": 26365, - "▁luc": 26366, - "▁Firefox": 26367, - "▁Movies": 26368, - ")_": 26369, - ".ends": 26370, - "(shape": 26371, - "▁dealt": 26372, - "▁saves": 26373, - "▁glory": 26374, - "▁mejor": 26375, - "▁breathing": 26376, - "▁eller": 26377, - "getData": 26378, - "▁angles": 26379, - "▁toolbar": 26380, - "▁spacing": 26381, - "059": 26382, - "IPS": 26383, - "▁floors": 26384, - "_ACTIVE": 26385, - "▁shuffle": 26386, - "/shared": 26387, - "▁Ele": 26388, - "edish": 26389, - "▁webcam": 26390, - ".expect": 26391, - "iloc": 26392, - "▁Includes": 26393, - "▁tweeted": 26394, - "▁:)": 26395, - "▁Essay": 26396, - "Fix": 26397, - "-between": 26398, - "_web": 26399, - ".conv": 26400, - "▁racism": 26401, - "▁reflects": 26402, - "umm": 26403, - "_footer": 26404, - "/docs": 26405, - "▁Pour": 26406, - "NgModule": 26407, - ".initialize": 26408, - "patterns": 26409, - "_In": 26410, - "▁Abb": 26411, - "*\r\n": 26412, - "▁sentiment": 26413, - "buff": 26414, - "_counts": 26415, - "▁reuse": 26416, - "chunk": 26417, - "▁imposed": 26418, - "PrimaryKey": 26419, - "Foreground": 26420, - "▁consumed": 26421, - "?!": 26422, - "▁dick": 26423, - "▁chron": 26424, - "▁Fern": 26425, - "▁responsive": 26426, - "958": 26427, - "▁insect": 26428, - "iculty": 26429, - "▁rw": 26430, - "▁alike": 26431, - "▁subset": 26432, - "▁Cookies": 26433, - "▁Pair": 26434, - "▁tier": 26435, - "IFO": 26436, - "avour": 26437, - "▁QU": 26438, - ",sizeof": 26439, - "▁merged": 26440, - "mv": 26441, - "itol": 26442, - "ylon": 26443, - "▁jumped": 26444, - ".role": 26445, - "ensaje": 26446, - "Rules": 26447, - "▁browse": 26448, - "Animator": 26449, - "▁yoga": 26450, - "▁variants": 26451, - "▁courtesy": 26452, - "uran": 26453, - "pbs": 26454, - "elseif": 26455, - "Alt": 26456, - "▁Lane": 26457, - "CLK": 26458, - "IMARY": 26459, - "_PROPERTY": 26460, - "▁chan": 26461, - "▁gradually": 26462, - "▁shake": 26463, - "▁blonde": 26464, - "...\");\n": 26465, - "-sex": 26466, - "▁gameplay": 26467, - "acies": 26468, - ".refresh": 26469, - "USB": 26470, - "▁Plot": 26471, - "Was": 26472, - "issippi": 26473, - "▁Tensor": 26474, - "▁cryptocurrency": 26475, - "▁difficulties": 26476, - "Deleted": 26477, - "Without": 26478, - "_append": 26479, - "_ver": 26480, - "967": 26481, - "\"))\r\n": 26482, - "▁honestly": 26483, - "▁pivot": 26484, - "▁temps": 26485, - "_ps": 26486, - "▁Unlike": 26487, - "[:-": 26488, - "VS": 26489, - "_inf": 26490, - "▁junior": 26491, - "▁animations": 26492, - "▁filepath": 26493, - "?{{$": 26513, - "▁unicode": 26514, - "places": 26515, - "▁Coffee": 26516, - ".SE": 26517, - "▁PAR": 26518, - "(txt": 26519, - "gebra": 26520, - "▁fires": 26521, - "MainWindow": 26522, - "medium": 26523, - "▁lg": 26524, - "▁cmp": 26525, - "/base": 26526, - "_layers": 26527, - "_entries": 26528, - "▁administer": 26529, - "▁SUCH": 26530, - "BP": 26531, - "▁Scottish": 26532, - "\t\r\n\t\r\n": 26533, - "guard": 26534, - "▁Strong": 26535, - "Insn": 26536, - "▁CAP": 26537, - "asury": 26538, - "▁SEE": 26539, - "Clock": 26540, - "erie": 26541, - "\\models": 26542, - "▁$$": 26543, - "▁Cab": 26544, - "▁wurde": 26545, - "▁soldier": 26546, - "▁clips": 26547, - "▁arrangement": 26548, - "▁Wonder": 26549, - "▁Horn": 26550, - "▁scared": 26551, - "▁cure": 26552, - "mkdir": 26553, - "▁aligned": 26554, - "▁Pink": 26555, - "▁landed": 26556, - "Dimension": 26557, - "ScrollPane": 26558, - ".chat": 26559, - ".With": 26560, - "▁Train": 26561, - "].\n": 26562, - "▁thirty": 26563, - "▁durable": 26564, - "▁ld": 26565, - "▁lateinit": 26566, - "▁charts": 26567, - "▁insult": 26568, - ".Fatal": 26569, - "_ct": 26570, - "▁masks": 26571, - "CLUDED": 26572, - "President": 26573, - "▁colours": 26574, - "gments": 26575, - ".attributes": 26576, - "▁Flex": 26577, - "▁Clock": 26578, - "imen": 26579, - "JO": 26580, - "▁Regex": 26581, - "_LINK": 26582, - "▁couch": 26583, - "▁INPUT": 26584, - "▁beating": 26585, - "business": 26586, - "preced": 26587, - ".unit": 26588, - "▁Fel": 26589, - "Never": 26590, - "ospel": 26591, - ".startswith": 26592, - "▁EPA": 26593, - ".only": 26594, - "▁preventing": 26595, - "yer": 26596, - "ColumnName": 26597, - "▁elevation": 26598, - "flu": 26599, - "icycle": 26600, - "▁offline": 26601, - "Toolbar": 26602, - "▁competing": 26603, - ")].": 26604, - "▁mog": 26605, - "▁isValid": 26606, - "Ask": 26607, - "_av": 26608, - "_lat": 26609, - "ANC": 26610, - "▁Joh": 26611, - "kers": 26612, - "▁guards": 26613, - "▁chains": 26614, - "▁SimpleDateFormat": 26615, - ".static": 26616, - "▁vessel": 26617, - "▁mud": 26618, - "▁stabil": 26619, - "▁stret": 26620, - "gm": 26621, - "amation": 26622, - "-with": 26623, - "▁ros": 26624, - "_PA": 26625, - "▁resultado": 26626, - "▁confidential": 26627, - "▁Tokyo": 26628, - "\tusing": 26629, - "▁Mathf": 26630, - "ombine": 26631, - "▁ESPN": 26632, - "▁dealers": 26633, - "▁dismissed": 26634, - "TRY": 26635, - "▁teens": 26636, - "records": 26637, - "▁wings": 26638, - "gallery": 26639, - "accounts": 26640, - "_LIB": 26641, - "▁jacket": 26642, - "▁NSObject": 26643, - "▁stones": 26644, - "▁Delivery": 26645, - "▁Diet": 26646, - "/watch": 26647, - "▁toilet": 26648, - "▁Guest": 26649, - ".day": 26650, - "067": 26651, - "▁intval": 26652, - "087": 26653, - "Visit": 26654, - "▁investigated": 26655, - "▁pentru": 26656, - "▁Theatre": 26657, - "andidates": 26658, - "Lang": 26659, - "▁Serv": 26660, - "▁controllers": 26661, - "▁setTitle": 26662, - "NP": 26663, - "amy": 26664, - "flat": 26665, - "(ui": 26666, - "069": 26667, - "_document": 26668, - "▁Coin": 26669, - "▁Adams": 26670, - "ptic": 26671, - "▁productive": 26672, - "▁accomplished": 26673, - "\r\n\r\n\r\n\r\n": 26674, - "▁deferred": 26675, - "ientes": 26676, - "▁sinc": 26677, - "olars": 26678, - "Rightarrow": 26679, - "▁variations": 26680, - "(offset": 26681, - "957": 26682, - ".LayoutInflater": 26683, - "▁suspend": 26684, - "▁prevention": 26685, - "_private": 26686, - "_js": 26687, - "▁wieder": 26688, - "atum": 26689, - "▁appearances": 26690, - ".Document": 26691, - "▁validates": 26692, - "calendar": 26693, - "}\";\n": 26694, - ".demo": 26695, - "conut": 26696, - "▁correction": 26697, - "▁Deal": 26698, - "▁batteries": 26699, - ".duration": 26700, - ",\\": 26701, - "_marker": 26702, - "multi": 26703, - "▁halt": 26704, - "▁cms": 26705, - "▁shaped": 26706, - "Bro": 26707, - "reduce": 26708, - "▁####": 26709, - "CTOR": 26710, - "▁Benef": 26711, - "▁iconic": 26712, - "▁piano": 26713, - "▁effectiveness": 26714, - "|.\n": 26715, - "▁ajax": 26716, - "▁volumes": 26717, - "▁cljs": 26718, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n": 26719, - "aths": 26720, - "raits": 26721, - "_mult": 26722, - "▁fascinating": 26723, - "Average": 26724, - "▁Chairman": 26725, - ".findElement": 26726, - "_pin": 26727, - "▁comparing": 26728, - "▁darkness": 26729, - "-Fi": 26730, - "-server": 26731, - "▁selecting": 26732, - "sterdam": 26733, - "▁Parts": 26734, - "FORMATION": 26735, - "▁noting": 26736, - "▁pile": 26737, - "ogs": 26738, - "▁palette": 26739, - "_do": 26740, - "itize": 26741, - "079": 26742, - "()(": 26743, - "▁defining": 26744, - "▁remainder": 26745, - "Units": 26746, - "_TASK": 26747, - "HttpClient": 26748, - "Social": 26749, - "▁fundra": 26750, - "NR": 26751, - "chest": 26752, - "Currency": 26753, - ".adapter": 26754, - "▁dop": 26755, - "unting": 26756, - "ANGUAGE": 26757, - "\"He": 26758, - "\tindex": 26759, - "_package": 26760, - ".Icon": 26761, - "▁repet": 26762, - "mass": 26763, - "=\".$": 26764, - "▁Sud": 26765, - "▁lid": 26766, - "province": 26767, - "GPIO": 26768, - "▁MySQL": 26769, - "▁docs": 26770, - "▁GA": 26771, - "▁ipsum": 26772, - "Kernel": 26773, - "▁accepts": 26774, - "▁fitting": 26775, - "▁cuando": 26776, - "▁duplic": 26777, - "▁Brother": 26778, - "▁Kle": 26779, - "nums": 26780, - "▁morph": 26781, - "▁########": 26782, - "▁CGPoint": 26783, - "manual": 27087, - "▁Technical": 27088, - "▁corporation": 27089, - "▁HW": 27090, - "anka": 27091, - "TAIL": 27092, - "istas": 27093, - "▁performs": 27094, - "▁Behavior": 27095, - ".For": 27096, - "_ORDER": 27097, - "▁Kick": 27098, - "▁callbacks": 27099, - "_dr": 27100, - "uego": 27101, - "hub": 27102, - "ufficient": 27103, - "sky": 27104, - "▁bp": 27105, - "htable": 27106, - "▁ONLY": 27107, - "▁AUTHORS": 27108, - ".Argument": 27109, - "\"};\n": 27110, - "▁Thunder": 27111, - "▁Kom": 27112, - ".Should": 27113, - "AUTH": 27114, - "ahu": 27115, - "_payment": 27116, - "▁starter": 27117, - "Blog": 27118, - ".patch": 27119, - "▁governed": 27120, - "assy": 27121, - "-found": 27122, - "▁theater": 27123, - "▁FontWeight": 27124, - "▁Batman": 27125, - "\"If": 27126, - ".Random": 27127, - "_delta": 27128, - "▁CE": 27129, - "Authenticated": 27130, - "▁drone": 27131, - "▁cous": 27132, - "radius": 27133, - "Mer": 27134, - "(None": 27135, - "▁NJ": 27136, - "_headers": 27137, - "▁amer": 27138, - "pytest": 27139, - "▁Actions": 27140, - "\t\t\t▁▁▁▁": 27141, - "▁ett": 27142, - "▁holy": 27143, - "▁uncomfort": 27144, - "▁Nin": 27145, - "▁Decimal": 27146, - "▁Messages": 27147, - ".sender": 27148, - "]])\n": 27149, - "▁embrace": 27150, - "Though": 27151, - "/sp": 27152, - "▁cultures": 27153, - "▁highway": 27154, - "tar": 27155, - ".fail": 27156, - "_hidden": 27157, - "▁componentDidMount": 27158, - "▁Wright": 27159, - "▁jag": 27160, - "_il": 27161, - "../../../": 27162, - "igu": 27163, - "Food": 27164, - "▁ace": 27165, - "USD": 27166, - "▁mutual": 27167, - "Logic": 27168, - "▁temple": 27169, - "▁briefly": 27170, - "▁Trip": 27171, - "classmethod": 27172, - "defaults": 27173, - "▁chunks": 27174, - ",,,,": 27175, - "▁Reason": 27176, - "$id": 27177, - "-ups": 27178, - "▁damn": 27179, - "▁trucks": 27180, - "▁unlimited": 27181, - "▁sculpt": 27182, - "▁Cards": 27183, - "▁autor": 27184, - "▁Testing": 27185, - "▁diese": 27186, - "shops": 27187, - "(payload": 27188, - "▁PATH": 27189, - "▁Memorial": 27190, - "▁ridiculous": 27191, - "egree": 27192, - "-winning": 27193, - "▁rehab": 27194, - "▁sophisticated": 27195, - "wpdb": 27196, - "\tpath": 27197, - "!\";\n": 27198, - "_SYS": 27199, - ".speed": 27200, - "▁soap": 27201, - "suffix": 27202, - "Wrap": 27203, - "▁enhancement": 27204, - "▁playlist": 27205, - "▁mixing": 27206, - "antidad": 27207, - "=\"\";\n": 27208, - "▁Revision": 27209, - "▁Beat": 27210, - ".inc": 27211, - "-way": 27212, - "encias": 27213, - "ulers": 27214, - "Cat": 27215, - "idel": 27216, - "▁Ship": 27217, - ".setColor": 27218, - "▁threatening": 27219, - ".modules": 27220, - "▁afterwards": 27221, - "▁Dashboard": 27222, - "\n▁\n": 27223, - "Signal": 27224, - "▁primer": 27225, - "orneys": 27226, - "iciary": 27227, - "▁ligne": 27228, - "_predict": 27229, - "▁aest": 27230, - "_https": 27231, - ">:": 27232, - "▁Lex": 27233, - "▁rencontres": 27234, - "egral": 27235, - "scala": 27236, - "_family": 27237, - "_sym": 27238, - "▁uncertainty": 27239, - "▁VALUE": 27240, - "▁};\r\n\r\n": 27241, - "▁broader": 27242, - "▁horses": 27243, - "▁Kal": 27244, - "oba": 27245, - "_INET": 27246, - "▁Kill": 27247, - "jquery": 27248, - "amination": 27249, - "[@\"": 27250, - "▁muj": 27251, - "###\n": 27252, - "FirstOrDefault": 27253, - "thenReturn": 27254, - "Che": 27255, - "/footer": 27256, - "▁parks": 27257, - "asje": 27258, - "▁Gulf": 27259, - "▁modest": 27260, - ".Init": 27261, - "▁prospects": 27262, - "▁svg": 27263, - ".Dialog": 27264, - "_NET": 27265, - "▁(($": 27266, - "▁ek": 27267, - "▁Warning": 27268, - "▁MK": 27269, - "": 27564, - "▁Repair": 27565, - "_BE": 27566, - "Brand": 27567, - "uart": 27568, - "preview": 27569, - "▁initiatives": 27570, - "running": 27571, - "bang": 27572, - "\tupdate": 27573, - "▁Coach": 27574, - "Rich": 27575, - "▁youtube": 27576, - "▁ritual": 27577, - "appa": 27578, - "▁Robinson": 27579, - "precision": 27580, - "////////////////////////////////////////////////////////////////////////////": 27581, - "=[]\n": 27582, - "▁celebrated": 27583, - "OTO": 27584, - "▁inclusion": 27585, - "JP": 27586, - "';\r\n\r\n": 27587, - "▁notable": 27588, - "(_.": 27589, - "Managed": 27590, - "▁guides": 27591, - " ": 27592, - "atedRoute": 27593, - "▁Adjust": 27594, - "▁colored": 27595, - "_scores": 27596, - "▁Tesla": 27597, - "_progress": 27598, - ".inst": 27599, - "['_": 27600, - ".flags": 27601, - "▁fclose": 27602, - "_OPER": 27603, - "_note": 27604, - "▁transgender": 27605, - "RIPT": 27606, - "▁absent": 27607, - "▁amet": 27608, - "▁operand": 27609, - "▁hood": 27610, - "toLowerCase": 27611, - "avo": 27612, - "▁Circuit": 27613, - "▁Lind": 27614, - "--}}\n": 27615, - "=m": 27616, - "▁suppress": 27617, - "▁MAP": 27618, - "iang": 27619, - "-admin": 27620, - "▁sidebar": 27621, - "▁Bu": 27622, - "▁Hex": 27623, - ",F": 27624, - "▁Signal": 27625, - "▁transparency": 27626, - "▁Federation": 27627, - "/V": 27628, - "Req": 27629, - "▁pulse": 27630, - "▁tends": 27631, - "Numbers": 27632, - "%'": 27633, - "▁deport": 27634, - "datas": 27635, - "_UINT": 27636, - "_tra": 27637, - "oko": 27638, - "▁\"?": 27639, - "compet": 27640, - "solete": 27641, - "undry": 27642, - "▁overlap": 27643, - "}`,\n": 27644, - ".ly": 27645, - "_summary": 27646, - "▁Lost": 27647, - ".Center": 27648, - "▁disability": 27649, - ".Serialization": 27650, - "▁geom": 27651, - "▁?:": 27652, - "▁Wo": 27653, - "▁shipped": 27654, - "▁ugly": 27655, - "▁excitement": 27656, - "▁exterior": 27657, - "▁checkout": 27658, - "▁kur": 27659, - ",D": 27660, - "▁Alaska": 27661, - "▁synthetic": 27662, - "▁Budget": 27663, - "▁Subscribe": 27664, - "▁&\n": 27665, - "▁Yu": 27666, - "\tquery": 27667, - "}.\n": 27668, - "▁traged": 27669, - "assen": 27670, - "▁accommodation": 27671, - "▁physician": 27672, - "▁renamed": 27673, - "▁tidak": 27674, - "▁minus": 27675, - "nych": 27676, - "097": 27677, - "_EXCEPTION": 27678, - "threads": 27679, - "▁tire": 27680, - "_created": 27681, - "ensure": 27682, - "▁worthy": 27683, - "▁excuse": 27684, - "▁cloth": 27685, - ".parentNode": 27686, - "/platform": 27687, - "▁UFC": 27688, - "▁Gtk": 27689, - "unny": 27690, - "▁gibt": 27691, - "keley": 27692, - "hum": 27693, - "(tx": 27694, - "\tdev": 27695, - "▁outfit": 27696, - "doors": 27697, - "▁fon": 27698, - "icut": 27699, - "volatile": 27700, - "▁homosex": 27701, - "Maximum": 27702, - "▁expend": 27703, - "▁});\n\n\n": 27704, - "Eq": 27705, - "onders": 27706, - "department": 27707, - "▁Physics": 27708, - "\"});\n": 27709, - "▁parad": 27710, - ".Str": 27711, - "▁sele": 27712, - "IFIED": 27713, - "▁delivers": 27714, - "ivan": 27715, - "▁responsibilities": 27716, - "▁advocates": 27717, - "▁RID": 27718, - ".parameters": 27719, - "Metrics": 27720, - "ronics": 27721, - "▁UITableViewCell": 27722, - "Absolute": 27723, - "ipse": 27724, - "ylum": 27725, - "MLElement": 27726, - "_VALID": 27727, - "\\<^": 27912, - "▁ios": 27913, - "sound": 27914, - "\"];": 27915, - "▁freed": 27916, - "rottle": 27917, - "▁Lower": 27918, - "[count": 27919, - "▁pale": 27920, - "▁Wayne": 27921, - "earth": 27922, - "_categories": 27923, - "UCK": 27924, - ".metadata": 27925, - "▁summon": 27926, - "HOME": 27927, - "▁manufactured": 27928, - "▁dock": 27929, - "▁competitors": 27930, - "_MODEL": 27931, - "okia": 27932, - "▁Hey": 27933, - "▁backward": 27934, - "▁POSS": 27935, - "ropa": 27936, - "▁cri": 27937, - "_OBJ": 27938, - "Transport": 27939, - "-high": 27940, - "▁erotik": 27941, - "_slot": 27942, - "▁artic": 27943, - "_framework": 27944, - "-serif": 27945, - "▁SqlDbType": 27946, - "')(": 27947, - "+\"/": 27948, - "▁wore": 27949, - "Sil": 27950, - "▁storing": 27951, - "▁Phase": 27952, - "uant": 27953, - "▁bump": 27954, - "inho": 27955, - "▁dign": 27956, - "▁backs": 27957, - "qq": 27958, - "(hash": 27959, - "▁geo": 27960, - "▁tender": 27961, - "Logo": 27962, - "!)\n": 27963, - "▁MX": 27964, - "▁Arthur": 27965, - "essoa": 27966, - "_Ch": 27967, - "▁bedrooms": 27968, - "=\"#\"><": 27969, - "▁throat": 27970, - "insic": 27971, - ".integer": 27972, - "▁primitive": 27973, - "Truthy": 27974, - "▁facilitate": 27975, - "▁creativity": 27976, - "▁DNS": 27977, - "▁gra": 27978, - "uez": 27979, - "▁countless": 27980, - "▁Poland": 27981, - "'M": 27982, - "▁Dist": 27983, - "▁vest": 27984, - "▁certification": 27985, - "held": 27986, - "extensions": 27987, - "(static": 27988, - "▁grades": 27989, - "▁Uber": 27990, - "▁[])\n": 27991, - "datos": 27992, - "▁getData": 27993, - "▁Charg": 27994, - "▁BS": 27995, - ".microsoft": 27996, - ".video": 27997, - ".direction": 27998, - "->{'": 27999, - "lua": 28000, - "apest": 28001, - "▁boiler": 28002, - "erek": 28003, - "▁decides": 28004, - ".jar": 28005, - "ISC": 28006, - "▁Words": 28007, - "(CON": 28008, - "EMPLATE": 28009, - "reeze": 28010, - "shots": 28011, - "apps": 28012, - "unted": 28013, - ".setName": 28014, - "::<": 28015, - "-bold": 28016, - "Longrightarrow": 28017, - "▁unfair": 28018, - "▁earning": 28019, - "▁shelf": 28020, - "UREMENT": 28021, - "▁idle": 28022, - "_MENU": 28023, - ".Custom": 28024, - "AGER": 28025, - "-\"": 28026, - "_switch": 28027, - "because": 28028, - ")view": 28029, - "mare": 28030, - "_condition": 28031, - "▁Starting": 28032, - "Mvc": 28033, - "(pre": 28034, - "dump": 28035, - "_LOCK": 28036, - "atetime": 28037, - ".callback": 28038, - "▁Cer": 28039, - "opol": 28040, - "ibrary": 28041, - "▁reservation": 28042, - "\t\t\t\t\t\t\t\n": 28043, - "lector": 28044, - "graduate": 28045, - "▁generous": 28046, - "▁ion": 28047, - "ricao": 28048, - "mq": 28049, - "_complete": 28050, - "(cursor": 28051, - "▁FormControl": 28052, - ":center": 28053, - "▁substitute": 28054, - "▁Planning": 28055, - "▁pension": 28056, - "▁recommendation": 28057, - "▁Tags": 28058, - "▁gef": 28059, - "▁albums": 28060, - "▁washing": 28061, - "roc": 28062, - "▁trains": 28063, - "atings": 28064, - "▁exponent": 28065, - "ackbar": 28066, - "-ln": 28067, - ".DataAnnotations": 28068, - "▁EIF": 28069, - "▁Malaysia": 28070, - "\tPORT": 28071, - "onus": 28072, - "▁clever": 28073, - "▁peu": 28074, - ">\n\n\n\n": 28075, - "▁Arguments": 28076, - "▁debugging": 28077, - "(right": 28078, - "'D": 28079, - "compute": 28080, - "▁finest": 28081, - "ORAGE": 28082, - "▁spectacular": 28083, - "phrase": 28084, - "▁india": 28085, - "▁legendary": 28086, - "birth": 28087, - "▁composite": 28088, - "▁grows": 28089, - "▁TD": 28090, - "▁epid": 28091, - "▁launching": 28092, - "]][": 28093, - "Minutes": 28094, - "▁Cha": 28095, - "▁cleaned": 28096, - "▁witnesses": 28097, - "ukan": 28098, - "\tType": 28099, - "▁habe": 28100, - "paragraph": 28101, - "▁JPanel": 28102, - "▁Hann": 28103, - "▁varied": 28104, - "▁Pokemon": 28105, - "▁MUST": 28106, - ".visibility": 28107, - "opup": 28108, - "^[": 28109, - ".expand": 28110, - "▁\"',": 28111, - ".fasterxml": 28112, - "_auto": 28113, - "▁Sheet": 28114, - "marker": 28115, - "Parcel": 28116, - "ews": 28117, - "▁Strategy": 28118, - "-making": 28119, - "▁unve": 28120, - "▁trailing": 28121, - "▁clicks": 28122, - "▁GetComponent": 28123, - "\tcontent": 28124, - "IGENCE": 28125, - "ERNEL": 28126, - "NSMutableArray": 28127, - "▁breat": 28128, - "▁harmful": 28129, - "▁besides": 28130, - "▁boring": 28131, - "▁brutal": 28132, - "vang": 28133, - "(parse": 28134, - "quick": 28135, - "▁pytest": 28136, - "▁switching": 28137, - "()]\n": 28138, - "LER": 28139, - "\tfont": 28140, - "▁nett": 28141, - ")]\n\n": 28142, - "(/\\": 28143, - "toArray": 28144, - "▁breed": 28145, - "▁CAR": 28146, - "▁Weapon": 28147, - "Abs": 28148, - "tot": 28149, - "▁setName": 28150, - "aptive": 28151, - "▁:,": 28152, - "▁escaped": 28153, - "orden": 28154, - "▁Pri": 28155, - "thumbnail": 28156, - "▁descriptions": 28157, - "/styles": 28158, - "▁PCI": 28159, - "▁alphabet": 28160, - "asticsearch": 28161, - "NOTE": 28162, - "▁cialis": 28163, - "▁Griff": 28164, - "▁porque": 28165, - "▁proteins": 28166, - "plays": 28167, - "▁stating": 28168, - "▁imagination": 28169, - "▁facial": 28170, - "▁Mechan": 28171, - "▁arranged": 28172, - "_used": 28173, - "▁arrangements": 28174, - "▁Pipe": 28175, - "hostname": 28176, - "▁provinc": 28177, - "Tit": 28178, - ".FlatStyle": 28179, - "▁Split": 28180, - "▁Loader": 28181, - ".cc": 28182, - "▁clinic": 28183, - "----------------------------": 28184, - "▁baking": 28185, - "▁ENT": 28186, - "neath": 28187, - "ANE": 28188, - ".EntityFrameworkCore": 28189, - "appers": 28190, - ".ic": 28191, - "▁NgModule": 28192, - "▁FORM": 28193, - "▁';": 28194, - "-profit": 28195, - "hw": 28196, - "enemy": 28197, - "▁Eye": 28198, - "▁caution": 28199, - "town": 28200, - "▁urged": 28201, - "▁Jimmy": 28202, - "ynchronous": 28203, - "-sized": 28204, - "making": 28205, - ",{": 28206, - "]',": 28207, - "_Object": 28208, - "ahoma": 28209, - "▁activist": 28210, - "INVAL": 28211, - "▁Commercial": 28212, - "▁Orlando": 28213, - "(tab": 28214, - "Algorithm": 28215, - "▁heritage": 28216, - "GetMapping": 28217, - "▁failures": 28218, - "rios": 28219, - "ativa": 28220, - "▁tet": 28221, - "▁carpet": 28222, - "(Z": 28223, - "three": 28224, - "▁disclosure": 28225, - ".ERROR": 28226, - "_called": 28227, - "▁dial": 28228, - "▁occasional": 28229, - ".Err": 28230, - "▁funcion": 28231, - "caffold": 28232, - "▁releasing": 28233, - "_Value": 28234, - "▁Vari": 28235, - "yellow": 28236, - "▁struggles": 28237, - ".cal": 28238, - "▁Dakota": 28239, - "\tclose": 28240, - "▁sandwich": 28241, - "▁analytics": 28242, - "▁**)": 28243, - "&#": 28244, - "▁Jos": 28245, - "▁passive": 28246, - "ATTR": 28247, - "Throwable": 28248, - "▁Mun": 28249, - "▁Uint": 28250, - "(disposing": 28251, - "arak": 28252, - "▁Leaders": 28253, - "▁affecting": 28254, - "▁itemView": 28255, - "▁economics": 28256, - "fv": 28257, - ".rb": 28258, - "▁Overall": 28259, - "▁wealthy": 28260, - "▁evolved": 28261, - "nda": 28262, - "▁Hus": 28263, - "restrict": 28264, - "umen": 28265, - "▁Agricult": 28266, - "!\n\n\n": 28267, - "▁expires": 28268, - "▁spokesperson": 28269, - "interval": 28270, - "▁queen": 28271, - "(nil": 28272, - "ingo": 28273, - "Heap": 28274, - "▁complain": 28275, - "Sym": 28276, - "▁Clone": 28277, - "▁Ru": 28278, - "▁WILL": 28279, - "▁Crystal": 28280, - "/content": 28281, - "ingen": 28282, - "ointment": 28283, - "LastName": 28284, - "avicon": 28285, - "▁IBM": 28286, - "▁Dimension": 28287, - "anh": 28288, - "icipants": 28289, - "▁Anne": 28290, - ".progress": 28291, - "▁algo": 28292, - "obil": 28293, - "▁Voice": 28294, - "▁FE": 28295, - "▁gli": 28296, - "▁ved": 28297, - "▁prevents": 28298, - "\\Column": 28299, - "▁folk": 28300, - "etti": 28301, - "▁mn": 28302, - "▁CLASS": 28303, - "▁displaying": 28304, - "▁Kl": 28305, - "▁Ferr": 28306, - "duto": 28307, - ".ib": 28308, - "▁dados": 28309, - "'name": 28310, - "-space": 28311, - "▁italian": 28312, - "▁inverse": 28313, - "▁dense": 28314, - "uter": 28315, - "▁IEnumerator": 28316, - "-sign": 28317, - "▁nationwide": 28318, - "▁persona": 28319, - "▁solved": 28320, - "▁dramatically": 28321, - "Logout": 28322, - "▁grav": 28323, - "▁analyses": 28324, - "ollo": 28325, - "▁lamp": 28326, - ".team": 28327, - "▁Erot": 28328, - "=[\"": 28329, - "▁dancing": 28330, - "▁?>/": 28331, - "▁cater": 28332, - "ffe": 28333, - "▁Sha": 28334, - "▁Bos": 28335, - "▁REQUIRE": 28336, - "▁Monster": 28337, - "▁RB": 28338, - "▁IDE": 28339, - "▁suits": 28340, - "▁formData": 28341, - "(theta": 28342, - "▁spatial": 28343, - "=NULL": 28344, - "▁SqlConnection": 28345, - "▁Venez": 28346, - "▁Morning": 28347, - "▁publications": 28348, - "▁NONINFRINGEMENT": 28349, - "firstName": 28350, - "uds": 28351, - "Would": 28352, - "_HEAD": 28353, - "▁invested": 28354, - "stable": 28355, - "fred": 28356, - "▁commander": 28357, - "SES": 28358, - "anche": 28359, - "▁Movement": 28360, - "Suite": 28361, - "▁jurisdiction": 28362, - "▁Beth": 28363, - "jQuery": 28364, - "▁Isa": 28365, - "▁dental": 28366, - ",*": 28367, - "▁Limit": 28368, - "iliation": 28369, - "=\"{": 28370, - "bast": 28371, - "▁turb": 28372, - "isy": 28373, - "OOK": 28374, - "▁advocate": 28375, - "imag": 28376, - "LECTION": 28377, - "(category": 28378, - ".dec": 28379, - "▁uniqu": 28380, - "_sn": 28381, - "▁attracted": 28382, - "▁Running": 28383, - "_edges": 28384, - "▁Disable": 28385, - "_AS": 28386, - "▁networking": 28387, - "_branch": 28388, - "Having": 28389, - "toBeTruthy": 28390, - "GI": 28391, - "▁camps": 28392, - "sep": 28393, - "-part": 28394, - "▁)\n\n\n\n\n\n\n\n": 28395, - "ustralia": 28396, - "▁Reports": 28397, - "rito": 28398, - "▁waist": 28399, - "_plus": 28400, - "▁WW": 28401, - "-person": 28402, - "April": 28403, - "▁sar": 28404, - ".tar": 28405, - "▁agricultural": 28406, - "tic": 28407, - "▁tcp": 28408, - "▁setValue": 28409, - "agento": 28410, - "▁Appe": 28411, - "piler": 28412, - "CADE": 28413, - "▁anche": 28414, - "atcher": 28415, - "▁comics": 28416, - "▁lbs": 28417, - "_segment": 28418, - "']=$": 28419, - "itters": 28420, - "icher": 28421, - "GINE": 28422, - "▁utilize": 28423, - "▁Cursor": 28424, - "_expression": 28425, - "▁dag": 28426, - "x": 28606, - ".Task": 28607, - "money": 28608, - "ibaba": 28609, - "'});\n": 28610, - "▁Specific": 28611, - "▁Linear": 28612, - "_OPT": 28613, - "HashCode": 28614, - "(Player": 28615, - ".ContainsKey": 28616, - "▁collapsed": 28617, - "transparent": 28618, - "_RANGE": 28619, - "Viewer": 28620, - "(cfg": 28621, - "▁sorting": 28622, - "▁infected": 28623, - "▁Nach": 28624, - "▁accommodate": 28625, - ".elements": 28626, - "_PART": 28627, - "▁Sexy": 28628, - "=get": 28629, - "(year": 28630, - "▁xhr": 28631, - ":]": 28632, - "owski": 28633, - "▁summar": 28634, - "▁inte": 28635, - "▁workflow": 28636, - "▁Taiwan": 28637, - "versions": 28638, - "▁surprisingly": 28639, - "▁optical": 28640, - "▁proces": 28641, - "▁disagree": 28642, - "▁nuevo": 28643, - "▁CAM": 28644, - "sorted": 28645, - "leases": 28646, - "istle": 28647, - "Ident": 28648, - "\tevent": 28649, - "jected": 28650, - "Chunk": 28651, - "Vars": 28652, - ".provider": 28653, - "▁proceedings": 28654, - "▁inclusive": 28655, - "▁artwork": 28656, - "endants": 28657, - "seen": 28658, - "▁lig": 28659, - "▁makers": 28660, - "_fun": 28661, - "▁lengths": 28662, - "PathVariable": 28663, - "[item": 28664, - "Dead": 28665, - "FFFFFF": 28666, - "▁Urban": 28667, - "uples": 28668, - "ichen": 28669, - "(nullptr": 28670, - ".spec": 28671, - ",System": 28672, - "URATION": 28673, - "(job": 28674, - "▁tracker": 28675, - "▁MR": 28676, - "▁SQLite": 28677, - "▁dto": 28678, - "▁;;\n": 28679, - "▁mint": 28680, - "▁Introduction": 28681, - "cao": 28682, - "▁questioned": 28683, - "▁fitted": 28684, - "revision": 28685, - "sq": 28686, - "▁mig": 28687, - "_units": 28688, - "_async": 28689, - "▁flick": 28690, - "});\n\n\n": 28691, - "▁notre": 28692, - "}`,": 28693, - "Filters": 28694, - "▁mundo": 28695, - "_days": 28696, - "▁frm": 28697, - "utc": 28698, - "▁vals": 28699, - "ewidth": 28700, - "▁Generator": 28701, - "▁Artist": 28702, - "▁IDs": 28703, - "▁Articles": 28704, - "reater": 28705, - "▁ComponentFixture": 28706, - ".=": 28707, - "▁rou": 28708, - "-no": 28709, - ".bukkit": 28710, - "egg": 28711, - "▁Diff": 28712, - "atics": 28713, - "▁Charlotte": 28714, - "bye": 28715, - "▁});\r\n\r\n": 28716, - "▁Vik": 28717, - "▁Brow": 28718, - "▁lv": 28719, - "▁Gib": 28720, - "-wing": 28721, - "GLIGENCE": 28722, - "(Il": 28723, - "▁Engineer": 28724, - ".Wait": 28725, - "▁Pictures": 28726, - "▁rhet": 28727, - "▁thermal": 28728, - "▁praise": 28729, - "<>();\n\n": 28730, - "▁Spider": 28731, - "Pause": 28732, - "▁Baker": 28733, - "▁slower": 28734, - "▁}]\n": 28735, - "_enqueue": 28736, - "▁disappeared": 28737, - "▁Ticket": 28738, - "INUX": 28739, - "_LOCAL": 28740, - "@Injectable": 28741, - "community": 28742, - "GestureRecognizer": 28743, - "▁scales": 28744, - "▁-(": 28745, - "/'+": 28746, - "▁Sit": 28747, - "▁executives": 28748, - "arding": 28749, - "▁advers": 28750, - "▁backwards": 28751, - "\tcontext": 28752, - "▁Hamp": 28753, - "▁PF": 28754, - "▁Deck": 28755, - "▁Craig": 28756, - "American": 28757, - "▁bell": 28758, - "▁prol": 28759, - "ufen": 28760, - "▁rng": 28761, - "arshal": 28762, - "▁Simply": 28763, - "firstname": 28764, - "shore": 28765, - "July": 28766, - "▁mortality": 28767, - "Helpers": 28768, - "▁benchmark": 28769, - "emade": 28770, - "▁organisations": 28771, - ".gson": 28772, - "▁TextField": 28773, - "▁civilians": 28774, - ".Arrays": 28775, - "▁Mississippi": 28776, - "▁intermediate": 28777, - "getUser": 28778, - "_cluster": 28779, - "Relative": 28780, - "foreign": 28781, - ".querySelectorAll": 28782, - "ForeignKey": 28783, - "▁reasonably": 28784, - "---------\n": 28785, - "Cards": 28786, - "▁Kam": 28787, - "▁Thor": 28788, - "▁roller": 28789, - "-element": 28790, - "▁Currency": 28791, - "ddie": 28792, - "ALLY": 28793, - "▁RA": 28794, - "▁permet": 28795, - "aaaa": 28796, - "▁homework": 28797, - "▁Vit": 28798, - "▁mold": 28799, - "▁Fer": 28800, - "[start": 28801, - "▁statistical": 28802, - "▁scary": 28803, - "_HOME": 28804, - ".Begin": 28805, - "Construct": 28806, - "ogenic": 28807, - "▁DEALINGS": 28808, - "ixon": 28809, - ".ind": 28810, - "acre": 28811, - "▁transforms": 28812, - "▁Nap": 28813, - ".Block": 28814, - "ussia": 28815, - "piration": 28816, - "ulent": 28817, - "▁ceil": 28818, - "Clause": 28819, - "naire": 28820, - "TES": 28821, - "▁neat": 28822, - "STD": 28823, - "▁RegExp": 28824, - "perform": 28825, - ":)": 28826, - "▁unions": 28827, - "▁sublic": 28828, - "▁winds": 28829, - "loating": 28830, - "glich": 28831, - "▁pagination": 28832, - "Skill": 28833, - "Apply": 28834, - "▁Operator": 28835, - "istogram": 28836, - "▁qualities": 28837, - "Cross": 28838, - "▁decom": 28839, - "],\"": 28840, - "▁Juan": 28841, - ".modal": 28842, - ".Child": 28843, - "▁Roger": 28844, - "STITUTE": 28845, - ":CGRectMake": 28846, - "alette": 28847, - "▁sta": 28848, - "aside": 28849, - "▁blur": 28850, - "▁Wa": 28851, - "ifetime": 28852, - "reed": 28853, - "controls": 28854, - "▁bins": 28855, - "*/,\n": 28856, - "UIS": 28857, - "▁Rou": 28858, - "▁Demo": 28859, - "-awesome": 28860, - "▁Chain": 28861, - "▁hasta": 28862, - "▁Bart": 28863, - ".KEY": 28864, - "▁vendors": 28865, - "nofollow": 28866, - "▁Dest": 28867, - "_builder": 28868, - "▁argues": 28869, - "_answer": 28870, - "goto": 28871, - "▁RESULT": 28872, - "▁MON": 28873, - "▁poder": 28874, - "oons": 28875, - "_CASE": 28876, - "▁replic": 28877, - "▁financing": 28878, - "▁DATE": 28879, - "cern": 28880, - "_track": 28881, - "ties": 28882, - "/logo": 28883, - "▁NEGLIGENCE": 28884, - "getType": 28885, - ">T": 28886, - "bet": 28887, - "girl": 28888, - "▁INCIDENTAL": 28889, - "-site": 28890, - ".trigger": 28891, - "▁Lisa": 28892, - "_inputs": 28893, - "▁relatives": 28894, - "LoggedIn": 28895, - "Configure": 28896, - "IK": 28897, - ".accept": 28898, - "Resume": 28899, - "▁Draft": 28900, - "▁*>(": 28901, - "▁WA": 28902, - "edian": 28903, - "erness": 28904, - "▁LayoutInflater": 28905, - "*/\r\n\r\n": 28906, - "othy": 28907, - "▁obligation": 28908, - "Subscribe": 28909, - "▁thumbnail": 28910, - "exist": 28911, - "▁insisted": 28912, - "▁UICollectionView": 28913, - "▁Angular": 28914, - "▁tablets": 28915, - "▁Impact": 28916, - "aho": 28917, - "▁characteristic": 28918, - "gd": 28919, - "▁=================================================": 28920, - "ourt": 28921, - "`.": 28922, - "Appro": 28923, - "Coordinate": 28924, - "Remember": 28925, - "▁marine": 28926, - "]=='": 28927, - "▁Administrator": 28928, - ".getDefault": 28929, - "▁forgot": 28930, - "▁Structure": 28931, - "Vue": 28932, - "arsing": 28933, - "moment": 28934, - "kw": 28935, - "_cursor": 28936, - "Attack": 28937, - "▁athletic": 28938, - "▁diagnosed": 28939, - "▁ende": 28940, - "House": 28941, - "▁PARAM": 28942, - "▁wiki": 28943, - "▁Opp": 28944, - "▁conservation": 28945, - "▁snd": 28946, - "_tem": 28947, - "substr": 28948, - "▁Cape": 28949, - ".sim": 28950, - "UTION": 28951, - "anan": 28952, - "▁gy": 28953, - "-work": 28954, - "▁compelling": 28955, - "='#": 28956, - "\tsub": 28957, - "▁directories": 28958, - "▁touches": 28959, - "outines": 28960, - ".Collection": 28961, - "schedule": 28962, - ".lat": 28963, - "▁Doctrine": 28964, - "CAA": 28965, - "▁Refer": 28966, - "▁shifts": 28967, - "▁likelihood": 28968, - "preter": 28969, - "▁Female": 28970, - "▁intercept": 28971, - "▁lou": 28972, - "▁rug": 28973, - "▁Crown": 28974, - "▁****************************************************************************": 28975, - "-product": 28976, - "▁prompted": 28977, - "ungle": 28978, - "docker": 28979, - "▁Tu": 28980, - "▁Unique": 28981, - "_Error": 28982, - "ulos": 28983, - "▁(`": 28984, - "Getting": 28985, - "_scal": 28986, - "▁Enh": 28987, - "▁sustained": 28988, - "▁patches": 28989, - "▁prosper": 28990, - "▁Gaza": 28991, - "_light": 28992, - "▁incons": 28993, - "--------\n": 28994, - "\t\t▁▁▁▁▁▁": 28995, - "SF": 28996, - "CN": 28997, - ":\";\n": 28998, - "▁Collins": 28999, - "(*)": 29000, - "▁compilation": 29001, - "']\r\n": 29002, - "▁consequence": 29003, - ",...": 29004, - "▁dm": 29005, - "▁BLOCK": 29006, - "Cluster": 29007, - "▁ski": 29008, - "(argc": 29009, - "Tuple": 29010, - "▁joins": 29011, - "▁Sheriff": 29012, - "War": 29013, - "indi": 29014, - "▁commented": 29015, - "HOST": 29016, - "▁invitation": 29017, - "apanese": 29018, - "▁permits": 29019, - "precedented": 29020, - "_zone": 29021, - "▁Amy": 29022, - "_RD": 29023, - "Minimum": 29024, - "▁invocation": 29025, - ".enable": 29026, - "ichten": 29027, - "-owned": 29028, - "\"id": 29029, - "_POINTER": 29030, - "Fac": 29031, - "▁specifications": 29032, - "▁nomination": 29033, - "▁gp": 29034, - "<(": 29035, - "▁robots": 29036, - "▁Jerry": 29037, - "▁holders": 29038, - "▁wand": 29039, - "cms": 29040, - "▁}))\n": 29041, - ".Toast": 29042, - "▁IList": 29043, - "Based": 29044, - "zoom": 29045, - "/style": 29046, - "▁Beck": 29047, - "Men": 29048, - "▁contributing": 29049, - "▁undo": 29050, - "▁OH": 29051, - "▁addObject": 29052, - "▁eigen": 29053, - "signup": 29054, - "▁distant": 29055, - "PARATOR": 29056, - "▁Mari": 29057, - "Emp": 29058, - "evt": 29059, - "+j": 29060, - "park": 29061, - "▁Stay": 29062, - "▁Dun": 29063, - "▁soy": 29064, - ">%": 29065, - "azines": 29066, - "▁tiempo": 29067, - "(me": 29068, - "present": 29069, - ".This": 29070, - "▁editors": 29071, - "FIELD": 29072, - ".Work": 29073, - "▁Universe": 29074, - "▁drunk": 29075, - ".timer": 29076, - "▁altered": 29077, - "▁Nar": 29078, - ".Active": 29079, - "idor": 29080, - ".deltaTime": 29081, - "▁awkward": 29082, - """: 29083, - "▁Safari": 29084, - "▁tricks": 29085, - "MENTS": 29086, - "division": 29087, - "▁varying": 29088, - "▁Highway": 29089, - "▁photographer": 29090, - "▁Stewart": 29091, - "▁lasting": 29092, - ".Pre": 29093, - ".amazonaws": 29094, - "▁Luck": 29095, - ".Description": 29096, - "▁Naz": 29097, - "neg": 29098, - "<<\"\\": 29099, - "▁Surv": 29100, - "▁Unc": 29101, - "Recipe": 29102, - ".BorderStyle": 29103, - "▁modifications": 29104, - "-at": 29105, - "ATFORM": 29106, - "hdr": 29107, - "ako": 29108, - "▁sublicense": 29109, - "▁Jump": 29110, - "▁beim": 29111, - "▁Manhattan": 29112, - ".bool": 29113, - "_hw": 29114, - "Bin": 29115, - "▁gateway": 29116, - "\"\":": 29117, - "▁UIS": 29118, - ":\"+": 29119, - "-def": 29120, - "▁Regular": 29121, - "/testing": 29122, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 29123, - "stringstream": 29124, - "▁dispar": 29125, - "▁mobil": 29126, - "-read": 29127, - "▁Adapter": 29128, - "▁Champions": 29129, - "▁scheduler": 29130, - "▁kills": 29131, - "▁Multiple": 29132, - "irror": 29133, - "▁gods": 29134, - "ADO": 29135, - "akte": 29136, - "▁Usuario": 29137, - ".circular": 29138, - "▁recept": 29139, - "▁Expr": 29140, - "▁elderly": 29141, - "▁nicely": 29142, - "▁beste": 29143, - "Want": 29144, - "▁classical": 29145, - ".sprite": 29146, - "objc": 29147, - "▁Mason": 29148, - "▁sistema": 29149, - ".Black": 29150, - "eso": 29151, - "▁Zeit": 29152, - "▁divid": 29153, - "▁enters": 29154, - "_subject": 29155, - "▁Planet": 29156, - ".warning": 29157, - "▁Gram": 29158, - "_tokens": 29159, - "▁households": 29160, - "_customer": 29161, - "userName": 29162, - "cross": 29163, - "▁pione": 29164, - "▁assists": 29165, - "_SM": 29166, - "ibo": 29167, - "▁loyal": 29168, - "▁useless": 29169, - "#elif": 29170, - "▁Ultimate": 29171, - "Come": 29172, - "gel": 29173, - "▁dich": 29174, - "xyz": 29175, - "ikel": 29176, - "obra": 29177, - "_scan": 29178, - "▁Interior": 29179, - "▁Nice": 29180, - "▁plac": 29181, - "\ttarget": 29182, - "▁viral": 29183, - "asso": 29184, - "()/": 29185, - "unde": 29186, - "▁Adobe": 29187, - "Os": 29188, - "visited": 29189, - "▁OW": 29190, - "▁Feed": 29191, - "▁Sequence": 29192, - "▁manages": 29193, - "inson": 29194, - "▁Louisiana": 29195, - "{})": 29196, - "▁Hab": 29197, - "▁LD": 29198, - "▁bip": 29199, - "prites": 29200, - "(elem": 29201, - ".hibernate": 29202, - "▁ohne": 29203, - "_transaction": 29204, - "▁annunci": 29205, - "Published": 29206, - "▁Honda": 29207, - "▁Tam": 29208, - "▁Packet": 29209, - "_selector": 29210, - "▁challenged": 29211, - "Processing": 29212, - "-hover": 29213, - "▁trainer": 29214, - "_cancel": 29215, - "▁NSDictionary": 29216, - "abric": 29217, - "▁MLS": 29218, - "_sensor": 29219, - "▁shrink": 29220, - "▁FX": 29221, - "threshold": 29222, - "\tHX": 29223, - "-mark": 29224, - "`.`": 29225, - "Scheme": 29226, - "(full": 29227, - "_writer": 29228, - "▁Sys": 29229, - "▁fled": 29230, - "▁Cin": 29231, - "-widget": 29232, - "▁Previous": 29233, - "Gender": 29234, - "_question": 29235, - "Feed": 29236, - "▁scrut": 29237, - "(prefix": 29238, - "▁infections": 29239, - "Parts": 29240, - "▁hierarchy": 29241, - "_DELETE": 29242, - "▁Patient": 29243, - "_pay": 29244, - "▁promoted": 29245, - "▁civilian": 29246, - "▁agriculture": 29247, - "▁Piece": 29248, - "▁stance": 29249, - "utsche": 29250, - "Assign": 29251, - ".ACTION": 29252, - "Fig": 29253, - "_radius": 29254, - "▁Sync": 29255, - "ducer": 29256, - "failure": 29257, - "ensed": 29258, - "ptime": 29259, - "BM": 29260, - "_datetime": 29261, - "quivo": 29262, - "QUEUE": 29263, - "Appear": 29264, - "▁summit": 29265, - ":void": 29266, - "▁vine": 29267, - "onne": 29268, - "_TRANS": 29269, - ".green": 29270, - "_cc": 29271, - "▁hungry": 29272, - "▁\">": 29273, - "());\r\n\r\n": 29274, - "Extract": 29275, - "izens": 29276, - "▁solver": 29277, - "Notify": 29278, - "▁english": 29279, - "▁Shopping": 29280, - "interfaces": 29281, - "REQ": 29282, - "▁illeg": 29283, - "▁UIImageView": 29284, - "▁disconnect": 29285, - "▁Until": 29286, - "▁Conservative": 29287, - "@Column": 29288, - "▁shifted": 29289, - "▁:\r\n": 29290, - "▁fich": 29291, - "▁dla": 29292, - "▁shoe": 29293, - "\"),\r\n": 29294, - "ularity": 29295, - "_RESP": 29296, - "Weather": 29297, - "UIApplication": 29298, - ".iterator": 29299, - "▁aging": 29300, - ".Parent": 29301, - "owie": 29302, - "(equal": 29303, - "▁Conv": 29304, - "/default": 29305, - "▁measuring": 29306, - ".prev": 29307, - ".IsValid": 29308, - ".Fat": 29309, - "keywords": 29310, - "without": 29311, - "▁sovere": 29312, - "▁exchanges": 29313, - "▁melt": 29314, - "▁islands": 29315, - "▁Integr": 29316, - "▁jumping": 29317, - "▁gle": 29318, - "▁journalism": 29319, - "▁dated": 29320, - "Localized": 29321, - "▁Refresh": 29322, - "Particle": 29323, - "▁aa": 29324, - "▁STRICT": 29325, - "▁bod": 29326, - ".Process": 29327, - "_AUTO": 29328, - "▁Published": 29329, - "every": 29330, - "▁technological": 29331, - "lsx": 29332, - "▁irrit": 29333, - "Additional": 29334, - "▁delimiter": 29335, - "_language": 29336, - "-area": 29337, - "boys": 29338, - "▁Tube": 29339, - "▁wat": 29340, - "▁mechanics": 29341, - "_owner": 29342, - "Spell": 29343, - "▁Stories": 29344, - ".AppendLine": 29345, - "TableView": 29346, - "hem": 29347, - "stick": 29348, - "ollower": 29349, - "IFF": 29350, - "▁UV": 29351, - "ollision": 29352, - "SUB": 29353, - "▁comparable": 29354, - "▁donde": 29355, - "sales": 29356, - "llvm": 29357, - "▁}],\n": 29358, - "OTTOM": 29359, - "▁Purpose": 29360, - "Lab": 29361, - "▁interviewed": 29362, - "ois": 29363, - "asil": 29364, - ".setId": 29365, - "▁Instruction": 29366, - "-->": 29367, - "▁Modified": 29368, - "ationally": 29369, - "▁Meeting": 29370, - "#region": 29371, - "▁routing": 29372, - ".focus": 29373, - "▁Youth": 29374, - "<": 29641, - "▁unto": 29642, - "ologically": 29643, - "▁Mul": 29644, - "VIDIA": 29645, - "▁slim": 29646, - "▁Commissioner": 29647, - "(on": 29648, - "▁underneath": 29649, - "/db": 29650, - "vote": 29651, - "(Message": 29652, - "▁Pope": 29653, - "Defined": 29654, - "▁swift": 29655, - "urf": 29656, - "▁adapted": 29657, - "SEL": 29658, - "▁revenues": 29659, - "▁divine": 29660, - "=y": 29661, - "Gradient": 29662, - "_act": 29663, - "▁/*!<": 29664, - "▁polygon": 29665, - "▁FDA": 29666, - "▁Carr": 29667, - "atables": 29668, - "(stdout": 29669, - "▁refriger": 29670, - "▁coordin": 29671, - "avorites": 29672, - "▁compassion": 29673, - "▁POSSIBILITY": 29674, - "-secondary": 29675, - "uracy": 29676, - "▁compromise": 29677, - "_AV": 29678, - "_os": 29679, - "▁beside": 29680, - "▁ln": 29681, - ".plugins": 29682, - "Capacity": 29683, - "alah": 29684, - ".bin": 29685, - "▁CRC": 29686, - "_balance": 29687, - "▁flexDirection": 29688, - "▁ambit": 29689, - "▁nickname": 29690, - "▁Forces": 29691, - "CLE": 29692, - "▁Shell": 29693, - "▁sail": 29694, - "▁Writer": 29695, - "▁Alice": 29696, - "dw": 29697, - "▁Indians": 29698, - "▁Marshall": 29699, - "_SRC": 29700, - "▁normalized": 29701, - "▁Jag": 29702, - "zeit": 29703, - "rpc": 29704, - ".inline": 29705, - "▁travers": 29706, - "_numeric": 29707, - "▁utilities": 29708, - "▁evac": 29709, - "INPUT": 29710, - "\tregister": 29711, - "MX": 29712, - "▁Campbell": 29713, - "▁datasets": 29714, - "▁demanded": 29715, - "▁initialState": 29716, - "gan": 29717, - "▁ei": 29718, - "Unexpected": 29719, - "-web": 29720, - "trait": 29721, - ",Y": 29722, - "▁Todd": 29723, - "▁skeleton": 29724, - "▁optimize": 29725, - "▁Upon": 29726, - "▁StObject": 29727, - "▁aplic": 29728, - ".'P": 29764, - "vron": 29765, - ".UN": 29766, - "▁painter": 29767, - "izarre": 29768, - "▁lav": 29769, - "▁pom": 29770, - "preg": 29771, - "=function": 29772, - "(serial": 29773, - "ifica": 29774, - "uming": 29775, - "-op": 29776, - "UCH": 29777, - "▁Hend": 29778, - ".propTypes": 29779, - "▁yo": 29780, - "▁routines": 29781, - "▁caring": 29782, - "Sem": 29783, - "▁reserves": 29784, - "▁priorities": 29785, - "redits": 29786, - "ISTR": 29787, - "ContentType": 29788, - "▁Schw": 29789, - "/media": 29790, - "▁estr": 29791, - "▁climbing": 29792, - "-week": 29793, - "cherche": 29794, - "sensor": 29795, - "ToArray": 29796, - "▁Montreal": 29797, - "▁clouds": 29798, - "▁Injectable": 29799, - "▁Rice": 29800, - "▁propaganda": 29801, - "_provider": 29802, - "▁indoor": 29803, - "▁inaug": 29804, - "▁diplom": 29805, - "▁messaging": 29806, - "_mut": 29807, - "▁kw": 29808, - "ONS": 29809, - "arians": 29810, - "RPC": 29811, - ")]\r\n": 29812, - "-ray": 29813, - "▁Sor": 29814, - "mall": 29815, - "▁marketplace": 29816, - "▁vtk": 29817, - "Ma": 29818, - "ogan": 29819, - "igi": 29820, - "▁sponsored": 29821, - "▁Dani": 29822, - ".SEVER": 29823, - ">'.$": 29824, - "multipart": 29825, - "▁Wol": 29826, - "▁tableName": 29827, - "▁Username": 29828, - "BackgroundColor": 29829, - "▁fright": 29830, - "_EMAIL": 29831, - "September": 29832, - "_vals": 29833, - "opia": 29834, - "▁spotted": 29835, - "-Ch": 29836, - "▁dataSource": 29837, - "/\"\n": 29838, - "▁RequestMethod": 29839, - "▁Replace": 29840, - "-do": 29841, - "ahn": 29842, - "▁PhD": 29843, - "].\n\n": 29844, - "NON": 29845, - "gement": 29846, - "▁Thr": 29847, - "▁quietly": 29848, - "▁torture": 29849, - "▁teas": 29850, - "▁CY": 29851, - "▁atr": 29852, - "development": 29853, - "-detail": 29854, - "▁lighter": 29855, - "▁arguing": 29856, - "▁deserves": 29857, - "▁curriculum": 29858, - "_CONTEXT": 29859, - "HITE": 29860, - "\tID": 29861, - "/uploads": 29862, - "▁tits": 29863, - "reo": 29864, - "_drop": 29865, - ".UTF": 29866, - "▁pickup": 29867, - "▁grocery": 29868, - "▁Pure": 29869, - "▁easiest": 29870, - "Phil": 29871, - ".feature": 29872, - "(\"*": 29873, - "▁investor": 29874, - "tok": 29875, - "▁jar": 29876, - "Los": 29877, - ".queue": 29878, - "-speed": 29879, - "Mal": 29880, - "umblr": 29881, - "▁CONST": 29882, - "▁HRESULT": 29883, - "▁Dance": 29884, - "(filePath": 29885, - "▁attributed": 29886, - "▁Bund": 29887, - "coins": 29888, - "▁pir": 29889, - "personal": 29890, - "▁prelim": 29891, - "▁propose": 29892, - "▁TL": 29893, - "]])": 29894, - "▁Subscription": 29895, - "▁Kre": 29896, - ",len": 29897, - ".FirstOrDefault": 29898, - ")--": 29899, - "_products": 29900, - ".GetBytes": 29901, - "Ship": 29902, - "▁encrypt": 29903, - "▁SG": 29904, - "▁Myst": 29905, - "hir": 29906, - "▁iterate": 29907, - "▁intend": 29908, - ".mockito": 29909, - "▁chapters": 29910, - "(angle": 29911, - "▁Vlad": 29912, - "'.\n\n": 29913, - "ResponseBody": 29914, - "▁Abd": 29915, - "deal": 29916, - "▁barriers": 29917, - "-outline": 29918, - "bill": 29919, - "▁Falls": 29920, - "_second": 29921, - ".include": 29922, - ".ceil": 29923, - "▁occupation": 29924, - "phony": 29925, - ".moveTo": 29926, - "▁Jennifer": 29927, - "ASTER": 29928, - ";\"><": 29929, - "▁Enabled": 29930, - "▁terminate": 29931, - "▁Io": 29932, - "lations": 29933, - "▁THEORY": 29934, - "▁earliest": 29935, - "▁rack": 29936, - "▁Scar": 29937, - "shake": 29938, - "chip": 29939, - "▁uv": 29940, - "▁alliance": 29941, - "▁GOODS": 29942, - "zione": 29943, - "▁VI": 29944, - "▁{-": 29945, - "▁filtering": 29946, - "▁miscon": 29947, - ".DockStyle": 29948, - "▁bush": 29949, - "▁junk": 29950, - "▁QUE": 29951, - "▁hooks": 29952, - "▁firmware": 29953, - "▁middleware": 29954, - "dic": 29955, - "▁Oakland": 29956, - "▁arrives": 29957, - "Payload": 29958, - "pixel": 29959, - "]|": 29960, - "▁startDate": 29961, - ".PRO": 29962, - "_audio": 29963, - "▁midfield": 29964, - "igidbody": 29965, - "▁Swiss": 29966, - "▁Clip": 29967, - "▁Dump": 29968, - "▁TextBox": 29969, - "▁geh": 29970, - "yield": 29971, - "ods": 29972, - "▁referendum": 29973, - "Backend": 29974, - "▁Cream": 29975, - "▁dominated": 29976, - "▁Archive": 29977, - "▁riders": 29978, - ".prepareStatement": 29979, - "▁quando": 29980, - "▁chef": 29981, - "wiki": 29982, - "inel": 29983, - "ampling": 29984, - "(\"\\\\": 29985, - "▁sag": 29986, - "_proxy": 29987, - "pdo": 29988, - ".getElementsByTagName": 29989, - "▁demonstration": 29990, - "▁NPC": 29991, - "▁archivo": 29992, - "endance": 29993, - "▁efficiently": 29994, - "(actual": 29995, - ".tableView": 29996, - "▁mush": 29997, - "▁bears": 29998, - "_threads": 29999, - "jas": 30000, - "ahun": 30001, - "▁neural": 30002, - "▁designing": 30003, - "▁GDP": 30004, - "▁lifted": 30005, - "▁Joint": 30006, - "▁Include": 30007, - "▁Giants": 30008, - "▁withdrawal": 30009, - "▁Rent": 30010, - "native": 30011, - "▁Seek": 30012, - "gression": 30013, - "_CPU": 30014, - "\\S": 30015, - "▁Shield": 30016, - "▁solic": 30017, - "▁boom": 30018, - "yecto": 30019, - "▁manufacture": 30020, - "▁bbox": 30021, - "▁earthqu": 30022, - "ollectors": 30023, - ":@\"%": 30024, - "▁loops": 30025, - "Je": 30026, - "alking": 30027, - "▁Whats": 30028, - "▁Boys": 30029, - ".book": 30030, - "ARGE": 30031, - "_pixel": 30032, - "▁suspects": 30033, - "usp": 30034, - "▁BMW": 30035, - "ieces": 30036, - "(person": 30037, - "▁Podcast": 30038, - "▁bou": 30039, - "(Item": 30040, - "(Input": 30041, - "HttpGet": 30042, - "▁burg": 30043, - ")^": 30044, - "BOARD": 30045, - "*/,": 30046, - "▁gulp": 30047, - "▁Benn": 30048, - "▁decks": 30049, - ".statusCode": 30050, - "▁acute": 30051, - "▁hug": 30052, - "ugu": 30053, - "▁pled": 30054, - ",\"%": 30055, - "hape": 30056, - "▁Maine": 30057, - ".real": 30058, - "▁dalam": 30059, - "▁Minor": 30060, - ".Float": 30061, - "disp": 30062, - "▁tl": 30063, - "▁encount": 30064, - "=>$": 30065, - "▁fg": 30066, - "tees": 30067, - "▁Recomm": 30068, - "▁chemistry": 30069, - "Blocks": 30070, - "OID": 30071, - "▁forex": 30072, - "▁Append": 30073, - "▁{*": 30074, - "▁Supply": 30075, - "CGFloat": 30076, - "(bl": 30077, - "▁ate": 30078, - "adora": 30079, - "▁gust": 30080, - "Associ": 30081, - ">.\n": 30082, - "FETCH": 30083, - ".serial": 30084, - "widgets": 30085, - "ardless": 30086, - "iefs": 30087, - "_FULL": 30088, - "ernetes": 30089, - "▁Pred": 30090, - "ubernetes": 30091, - "▁Laura": 30092, - "▁labeled": 30093, - "Highlight": 30094, - "▁annoying": 30095, - "/update": 30096, - "(description": 30097, - "▁intimid": 30098, - "$c": 30099, - "\")))\n": 30100, - ".AP": 30101, - "▁[]*": 30102, - "▁EXIT": 30103, - ".Host": 30104, - "▁OPEN": 30105, - ".sendMessage": 30106, - "_camera": 30107, - "_tile": 30108, - "▁therm": 30109, - "onomous": 30110, - "▁disadv": 30111, - "▁naar": 30112, - "indexOf": 30113, - "▁PP": 30114, - ".protocol": 30115, - "AFE": 30116, - "▁textures": 30117, - "################################################": 30118, - "umbai": 30119, - ".stats": 30120, - "▁GE": 30121, - "▁ie": 30122, - "▁STD": 30123, - "▁Mann": 30124, - ".reflect": 30125, - "KB": 30126, - "▁dive": 30127, - ".wav": 30128, - "/*----------------------------------------------------------------": 30129, - "/settings": 30130, - ".lifecycle": 30131, - "▁daughters": 30132, - "orus": 30133, - "uber": 30134, - "NING": 30135, - "stri": 30136, - "▁Tip": 30137, - "▁zn": 30138, - "▁switched": 30139, - "inet": 30140, - "uffy": 30141, - "▁Transportation": 30142, - "(conf": 30143, - "frica": 30144, - "▁XL": 30145, - "▁Lead": 30146, - "_percent": 30147, - "__": 30163, - "permissions": 30164, - "▁Determine": 30165, - ".Man": 30166, - "▁advances": 30167, - ".InputStream": 30168, - "▁strongest": 30169, - "▁eBay": 30170, - "▁#-": 30171, - "▁dirname": 30172, - "▁SMS": 30173, - "▁medications": 30174, - "▁amended": 30175, - "▁churches": 30176, - "▁Imperial": 30177, - "$row": 30178, - "▁Madison": 30179, - "▁Insp": 30180, - "▁affair": 30181, - "▁psychology": 30182, - "vh": 30183, - "▁severity": 30184, - "▁strips": 30185, - "AH": 30186, - "vertising": 30187, - "▁conse": 30188, - "IMAGE": 30189, - "▁Stats": 30190, - "\tsc": 30191, - ".Cursor": 30192, - "▁freeze": 30193, - "sson": 30194, - "(xml": 30195, - "▁Susan": 30196, - ".tile": 30197, - "eded": 30198, - "▁▁▁▁\t\t\t": 30199, - "uelle": 30200, - "▁Mitchell": 30201, - "based": 30202, - "Operand": 30203, - "▁FF": 30204, - "\tstrcpy": 30205, - "ounces": 30206, - "ildo": 30207, - ".executeQuery": 30208, - "▁approaching": 30209, - "▁Seven": 30210, - "▁nuts": 30211, - "▁ric": 30212, - "assignment": 30213, - "▁calculator": 30214, - "▁Murphy": 30215, - "▁Bou": 30216, - "▁butt": 30217, - "▁ticks": 30218, - "Projects": 30219, - "ilib": 30220, - ".textColor": 30221, - "mov": 30222, - "_logo": 30223, - "(template": 30224, - "▁INIT": 30225, - "▁imageView": 30226, - "scriptions": 30227, - "ORITY": 30228, - "Consumer": 30229, - "▁unprecedented": 30230, - "▁tourist": 30231, - "▁bron": 30232, - "▁contractor": 30233, - "▁licence": 30234, - "▁Nam": 30235, - "(transform": 30236, - "_ATT": 30237, - "Pref": 30238, - "▁Gam": 30239, - "▁vessels": 30240, - "▁hav": 30241, - "Later": 30242, - ".ToLower": 30243, - "▁urls": 30244, - "▁breakdown": 30245, - "▁penalties": 30246, - "▁foster": 30247, - "▁UE": 30248, - "▁clue": 30249, - "comed": 30250, - "-main": 30251, - "▁pts": 30252, - "▁counted": 30253, - "icts": 30254, - "/post": 30255, - "▁getattr": 30256, - "▁ping": 30257, - "ANCEL": 30258, - "▁pec": 30259, - "antom": 30260, - "▁Blueprint": 30261, - "▁EventEmitter": 30262, - "▁straw": 30263, - "(comp": 30264, - "'une": 30265, - ">N": 30266, - "-client": 30267, - "esModule": 30268, - "-base": 30269, - "▁retreat": 30270, - "_simple": 30271, - "\t\t\t\t\t\t▁": 30272, - "fee": 30273, - "')\r\n\r\n": 30274, - "ControlItem": 30275, - "▁subscribers": 30276, - "please": 30277, - "▁Eff": 30278, - "▁pound": 30279, - "▁Bytes": 30280, - "▁Tea": 30281, - "_activity": 30282, - "▁maxim": 30283, - "▁opcode": 30284, - "BSD": 30285, - ".constant": 30286, - ";}": 30287, - "ombres": 30288, - "▁careers": 30289, - ").\n\n\n\n": 30290, - "▁spreading": 30291, - "-expanded": 30292, - "▁Ord": 30293, - "amarin": 30294, - "▁mobility": 30295, - "Unfortunately": 30296, - "akk": 30297, - "NL": 30298, - "_redirect": 30299, - "▁PG": 30300, - "▁Sensor": 30301, - "bol": 30302, - "tap": 30303, - "_MEMORY": 30304, - "▁UIAlert": 30305, - "plitude": 30306, - "Website": 30307, - "▁Logo": 30308, - "love": 30309, - "[ind": 30310, - "▁altogether": 30311, - "▁wondered": 30312, - "▁esper": 30313, - "▁Liberal": 30314, - "▁oss": 30315, - "▁elit": 30316, - "▁stiff": 30317, - "odox": 30318, - "_mentions": 30319, - "▁Douglas": 30320, - "_pid": 30321, - "▁CK": 30322, - "▁initWithFrame": 30323, - ".blog": 30324, - "pkg": 30325, - "anghai": 30326, - "QUIRED": 30327, - "uu": 30328, - "▁mkdir": 30329, - "ATAL": 30330, - "▁unh": 30331, - "inces": 30332, - "sth": 30333, - "▁hypothesis": 30334, - "▁cata": 30335, - "▁TB": 30336, - "▁Clar": 30337, - "▁predecess": 30338, - "▁situated": 30339, - "-world": 30340, - "))/": 30341, - "▁headlines": 30342, - ".stat": 30343, - "▁outbreak": 30344, - "spath": 30345, - "_FLAGS": 30346, - "▁ServletException": 30347, - "Sun": 30348, - "FROM": 30349, - "▁Dir": 30350, - "_coord": 30351, - "▁Optim": 30352, - "Monitor": 30353, - ".bit": 30354, - "XXX": 30355, - "▁todas": 30356, - "feld": 30357, - "imir": 30358, - "▁politically": 30359, - "▁molecular": 30360, - "▁traded": 30361, - "▁{{$": 30362, - "▁Swedish": 30363, - "▁'@/": 30364, - "_REAL": 30365, - "▁warehouse": 30366, - "today": 30367, - ",L": 30368, - "orp": 30369, - "false": 30631, - "▁spa": 30632, - "▁Near": 30633, - "▁intrig": 30634, - "_members": 30635, - "wave": 30636, - "▁analysts": 30637, - "_OS": 30638, - "edin": 30639, - "▁Fri": 30640, - "▁retrieved": 30641, - "Regular": 30642, - "_obs": 30643, - "EXPORT": 30644, - "')}}\"": 30645, - "\"class": 30646, - "__((": 30647, - "bucket": 30648, - "▁stro": 30649, - "▁Patch": 30650, - "ystick": 30651, - "fulness": 30652, - "apos": 30653, - "Da": 30654, - "\t\t\t\t\t▁▁▁": 30655, - "▁enrich": 30656, - "unordered": 30657, - "hole": 30658, - "Cong": 30659, - "';\n\n": 30698, - "STRUCT": 30699, - "QR": 30700, - "IDs": 30701, - "(arguments": 30702, - "_aux": 30703, - "(Event": 30704, - "_PRIVATE": 30705, - "▁Trek": 30706, - "▁downloads": 30707, - "mutable": 30708, - "_STRUCT": 30709, - "(wx": 30710, - "▁domains": 30711, - "jspx": 30712, - "▁Viagra": 30713, - "Commands": 30714, - "Js": 30715, - ".cfg": 30716, - "ContentPane": 30717, - "▁EditText": 30718, - "Attach": 30719, - "▁ARM": 30720, - "positive": 30721, - "▁Generated": 30722, - "▁seized": 30723, - "=:": 30724, - "▁electronics": 30725, - "▁AppComponent": 30726, - "/',\n": 30727, - ".equalsIgnoreCase": 30728, - "Doctrine": 30729, - "disk": 30730, - "▁Political": 30731, - "CHO": 30732, - "": 30812, - "▁Beauty": 30813, - "▁`<": 30814, - "▁touching": 30815, - "▁|--": 30816, - "\tflag": 30817, - "normalize": 30818, - "▁trapped": 30819, - "▁establishing": 30820, - "/build": 30821, - "AJ": 30822, - "fy": 30823, - "-react": 30824, - "avn": 30825, - "RIPTION": 30826, - "▁kut": 30827, - "▁Fashion": 30828, - "▁Inform": 30829, - "curities": 30830, - "{\n": 30862, - "▁garlic": 30863, - "▁repr": 30864, - "▁replies": 30865, - "(prop": 30866, - "▁spirits": 30867, - "▁inspire": 30868, - "▁basement": 30869, - ".reject": 30870, - "▁hints": 30871, - "▁polling": 30872, - "\t▁\n": 30873, - "_rating": 30874, - "▁cath": 30875, - "avier": 30876, - "▁compressed": 30877, - "▁VS": 30878, - "]'": 30879, - "▁judicial": 30880, - "▁Trend": 30881, - "training": 30882, - "ESTAMP": 30883, - "ognition": 30884, - "SENT": 30885, - "ventions": 30886, - "▁consultant": 30887, - "umph": 30888, - "▁userService": 30889, - ",NULL": 30890, - "kh": 30891, - "Dear": 30892, - "_BAD": 30893, - "itations": 30894, - "▁metaph": 30895, - "andise": 30896, - "-font": 30897, - ".chart": 30898, - "▁sg": 30899, - "_Controller": 30900, - ".jpeg": 30901, - "▁ULONG": 30902, - "\tgame": 30903, - "(ss": 30904, - "▁Maj": 30905, - "\tgo": 30906, - "▁Sad": 30907, - "▁Berg": 30908, - "▁Mine": 30909, - "Pack": 30910, - "▁resistant": 30911, - "▁ROM": 30912, - "▁peg": 30913, - "▁Stanford": 30914, - "▁Yahoo": 30915, - "▁scaled": 30916, - "▁lan": 30917, - "=[]": 30918, - "\"/>\r\r\n": 30960, - "▁sud": 30961, - "\tbackground": 30962, - "▁scholars": 30963, - "-muted": 30964, - "▁=====": 30965, - "▁____": 30966, - "Creat": 30967, - "enever": 30968, - "/wp": 30969, - "▁VPN": 30970, - "ErrorCode": 30971, - ")],\n": 30972, - "(builder": 30973, - "▁Enemy": 30974, - "Sensor": 30975, - "usa": 30976, - "▁triggers": 30977, - "▁playoffs": 30978, - "_REQ": 30979, - "▁(~": 30980, - "▁Barry": 30981, - "▁permanently": 30982, - "▁RUN": 30983, - "▁bure": 30984, - ".Fatalf": 30985, - "▁chick": 30986, - "\tpanic": 30987, - "psi": 30988, - "oka": 30989, - ">[": 30990, - "▁understands": 30991, - "▁Junior": 30992, - "▁INFO": 30993, - "=mysqli": 30994, - "ustain": 30995, - "-source": 30996, - "serv": 30997, - "▁CREATE": 30998, - ".au": 30999, - "▁sells": 31000, - "▁▁\n▁▁\n": 31001, - "Europe": 31002, - "zw": 31003, - "preh": 31004, - "▁NSA": 31005, - "▁xy": 31006, - "▁Beyond": 31007, - "Instead": 31008, - "NonQuery": 31009, - "▁arise": 31010, - "▁avoided": 31011, - ".emplace": 31012, - "_models": 31013, - "}),\n": 31014, - "▁hid": 31015, - "▁&_": 31016, - ".points": 31017, - ".getWidth": 31018, - ".Exec": 31019, - "▁////": 31020, - "▁Sessions": 31021, - "...\\": 31022, - "▁Colomb": 31023, - "▁acceleration": 31024, - "restore": 31025, - "▁ile": 31026, - "obic": 31027, - "}\n": 31491, - "plaint": 31492, - "getText": 31493, - "▁individually": 31494, - "▁checkbox": 31495, - "UY": 31496, - "▁Lamb": 31497, - "▁dysfunction": 31498, - "▁Lar": 31499, - "▁Creating": 31500, - "');\n\n\n": 31501, - "\"They": 31502, - "locations": 31503, - "_CORE": 31504, - "Interaction": 31505, - "umbnails": 31506, - "▁Partner": 31507, - "brit": 31508, - "▁lesser": 31509, - "▁Slot": 31510, - "setAttribute": 31511, - "▁Wave": 31512, - ".po": 31513, - "/store": 31514, - "▁browsing": 31515, - "_pd": 31516, - "sume": 31517, - "sed": 31518, - "Curve": 31519, - "▁plasma": 31520, - "▁suspicious": 31521, - "▁Bah": 31522, - "▁Explicit": 31523, - "_CC": 31524, - ".ClientSize": 31525, - "\\View": 31526, - "▁substit": 31527, - "loon": 31528, - "▁GAME": 31529, - "▁Brid": 31530, - "_User": 31531, - "▁squares": 31532, - "fone": 31533, - "▁sacred": 31534, - "ughs": 31535, - "]interface": 31536, - "▁Throw": 31537, - "▁Kirk": 31538, - "▁empire": 31539, - "▁assessed": 31540, - "Tax": 31541, - "▁Heaven": 31542, - "-buffer": 31543, - "_STATIC": 31544, - "-bordered": 31545, - "▁punct": 31546, - "(mode": 31547, - "▁keine": 31548, - "Sent": 31549, - "▁Calcul": 31550, - "▁Eve": 31551, - "▁stylish": 31552, - "▁oils": 31553, - ".TestCase": 31554, - "▁trademark": 31555, - "▁literary": 31556, - "▁concentrations": 31557, - "▁Relations": 31558, - "(Class": 31559, - "▁stdin": 31560, - "backup": 31561, - ".VERSION": 31562, - ".AutoScaleDimensions": 31563, - "starter": 31564, - "Transactional": 31565, - "-panel": 31566, - "Studio": 31567, - "kc": 31568, - "▁Chamber": 31569, - "▁Spiel": 31570, - "▁rho": 31571, - "!'": 31572, - ".Attributes": 31573, - "▁murdered": 31574, - "apeutic": 31575, - "▁intimate": 31576, - "▁textField": 31577, - "▁Buffalo": 31578, - "dummy": 31579, - "\"%": 31580, - "▁Liberty": 31581, - "obar": 31582, - "▁Tank": 31583, - "▁Popular": 31584, - "ervisor": 31585, - "▁Initi": 31586, - "▁Mall": 31587, - "▁Prior": 31588, - "CAP": 31589, - "▁Clay": 31590, - "▁Certificate": 31591, - ".Lock": 31592, - "-strip": 31593, - "-driven": 31594, - "/all": 31595, - "▁MessageBoxButtons": 31596, - "_SECRET": 31597, - "_pb": 31598, - "▁rats": 31599, - "▁nt": 31600, - ".Router": 31601, - "_topic": 31602, - "▁tennis": 31603, - "▁PUBLIC": 31604, - "▁ActivatedRoute": 31605, - "▁',\n": 31606, - "▁costume": 31607, - "▁jokes": 31608, - ".Handle": 31609, - "\tbyte": 31610, - "▁flavors": 31611, - "(cc": 31612, - "▁personas": 31613, - "\timage": 31614, - "▁Nazi": 31615, - "▁grammar": 31616, - "▁valve": 31617, - "▁vic": 31618, - "▁Rachel": 31619, - "_invalid": 31620, - "Prefs": 31621, - "stdint": 31622, - "(route": 31623, - "▁htmlspecialchars": 31624, - "▁peoples": 31625, - "pline": 31626, - "▁nv": 31627, - "▁Quant": 31628, - "oppers": 31629, - "▁currentUser": 31630, - "▁Catal": 31631, - "▁reconc": 31632, - "▁conjunction": 31633, - "lx": 31634, - "amburg": 31635, - "▁influential": 31636, - "danger": 31637, - "inders": 31638, - "▁%@\",": 31639, - ".configuration": 31640, - "osome": 31641, - ".identity": 31642, - "▁picker": 31643, - "nost": 31644, - "▁DIY": 31645, - "August": 31646, - "ablo": 31647, - "Leaf": 31648, - "▁Reco": 31649, - "cko": 31650, - "DOC": 31651, - "▁Herm": 31652, - ":any": 31653, - "▁Interview": 31654, - "▁Tex": 31655, - "xfe": 31656, - "(work": 31657, - "▁leap": 31658, - "Heading": 31659, - "▁quarters": 31660, - "\\Bundle": 31661, - "reb": 31662, - "Perhaps": 31663, - "▁GmbH": 31664, - "Birth": 31665, - "\tsum": 31666, - "▁Watson": 31667, - ".nil": 31668, - "{}\n\n": 31669, - "icaid": 31670, - "Getter": 31671, - "\"name": 31672, - "▁\"\r\n": 31673, - "_none": 31674, - "zm": 31675, - "acute": 31676, - "uesto": 31677, - "▁sous": 31678, - "▁rebuild": 31679, - "▁newspapers": 31680, - "▁Haz": 31681, - "▁kits": 31682, - "ifo": 31683, - "Blur": 31684, - "▁suited": 31685, - "-In": 31686, - "▁Keith": 31687, - "▁Norway": 31688, - "INIT": 31689, - "ireccion": 31690, - "ieties": 31691, - "_usage": 31692, - "▁Doug": 31693, - "rise": 31694, - "▁trillion": 31695, - "imited": 31696, - "▁REL": 31697, - "alic": 31698, - "▁criticized": 31699, - "theorem": 31700, - "▁cease": 31701, - "▁sidew": 31702, - "▁Terry": 31703, - "▁subsidi": 31704, - "▁firmly": 31705, - "▁aws": 31706, - "▁hott": 31707, - "▁dressing": 31708, - "badge": 31709, - "▁Applications": 31710, - "▁laughed": 31711, - "▁hobby": 31712, - "▁musicians": 31713, - "▁*.": 31714, - ".placeholder": 31715, - "▁counters": 31716, - "▁Capitol": 31717, - "SDK": 31718, - "▁helmet": 31719, - "andbox": 31720, - "quit": 31721, - "▁criminals": 31722, - "▁teenager": 31723, - "(update": 31724, - "Gl": 31725, - ".selection": 31726, - "▁discharge": 31727, - "▁presenting": 31728, - "ufacturer": 31729, - "_UNKNOWN": 31730, - "▁stressed": 31731, - "Proto": 31732, - "_correct": 31733, - "haus": 31734, - "▁renov": 31735, - "▁firearms": 31736, - "▁technically": 31737, - "-browser": 31738, - "▁candy": 31739, - "Stroke": 31740, - "▁executor": 31741, - "▁occurrence": 31742, - "▁IPv": 31743, - "_INTERFACE": 31744, - "▁Retrieve": 31745, - ".bad": 31746, - "Exchange": 31747, - "Navbar": 31748, - "▁Kid": 31749, - "(getApplicationContext": 31750, - "_STOP": 31751, - "▁Boss": 31752, - "Listeners": 31753, - "▁shooter": 31754, - "▁Alb": 31755, - "▁pix": 31756, - ".keyCode": 31757, - "alone": 31758, - "▁absurd": 31759, - "▁Cum": 31760, - "▁Newtonsoft": 31761, - "ikt": 31762, - "▁laughing": 31763, - "▁capitalism": 31764, - "reeNode": 31765, - "Tx": 31766, - "_QUERY": 31767, - ".Sleep": 31768, - "(login": 31769, - "WebElement": 31770, - "▁celebrating": 31771, - "▁deprecated": 31772, - "▁maar": 31773, - "▁artistic": 31774, - "_ASSOC": 31775, - "▁BorderRadius": 31776, - "\twp": 31777, - "▁survivors": 31778, - "Inner": 31779, - "-red": 31780, - "▁prosecution": 31781, - "_pp": 31782, - "(\"$": 31864, - "▁comma": 31865, - "unchecked": 31866, - "graphics": 31867, - "rors": 31868, - "GROUND": 31869, - "(public": 31870, - "▁customized": 31871, - "▁Arkansas": 31872, - "▁Rew": 31873, - "▁expiration": 31874, - "▁Cul": 31875, - "▁nons": 31876, - ".Filter": 31877, - "▁senator": 31878, - "_definition": 31879, - "ashington": 31880, - "ymph": 31881, - "/J": 31882, - "▁fuse": 31883, - "ramid": 31884, - "▁Supplier": 31885, - "▁autocomplete": 31886, - "▁}),": 31887, - ".\"\n\n\n": 31888, - "_functions": 31889, - "\tto": 31890, - ".eval": 31891, - "▁TObject": 31892, - "References": 31893, - "▁heated": 31894, - "HAL": 31895, - "▁))}\n": 31896, - "}$": 31897, - "▁Barr": 31898, - "_UNIT": 31899, - "+$": 31900, - "▁getValue": 31901, - "iped": 31902, - "chied": 31903, - "(vm": 31904, - "cue": 31905, - "_integer": 31906, - "_course": 31907, - "third": 31908, - "▁revised": 31909, - "**/\n": 31910, - "_DIRECT": 31911, - "OutOf": 31912, - "(\"(": 31913, - "▁Feel": 31914, - "▁reass": 31915, - "▁subtitle": 31916, - "peri": 31917, - "nf": 31918, - "▁enjoys": 31919, - "▁treats": 31920, - ")this": 31921, - "-tabs": 31922, - "ancers": 31923, - "▁continent": 31924, - "▁cardio": 31925, - "Ser": 31926, - ".question": 31927, - "▁phrases": 31928, - "Validators": 31929, - "▁popul": 31930, - "song": 31931, - "_INTERNAL": 31932, - "▁adviser": 31933, - "▁puzz": 31934, - "▁ambitious": 31935, - "▁Tob": 31936, - "▁DP": 31937, - "▁presidency": 31938, - "▁surrender": 31939, - "▁watches": 31940, - "_binary": 31941, - "▁Soon": 31942, - "▁canada": 31943, - "(\"\")\n": 31944, - "]='": 31945, - "▁Brandon": 31946, - "epsilon": 31947, - "rw": 31948, - ".addChild": 31949, - ".Copy": 31950, - "Principal": 31951, - "Photos": 31952, - "▁marginal": 31953, - "▁basics": 31954, - "eing": 31955, - "Must": 31956, - "_String": 31957, - "▁ole": 31958, - "Magento": 31959, - ".customer": 31960, - "(prev": 31961, - "▁loyalty": 31962, - "Cog": 31963, - "▁protocols": 31964, - "▁Companies": 31965, - "▁theoretical": 31966, - "▁accessing": 31967, - "▁Zen": 31968, - ".ones": 31969, - "attice": 31970, - "_world": 31971, - "zes": 31972, - "▁tattoo": 31973, - "▁menos": 31974, - "▁intersect": 31975, - "\"];\n\n": 31976, - "belie": 31977, - "▁inactive": 31978, - ".readline": 31979, - "-labelled": 31980, - ".done": 31981, - "lickr": 31982, - "▁WORK": 31983, - "▁derivative": 31984, - "▁databases": 31985, - "▁sx": 31986, - ".isArray": 31987, - "▁ys": 31988, - "▁pada": 31989, - "▁Bullet": 31990, - "(`/": 31991, - "isActive": 31992, - "▁CGSize": 31993, - "(equalTo": 31994, - "▁Columbus": 31995, - "▁marry": 31996, - "DEV": 31997, - "_limits": 31998, - "rones": 31999, - "IAS": 32000, - "▁tau": 32001, - "mino": 32002, - "_Write": 32003, - "▁Wine": 32004, - "▁[['": 32005, - "▁Pull": 32006, - "riters": 32007, - "rients": 32008, - "▁shifting": 32009, - "upp": 32010, - "_TIMER": 32011, - "▁Conditions": 32012, - "▁Orders": 32013, - "▁Strength": 32014, - "▁validity": 32015, - "▁fot": 32016, - "etur": 32017, - "▁bolt": 32018, - "▁Along": 32019, - "oshi": 32020, - "▁assumptions": 32021, - "▁magazines": 32022, - "_SPI": 32023, - "▁punt": 32024, - "_PRODUCT": 32025, - "▁relay": 32026, - "▁Javascript": 32027, - ".te": 32028, - "-es": 32029, - "▁widgets": 32030, - "(fs": 32031, - "\";": 32092, - "atching": 32093, - "▁Knowledge": 32094, - "\tThe": 32095, - ";margin": 32096, - "lessness": 32097, - "opard": 32098, - "umatic": 32099, - "()));\r\n": 32100, - "▁fals": 32101, - "(cache": 32102, - "TypeId": 32103, - "_choice": 32104, - "▁Goth": 32105, - "▁Sites": 32106, - "MG": 32107, - "_border": 32108, - "Indices": 32109, - "Comparer": 32110, - "▁Redistribution": 32111, - "▁closet": 32112, - "▁versatile": 32113, - "Inputs": 32114, - "********************": 32115, - "▁obesity": 32116, - "quiz": 32117, - "gra": 32118, - "(global": 32119, - "▁collector": 32120, - "▁kor": 32121, - "ovable": 32122, - "ADC": 32123, - "▁EventHandler": 32124, - ".nc": 32125, - "▁playback": 32126, - "ientos": 32127, - "_perm": 32128, - "_WARNING": 32129, - "▁Olympics": 32130, - ".norm": 32131, - "▁Broadcast": 32132, - "_small": 32133, - "drive": 32134, - ".iloc": 32135, - "▁typed": 32136, - "MEM": 32137, - "_cons": 32138, - "DMETHOD": 32139, - "▁lun": 32140, - ".distance": 32141, - "(par": 32142, - "poon": 32143, - "▁bast": 32144, - "activities": 32145, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 32146, - ":\r\n\r\n": 32147, - "SER": 32148, - ")&&": 32149, - "_lst": 32150, - "▁Polish": 32151, - "▁knocked": 32152, - "▁frustration": 32153, - "aukee": 32154, - "▁phosph": 32155, - "iquid": 32156, - "_coeff": 32157, - "Latest": 32158, - "▁Dust": 32159, - "Tipo": 32160, - "▁maintains": 32161, - "▁marsh": 32162, - "incinn": 32163, - "lbl": 32164, - "Care": 32165, - "▁neighborhoods": 32166, - "_gpio": 32167, - "▁Arsenal": 32168, - "Dem": 32169, - "▁Whe": 32170, - "_hook": 32171, - "▁ldc": 32172, - "▁Harper": 32173, - "▁Berkeley": 32174, - "▁graduated": 32175, - "Percent": 32176, - "▁arriving": 32177, - "▁Adventure": 32178, - "(scope": 32179, - "('*": 32180, - "quarter": 32181, - "▁Marie": 32182, - "Speaking": 32183, - "_codegen": 32184, - "▁immun": 32185, - "caster": 32186, - "▁Dimensions": 32187, - ".record": 32188, - "▁texto": 32189, - "▁Michelle": 32190, - "Pending": 32191, - "(by": 32192, - "_PAR": 32193, - "ucht": 32194, - "bee": 32195, - ".Thread": 32196, - "ampire": 32197, - "know": 32198, - "▁Clinical": 32199, - "▁marginBottom": 32200, - "▁distinguish": 32201, - ".Full": 32202, - ".undefined": 32203, - "▁Sequelize": 32204, - "############################################################################": 32205, - "▁educated": 32206, - "_OVER": 32207, - "_each": 32208, - "▁urge": 32209, - "depart": 32210, - "▁donors": 32211, - "▁Au": 32212, - "▁billions": 32213, - "▁belonging": 32214, - "_age": 32215, - "_Int": 32216, - "▁substances": 32217, - "machine": 32218, - "!!!\n\n": 32219, - "▁jsonify": 32220, - "ibbean": 32221, - "▁Cad": 32222, - "▁endTime": 32223, - "▁cycling": 32224, - "▁UITextField": 32225, - "▁leverage": 32226, - "▁vanilla": 32227, - "eat": 32228, - "Launch": 32229, - "(pt": 32230, - "states": 32231, - "▁Controls": 32232, - "▁Respons": 32233, - "▁Jake": 32234, - "▁asleep": 32235, - "fortunate": 32236, - ".nextLine": 32237, - "SizeMode": 32238, - "TestingModule": 32239, - "German": 32240, - "▁Investig": 32241, - ".reverse": 32242, - "▁BACK": 32243, - "(DateTime": 32244, - "▁nonprofit": 32245, - "▁Expect": 32246, - "▁tanto": 32247, - "']),": 32248, - "\tthe": 32249, - "Multiple": 32250, - "(getActivity": 32251, - "_WAIT": 32252, - "decor": 32253, - "levance": 32254, - "▁GitHub": 32255, - "mination": 32256, - "_quantity": 32257, - ".Scanner": 32258, - "▁Lion": 32259, - "▁dre": 32260, - "▁tantra": 32261, - "▁contentType": 32262, - "▁fid": 32263, - "_alt": 32264, - "NSIndexPath": 32265, - "-pl": 32266, - "▁antibiot": 32267, - "tables": 32268, - "acial": 32269, - "▁Registry": 32270, - "▁olive": 32271, - "igers": 32272, - "▁subscriber": 32273, - "_pres": 32274, - "▁Syntax": 32275, - "▁lovers": 32276, - ".Byte": 32277, - "olders": 32278, - "_forward": 32279, - "always": 32280, - "Caption": 32281, - "Priv": 32282, - "▁Tampa": 32283, - "isateur": 32284, - "-labelledby": 32285, - "▁ToString": 32286, - "▁initiated": 32287, - "WF": 32288, - "▁institutional": 32289, - "inject": 32290, - "▁Scr": 32291, - "▁doctrine": 32292, - "▁spacious": 32293, - "isure": 32294, - "▁Ana": 32295, - "\"time": 32296, - "essaging": 32297, - "▁cid": 32298, - "▁Nan": 32299, - "▁incomplete": 32300, - "TAG": 32301, - "-build": 32302, - "December": 32303, - "▁residual": 32304, - "(PDO": 32305, - "▁Listen": 32306, - "▁glyph": 32307, - "▁gaps": 32308, - "nea": 32309, - ".Rect": 32310, - "▁sau": 32311, - "▁Photograph": 32312, - "▁executable": 32313, - "▁Expert": 32314, - "Coroutine": 32315, - "_sizes": 32316, - "▁NL": 32317, - ".isValid": 32318, - ");}\n": 32319, - "-reg": 32320, - "▁citing": 32321, - "cwd": 32322, - "▁Ottawa": 32323, - "▁Batt": 32324, - "▁renewable": 32325, - "▁preliminary": 32326, - "▁asylum": 32327, - "▁wrist": 32328, - "▁utiliz": 32329, - "▁detention": 32330, - "Fast": 32331, - "▁ange": 32332, - "incinnati": 32333, - "▁steering": 32334, - "▁NaN": 32335, - "iosity": 32336, - "/page": 32337, - "sterol": 32338, - "▁disg": 32339, - "(DB": 32340, - "▁DESCRIPTION": 32341, - "▁_$": 32342, - "▁obstacle": 32343, - "▁bizarre": 32344, - "▁extraction": 32345, - "_expected": 32346, - "▁loses": 32347, - "▁Celebr": 32348, - "▁htmlFor": 32349, - "▁exploit": 32350, - "XYZ": 32351, - "▁magnet": 32352, - "amped": 32353, - "▁atoms": 32354, - "Sources": 32355, - "pectives": 32356, - "▁=\r\n": 32357, - "▁dare": 32358, - "▁Walter": 32359, - "▁brightness": 32360, - "▁annotations": 32361, - "iske": 32362, - "Schedule": 32363, - ".images": 32364, - "rosso": 32365, - "▁\"..": 32366, - "gamma": 32367, - "▁instructor": 32368, - "▁overwrite": 32369, - "-am": 32370, - "▁devastating": 32371, - "▁Saints": 32372, - "▁hs": 32373, - "▁bonuses": 32374, - "$output": 32375, - "ijd": 32376, - "(ActionEvent": 32377, - "monitor": 32378, - "▁mattress": 32379, - "January": 32380, - ".jp": 32381, - "▁caracter": 32382, - "▁impose": 32383, - "_rest": 32384, - "▁Signature": 32385, - "▁coronavirus": 32386, - "_compare": 32387, - "Measure": 32388, - "itated": 32389, - "elijk": 32390, - "igos": 32391, - "esar": 32392, - "▁rushed": 32393, - "metry": 32394, - "_SEPARATOR": 32395, - "_WE": 32396, - "_ATTRIBUTE": 32397, - "▁yaml": 32398, - "▁specs": 32399, - "▁Rah": 32400, - "pheric": 32401, - "▁Investment": 32402, - "▁appealing": 32403, - "▁viewport": 32404, - "▁marginLeft": 32405, - "▁subtract": 32406, - "▁EDIT": 32407, - "\tArrayList": 32408, - "grading": 32409, - "▁Failure": 32410, - "asper": 32411, - "EEK": 32412, - "(now": 32413, - ")\n": 32429, - "Collision": 32430, - "▁Greater": 32431, - "▁Racing": 32432, - "alan": 32433, - "▁monetary": 32434, - ",new": 32435, - "▁Sorry": 32436, - ".Enable": 32437, - "▁Instantiate": 32438, - "ollen": 32439, - "▁Calling": 32440, - "_hour": 32441, - "ADA": 32442, - "▁shy": 32443, - ")**": 32444, - "▁==>": 32445, - "▁especial": 32446, - "▁interpreted": 32447, - "!=\"": 32448, - "▁pharmacy": 32449, - ".single": 32450, - "▁Cialis": 32451, - "▁paras": 32452, - ".toUpperCase": 32453, - "▁Demon": 32454, - "Prime": 32455, - "▁rankings": 32456, - "Adding": 32457, - "_HASH": 32458, - "▁Exam": 32459, - "▁Victor": 32460, - "Okay": 32461, - "\"];\r\n": 32462, - "▁fortune": 32463, - "▁FETCH": 32464, - "expand": 32465, - ".Interop": 32466, - "▁barn": 32467, - "uevo": 32468, - "▁speculation": 32469, - "▁Nu": 32470, - "▁Blues": 32471, - "(fname": 32472, - "▁inhabit": 32473, - "▁\\\"%": 32474, - "CES": 32475, - "ulario": 32476, - "_cr": 32477, - "▁validated": 32478, - "▁midnight": 32479, - "anking": 32480, - "▁incorporate": 32481, - "▁pursuit": 32482, - "EXP": 32483, - "prime": 32484, - "Pid": 32485, - "-US": 32486, - "▁Nurs": 32487, - "▁Wheel": 32488, - "▁inp": 32489, - "▁supportive": 32490, - ".member": 32491, - "▁Shot": 32492, - ".CheckBox": 32493, - "▁affirm": 32494, - "Tor": 32495, - "FullYear": 32496, - "▁considerably": 32497, - "credentials": 32498, - "_opts": 32499, - "Roll": 32500, - "(round": 32501, - "▁coment": 32502, - "_UART": 32503, - "▁extending": 32504, - "RG": 32505, - "resultado": 32506, - "itu": 32507, - ".getSession": 32508, - "▁attraction": 32509, - "&D": 32510, - "$html": 32511, - "▁Jessica": 32512, - "▁Associate": 32513, - "_ed": 32514, - "▁Lag": 32515, - "▁origins": 32516, - "())->": 32517, - "addEventListener": 32518, - "IALOG": 32519, - ".Compare": 32520, - "Album": 32521, - "▁Ku": 32522, - "\";\n\n": 32565, - "quisite": 32566, - "channels": 32567, - "/res": 32568, - "▁Analytics": 32569, - ".appcompat": 32570, - "/to": 32571, - "▁onError": 32572, - "(attr": 32573, - "IRM": 32574, - "▁ragaz": 32575, - "-as": 32576, - ".Second": 32577, - "oriented": 32578, - "▁donn": 32579, - "▁lightning": 32580, - "fid": 32581, - "▁Ple": 32582, - "tro": 32583, - ".True": 32584, - "Observable": 32585, - "umbing": 32586, - "▁prospective": 32587, - "-filter": 32588, - "▁pursuant": 32589, - "(points": 32590, - ".Bind": 32591, - "▁palm": 32592, - "clearfix": 32593, - "▁Gonz": 32594, - "▁weaken": 32595, - "Drive": 32596, - "enido": 32597, - "lld": 32598, - "obox": 32599, - "anean": 32600, - "Got": 32601, - "Regex": 32602, - "▁salad": 32603, - "assis": 32604, - "\"net": 32605, - "inheritDoc": 32606, - "▁RV": 32607, - "quier": 32608, - "▁clazz": 32609, - "osterone": 32610, - "▁airline": 32611, - ".listdir": 32612, - "▁downloading": 32613, - "▁Palm": 32614, - "waukee": 32615, - "<": 32616, - ".BL": 32617, - "_INLINE": 32618, - "offs": 32619, - "<<(": 32620, - "_news": 32621, - "▁chase": 32622, - "/><": 32623, - "▁euros": 32624, - "▁Egyptian": 32625, - "▁Stainless": 32626, - "_BOOL": 32627, - "▁Guild": 32628, - "▁Dynam": 32629, - "[indexPath": 32630, - "▁memorable": 32631, - "▁Champion": 32632, - "ResourceManager": 32633, - ".Login": 32634, - "▁Former": 32635, - "yped": 32636, - "▁lleg": 32637, - ";\",": 32638, - "DWORD": 32639, - "▁taxi": 32640, - "▁bombs": 32641, - "rah": 32642, - ".tags": 32643, - "_tests": 32644, - "stones": 32645, - "[g": 32646, - "rtype": 32647, - "▁vu": 32648, - "▁hostile": 32649, - "Chars": 32650, - "▁Patriots": 32651, - "/status": 32652, - "());\n": 32986, - "_OCC": 32987, - "▁planets": 32988, - "▁Dublin": 32989, - "▁serie": 32990, - ".printf": 32991, - "deep": 32992, - "`)": 32993, - "▁\\$": 32994, - "_VIDEO": 32995, - "endors": 32996, - "▁Crypto": 32997, - "Far": 32998, - ".Transparent": 32999, - ".TR": 33000, - "iasm": 33001, - "_training": 33002, - "▁teaches": 33003, - "▁Belt": 33004, - "▁limiting": 33005, - "▁Kath": 33006, - "▁IndexPath": 33007, - "▁achievements": 33008, - "interopRequire": 33009, - "▁disse": 33010, - ".If": 33011, - "arming": 33012, - "ulsion": 33013, - "Po": 33014, - "_DETAIL": 33015, - "Prototype": 33016, - "▁CAL": 33017, - "▁agrees": 33018, - ".vo": 33019, - ".ExecuteNonQuery": 33020, - "▁Topic": 33021, - "▁'{}": 33022, - "Arm": 33023, - "▁ecc": 33024, - "Mag": 33025, - "▁serialized": 33026, - "\tconn": 33027, - "cached": 33028, - "=tf": 33029, - "▁ByteArray": 33030, - "protobuf": 33031, - "varchar": 33032, - "\tASSERT": 33033, - "▁liste": 33034, - "_trigger": 33035, - "Feel": 33036, - "Tahoma": 33037, - "▁Lik": 33038, - "▁structured": 33039, - "ergus": 33040, - ".Initial": 33041, - "_ge": 33042, - "cljs": 33043, - ".contact": 33044, - "▁andere": 33045, - "$stmt": 33046, - "_CURRENT": 33047, - "▁Discover": 33048, - "$res": 33049, - "formatter": 33050, - "Ha": 33051, - "vangst": 33052, - "▁emerge": 33053, - "▁Cabinet": 33054, - "-square": 33055, - "▁rage": 33056, - "▁AJ": 33057, - "▁VT": 33058, - "shadow": 33059, - "▁Faith": 33060, - "enames": 33061, - "pretty": 33062, - "hasil": 33063, - "party": 33064, - "▁varchar": 33065, - "▁fotos": 33066, - "▁alum": 33067, - "▁Belgium": 33068, - ".ylabel": 33069, - "▁dej": 33070, - "_numbers": 33071, - "▁hu": 33072, - ".setAdapter": 33073, - "▁Usually": 33074, - "(sample": 33075, - ".Shared": 33076, - "▁booked": 33077, - "▁>>=": 33078, - "▁minerals": 33079, - "\">": 33096, - "prog": 33097, - "boo": 33098, - "_md": 33099, - "_pack": 33100, - "(express": 33101, - "utz": 33102, - "\\Auth": 33103, - ",id": 33104, - "▁Chile": 33105, - "actice": 33106, - "▁recruitment": 33107, - "▁poses": 33108, - "▁vulnerability": 33109, - "instanc": 33110, - "orum": 33111, - "dess": 33112, - "▁xl": 33113, - "%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%": 33114, - "(fig": 33115, - "▁deleting": 33116, - ".del": 33117, - ")')\n": 33118, - "▁Weekly": 33119, - "???": 33120, - "(strcmp": 33121, - "smith": 33122, - "▁pursuing": 33123, - "-so": 33124, - "▁Apps": 33125, - "/'\n": 33126, - "▁decis": 33127, - "FORE": 33128, - "Everyone": 33129, - "▁lanes": 33130, - "Virtual": 33131, - ".attach": 33132, - "(Log": 33133, - "▁Medicaid": 33134, - "(Path": 33135, - "▁Turner": 33136, - "/application": 33137, - "▁portrait": 33138, - "▁oppose": 33139, - "checkout": 33140, - "▁finishes": 33141, - "_ME": 33142, - "Barrier": 33143, - "Song": 33144, - "VAR": 33145, - "Earlier": 33146, - "rella": 33147, - "▁hast": 33148, - "azar": 33149, - "▁pulls": 33150, - "ngx": 33151, - "▁inspiring": 33152, - "-direction": 33153, - "▁explosive": 33154, - "▁createdAt": 33155, - "sto": 33156, - "▁wheat": 33157, - "▁Built": 33158, - "'ai": 33159, - "▁tracked": 33160, - "hammad": 33161, - "RowAtIndexPath": 33162, - "_heap": 33163, - "Due": 33164, - "▁connects": 33165, - ".publish": 33166, - "emu": 33167, - "▁bullets": 33168, - "BAR": 33169, - "olate": 33170, - "▁internally": 33171, - "▁catching": 33172, - "-password": 33173, - "ouched": 33174, - "eous": 33175, - "▁xrange": 33176, - "Quality": 33177, - "vv": 33178, - "Manage": 33179, - "(($": 33180, - "acements": 33181, - "▁Brothers": 33182, - "▁HEAD": 33183, - "▁Unsupported": 33184, - "san": 33185, - "esi": 33186, - "***\n": 33187, - "▁adaptation": 33188, - "▁Worker": 33189, - "']/": 33190, - ".savefig": 33191, - "(trans": 33192, - "nee": 33193, - "Correct": 33194, - "...\")\n": 33195, - "▁submitting": 33196, - "-path": 33197, - "\tlast": 33198, - "issan": 33199, - ".xlabel": 33200, - "▁Separ": 33201, - "/no": 33202, - "_best": 33203, - "▁Mills": 33204, - "_sock": 33205, - "(flag": 33206, - "▁destinations": 33207, - "emption": 33208, - "▁FAIL": 33209, - "▁rp": 33210, - "fact": 33211, - "\tlen": 33212, - "DAY": 33213, - "▁seiz": 33214, - "_dst": 33215, - "lip": 33216, - ".Linear": 33217, - "▁Basket": 33218, - "$t": 33219, - "$i": 33220, - "-brand": 33221, - "▁Neil": 33222, - "▁Eq": 33223, - "▁thou": 33224, - "ogene": 33225, - "▁scholarship": 33226, - "▁swo": 33227, - "aginator": 33228, - "eni": 33229, - "(book": 33230, - "▁blink": 33231, - "thus": 33232, - "▁cancellationToken": 33233, - "▁Palestinians": 33234, - "▁profitable": 33235, - "▁backpack": 33236, - "enson": 33237, - "true": 33378, - "▁NYC": 33379, - "▁bored": 33380, - "▁Detect": 33381, - "▁appar": 33382, - "▁jeans": 33383, - "▁Tak": 33384, - "IOD": 33385, - "▁Horse": 33386, - "(FILE": 33387, - "(?": 33388, - "rique": 33389, - "optimizer": 33390, - "nat": 33391, - "loys": 33392, - "\tToken": 33393, - "oubted": 33394, - "uess": 33395, - "ocoa": 33396, - "DataMember": 33397, - "_POWER": 33398, - "classList": 33399, - "PushButton": 33400, - "▁WiFi": 33401, - ".Stream": 33402, - ".guild": 33403, - "▁nog": 33404, - "▁Portugal": 33405, - "▁Unter": 33406, - "Primitive": 33407, - "boss": 33408, - "▁Deutsch": 33409, - "▁erotic": 33410, - "▁strconv": 33411, - ".TryParse": 33412, - "▁grams": 33413, - ".Success": 33414, - "_pk": 33415, - "▁Harvey": 33416, - "-minded": 33417, - ".country": 33418, - "[]\"": 33419, - "▁angel": 33420, - "▁beats": 33421, - "▁Vor": 33422, - "ilio": 33423, - ".master": 33424, - "something": 33425, - "▁PACK": 33426, - "(if": 33427, - "RequestBody": 33428, - "▁antes": 33429, - "/widget": 33430, - "▁modo": 33431, - "▁AW": 33432, - "finder": 33433, - "▁optimized": 33434, - "▁missiles": 33435, - "NB": 33436, - "\tinternal": 33437, - "tex": 33438, - "▁Sri": 33439, - "▁damaging": 33440, - "▁Mais": 33441, - "-Allow": 33442, - "▁Zh": 33443, - "-alt": 33444, - "▁));\n\n": 33445, - "▁influences": 33446, - "▁catal": 33447, - "_REGISTER": 33448, - "▁APIs": 33449, - "-century": 33450, - "▁biology": 33451, - "▁Actual": 33452, - "▁heels": 33453, - "TRACE": 33454, - "_DIG": 33455, - "Dataset": 33456, - "▁Matter": 33457, - "▁classifier": 33458, - ".wikipedia": 33459, - "▁Rogers": 33460, - "▁donated": 33461, - "rawler": 33462, - "enen": 33463, - "▁casinos": 33464, - "ortal": 33465, - "▁prive": 33466, - "spe": 33467, - "ducers": 33468, - ".ep": 33469, - "▁grasp": 33470, - "acji": 33471, - "▁dairy": 33472, - "▁buses": 33473, - ".comm": 33474, - ".ins": 33475, - "▁IRS": 33476, - "▁Beer": 33477, - "adc": 33478, - "oard": 33479, - "_MET": 33480, - "▁'+'": 33481, - "rans": 33482, - "▁kinda": 33483, - "▁Maur": 33484, - "▁bandwidth": 33485, - "ibus": 33486, - "▁Different": 33487, - "(mat": 33488, - "▁Resume": 33489, - "_UNS": 33490, - "establish": 33491, - "▁fonction": 33492, - "Subscription": 33493, - "_company": 33494, - "▁lightly": 33495, - ".confirm": 33496, - ".yaml": 33497, - "▁Boost": 33498, - "Commerce": 33499, - "-template": 33500, - "_DELAY": 33501, - "▁HI": 33502, - "▁navig": 33503, - "(Sender": 33504, - "▁HS": 33505, - "_\"+": 33506, - "▁REQUEST": 33507, - "▁wifi": 33508, - "=\"\"\n": 33509, - "])->": 33510, - "▁rope": 33511, - "▁violated": 33512, - "▁glance": 33513, - "▁Kurd": 33514, - "deck": 33515, - "▁ISBN": 33516, - "▁infect": 33517, - "▁Foo": 33518, - "▁getter": 33519, - "▁tener": 33520, - "appe": 33521, - ".hh": 33522, - "_hot": 33523, - "\".$": 33716, - "▁relies": 33717, - "(Console": 33718, - "International": 33719, - "->{$": 33720, - "Mid": 33721, - "▁dissert": 33722, - "dds": 33723, - "▁deposits": 33724, - "\tdriver": 33725, - "#ga": 33726, - "prising": 33727, - "println": 33728, - "▁presenter": 33729, - "▁mines": 33730, - "CSS": 33731, - "▁Dual": 33732, - "(!(": 33733, - "▁kam": 33734, - "▁isLoading": 33735, - "▁Protect": 33736, - ".upper": 33737, - "arium": 33738, - "]:\n\n\n": 33739, - "Yii": 33740, - "-shirt": 33741, - "▁IMAGE": 33742, - "_colors": 33743, - "▁urgent": 33744, - ".Container": 33745, - "!(\n": 33746, - "Saturday": 33747, - "▁societies": 33748, - "▁Than": 33749, - "▁Cod": 33750, - "=@": 33751, - "▁attachments": 33752, - ".mobile": 33753, - "▁spite": 33754, - "▁bounce": 33755, - "rawl": 33756, - "instancetype": 33757, - "▁Truck": 33758, - "▁manipulation": 33759, - "(Config": 33760, - "-inst": 33761, - "▁stor": 33762, - "itution": 33763, - "PreferredGap": 33764, - "▁mainAxisAlignment": 33765, - "▁listened": 33766, - "'''\n\n": 33767, - "ottage": 33768, - "-project": 33769, - ".APPLICATION": 33770, - "\troot": 33771, - "▁whit": 33772, - "▁bilder": 33773, - "▁ker": 33774, - "▁appliances": 33775, - "rowave": 33776, - "ematics": 33777, - "▁Org": 33778, - "oping": 33779, - "_SEARCH": 33780, - "▁cham": 33781, - "addContainerGap": 33782, - "▁().": 33783, - "▁Arrow": 33784, - "Illegal": 33785, - "Currently": 33786, - "▁usa": 33787, - "▁passwords": 33788, - "▁renown": 33789, - "avern": 33790, - "▁Evil": 33791, - "▁concat": 33792, - "▁duo": 33793, - "▁vale": 33794, - "▁Bean": 33795, - "▁indicators": 33796, - "cmath": 33797, - "▁Pump": 33798, - "November": 33799, - "ificant": 33800, - "_DOMAIN": 33801, - "regar": 33802, - "▁Portal": 33803, - "\"$": 33804, - "▁formerly": 33805, - "\"]:\n": 33806, - "▁Visibility": 33807, - ".getElementsByClassName": 33808, - "_RED": 33809, - "▁champions": 33810, - "Valor": 33811, - "_es": 33812, - "*a": 33813, - "-repeat": 33814, - "Band": 33815, - ".stage": 33816, - "▁bureauc": 33817, - "Cnt": 33818, - "eten": 33819, - "-function": 33820, - "▁muito": 33821, - "PID": 33822, - "_editor": 33823, - "▁crashed": 33824, - "dead": 33825, - "kat": 33826, - "agh": 33827, - "▁EXT": 33828, - "asser": 33829, - "-small": 33830, - "▁realiz": 33831, - "(Entity": 33832, - "▁Actually": 33833, - "▁Elite": 33834, - "▁helm": 33835, - "(nonatomic": 33836, - "asher": 33837, - "Community": 33838, - "alleng": 33839, - "iry": 33840, - "▁Growth": 33841, - "▁sue": 33842, - "▁frequencies": 33843, - "_descriptor": 33844, - ".Attribute": 33845, - "▁recipients": 33846, - "_NS": 33847, - "/\"+": 33848, - "iban": 33849, - "▁athlete": 33850, - "▁Ign": 33851, - "_DMA": 33852, - "(ds": 33853, - "▁Requirements": 33854, - "ADI": 33855, - "erez": 33856, - "\\Admin": 33857, - "braska": 33858, - "▁Rust": 33859, - "Relation": 33860, - "COD": 33861, - "▁VERSION": 33862, - "emma": 33863, - ")){": 33864, - ".Duration": 33865, - "▁Camb": 33866, - "-logo": 33867, - "▁readable": 33868, - "▁creators": 33869, - "()];\n": 33870, - "UpDown": 33871, - "-half": 33872, - ".getMonth": 33873, - "(sf": 33874, - "Pic": 33875, - "▁hunger": 33876, - ".tx": 33877, - "▁exceeded": 33878, - "_seed": 33879, - "(^": 33880, - "_sk": 33881, - ".perform": 33882, - "▁>::": 33883, - "▁mongo": 33884, - "=float": 33885, - "bindParam": 33886, - "Smart": 33887, - "ifa": 33888, - "▁securities": 33889, - "▁prejud": 33890, - "▁,\"": 33891, - "▁corps": 33892, - "▁vra": 33893, - "amacare": 33894, - "iterr": 33895, - "(Media": 33896, - "uche": 33897, - "▁cob": 33898, - "▁liber": 33899, - ".geometry": 33900, - "Locator": 33901, - "▁sliding": 33902, - "▁surgical": 33903, - "_CUR": 33904, - "▁consect": 33905, - "[*": 33906, - "▁Resort": 33907, - "Stub": 33908, - "_DOUBLE": 33909, - "▁Soph": 33910, - "▁electoral": 33911, - "_disable": 33912, - "▁Lightning": 33913, - "▁mentions": 33914, - "ocy": 33915, - "▁leaked": 33916, - "▁relaxing": 33917, - "Presenter": 33918, - "vsp": 33919, - "▁guilt": 33920, - "=-=-": 33921, - ".reply": 33922, - "▁Mirror": 33923, - "Camp": 33924, - "▁+#+#+#+": 33925, - "▁+#+#+#+#+#+": 33926, - ".Author": 33927, - "▁directive": 33928, - "-hook": 33929, - "}\n\n\n\n\n": 33930, - "@pytest": 33931, - "_rand": 33932, - "mis": 33933, - "▁colorful": 33934, - "uje": 33935, - "lasses": 33936, - "▁Classes": 33937, - ".have": 33938, - "%),": 33939, - "▁disturbing": 33940, - "substring": 33941, - "▁Koh": 33942, - "Invest": 33943, - "purchase": 33944, - "▁recycling": 33945, - "▁ART": 33946, - "ierarchy": 33947, - "▁fps": 33948, - ".checkBox": 33949, - "_material": 33950, - "ducation": 33951, - "▁fw": 33952, - "udit": 33953, - "▁reviewing": 33954, - "▁Sid": 33955, - "Syntax": 33956, - "▁Written": 33957, - "argar": 33958, - "UME": 33959, - "/q": 33960, - "Classifier": 33961, - "Official": 33962, - "▁jazz": 33963, - "▁omega": 33964, - "Physics": 33965, - "▁lugar": 33966, - "_accessor": 33967, - ".commands": 33968, - "Ability": 33969, - "▁Batch": 33970, - "RAM": 33971, - "▁encounters": 33972, - ".Qu": 33973, - "BYTE": 33974, - "▁Distribution": 33975, - "▁uso": 33976, - "▁Recovery": 33977, - "approved": 33978, - "▁denial": 33979, - "/share": 33980, - "LinkedList": 33981, - ")\r\n\r\n\r\n": 33982, - "uddy": 33983, - "▁fines": 33984, - "▁ry": 33985, - "Unicode": 33986, - "\trender": 33987, - "▁premises": 33988, - "▁pon": 33989, - "aliases": 33990, - "/Foundation": 33991, - "cuda": 33992, - "▁Cock": 33993, - ",:)": 33994, - "(folder": 33995, - "drag": 33996, - "▁talents": 33997, - "▁▁▁\n\n": 33998, - "mob": 33999, - ".yml": 34000, - "▁aster": 34001, - "▁discre": 34002, - "goal": 34003, - "▁GTX": 34004, - "▁SUCCESS": 34005, - "▁LONG": 34006, - "(find": 34007, - "▁singular": 34008, - "_sz": 34009, - "▁Ethereum": 34010, - "..\n": 34011, - "▁irres": 34012, - "')){\n": 34013, - "▁ministers": 34014, - "Steps": 34015, - "iversal": 34016, - "▁Nevertheless": 34017, - "-led": 34018, - "▁(%)": 34019, - "▁timezone": 34020, - "▁stranger": 34021, - "(render": 34022, - "▁shutil": 34023, - "▁mph": 34024, - "▁trio": 34025, - "ppy": 34026, - "▁predomin": 34027, - "▁endors": 34028, - "▁Russians": 34029, - "\trow": 34030, - "▁wizard": 34031, - ".serialize": 34032, - "▁complained": 34033, - "▁sido": 34034, - "▁delighted": 34035, - "-me": 34036, - "▁Rav": 34037, - "Human": 34038, - "adays": 34039, - "recv": 34040, - "Working": 34041, - "Jump": 34042, - "▁Automatic": 34043, - "_Base": 34044, - "aurants": 34045, - "(CType": 34046, - "IFI": 34047, - "(amount": 34048, - "▁believing": 34049, - "=mysql": 34050, - "▁fir": 34051, - "▁restoration": 34052, - "ereco": 34053, - "_'+": 34054, - "▁ebook": 34055, - "▁debris": 34056, - "(inputs": 34057, - "AYOUT": 34058, - "▁screaming": 34059, - "avia": 34060, - "lander": 34061, - "▁distress": 34062, - "▁assembled": 34063, - "▁Avoid": 34064, - "(thread": 34065, - "▁RPC": 34066, - "_EXIT": 34067, - "(queue": 34068, - "Dll": 34069, - "▁skull": 34070, - "_pub": 34071, - "chez": 34072, - "minate": 34073, - "ensen": 34074, - "▁insane": 34075, - "bounds": 34076, - "▁Rosen": 34077, - "▁conditioning": 34078, - "processed": 34079, - "videos": 34080, - "four": 34081, - ".Conv": 34082, - "|;\n": 34083, - "Personal": 34084, - "cerpt": 34085, - ":UIControlStateNormal": 34086, - "▁doses": 34087, - "▁Karl": 34088, - "▁Frequ": 34089, - ".BASE": 34090, - "▁Vote": 34091, - "▁concurrent": 34092, - "▁MessageBoxIcon": 34093, - "▁Dubai": 34094, - "▁Retail": 34095, - ":number": 34096, - "▁Observer": 34097, - "▁BigInteger": 34098, - "_origin": 34099, - "_WORK": 34100, - "Frames": 34101, - "▁notably": 34102, - "▁tropical": 34103, - "▁niche": 34104, - "amina": 34105, - ".sys": 34106, - "(tokens": 34107, - "modify": 34108, - "osit": 34109, - "strom": 34110, - "▁Comics": 34111, - "OPTION": 34112, - "Ticket": 34113, - "▁factories": 34114, - "▁disput": 34115, - "_File": 34116, - "▁Finn": 34117, - "eee": 34118, - "▁Discord": 34119, - "_money": 34120, - ".tpl": 34121, - "_safe": 34122, - "LB": 34123, - "▁glut": 34124, - "JK": 34125, - ".flow": 34126, - "-cont": 34127, - "gos": 34128, - "▁horizon": 34129, - "▁Rush": 34130, - "::*": 34131, - "Pipe": 34132, - "ulla": 34133, - "borough": 34134, - "heimer": 34135, - "(move": 34136, - "(Text": 34137, - "});\r\n\r\n": 34138, - "welcome": 34139, - "▁Components": 34140, - "▁governance": 34141, - "closed": 34142, - "\tmargin": 34143, - "▁laundry": 34144, - "▁Terminal": 34145, - "izards": 34146, - ".remote": 34147, - ".radius": 34148, - "▁Quebec": 34149, - "▁dh": 34150, - "Tech": 34151, - "▁Mist": 34152, - "seller": 34153, - "_literal": 34154, - "▁genius": 34155, - "▁brains": 34156, - "gem": 34157, - "▁Measure": 34158, - "▁catast": 34159, - "rance": 34160, - ".TextField": 34161, - "▁consuming": 34162, - "▁'\\''": 34163, - "oubtedly": 34164, - "▁Certain": 34165, - "Ev": 34166, - "erti": 34167, - "being": 34168, - "Experience": 34169, - "▁//[": 34170, - "▁Arabic": 34171, - "▁Crist": 34172, - "▁Azure": 34173, - "▁hora": 34174, - "ladesh": 34175, - "\\Blueprint": 34176, - "dar": 34177, - ".rel": 34178, - "▁suprem": 34179, - "▁Reagan": 34180, - "▁Attributes": 34181, - "-sidebar": 34182, - "▁useStyles": 34183, - "▁Airlines": 34184, - "▁hills": 34185, - "/xhtml": 34186, - "vinc": 34187, - "_mock": 34188, - "\n▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n": 34189, - "▁Pill": 34190, - ".LayoutStyle": 34191, - "▁Commander": 34192, - "]<": 34193, - "signature": 34194, - "▁{}\r\n": 34195, - "▁hatred": 34196, - "olesterol": 34197, - "▁********": 34198, - "ancellor": 34199, - "crop": 34200, - "TIM": 34201, - "\t\t\n\n": 34202, - "ysqli": 34203, - "uitive": 34204, - "\tunset": 34205, - "_sel": 34206, - "▁menus": 34207, - "tick": 34208, - "▁constitute": 34209, - "▁Elements": 34210, - "▁Redis": 34211, - "aggio": 34212, - "_fp": 34213, - "_depend": 34214, - "emas": 34215, - "CAST": 34216, - "orange": 34217, - "jon": 34218, - "▁Emily": 34219, - "▁potatoes": 34220, - "▁receptor": 34221, - "▁Electronic": 34222, - "▁Lights": 34223, - "▁combining": 34224, - "▁Someone": 34225, - "▁########.": 34226, - "▁TOD": 34227, - "/show": 34228, - "Xd": 34229, - ".\"'": 34230, - "afx": 34231, - "▁tragic": 34232, - "Styled": 34233, - "▁Marco": 34234, - "Gallery": 34235, - "dale": 34236, - "/service": 34237, - "▁ambient": 34238, - "_SETTINGS": 34239, - ".Adapter": 34240, - "lene": 34241, - "▁travels": 34242, - "Notice": 34243, - "▁cleans": 34244, - "▁Fem": 34245, - "chair": 34246, - "/my": 34247, - "_bad": 34248, - "▁Economics": 34249, - "ISA": 34250, - "_CNT": 34251, - "(Menu": 34252, - "▁Ridge": 34253, - "▁lengthy": 34254, - "Dot": 34255, - "▁jumps": 34256, - "▁hey": 34257, - "$pdf": 34258, - "▁worm": 34259, - "▁sut": 34260, - "▁sher": 34261, - "iamo": 34262, - "▁Calc": 34263, - "trieve": 34264, - "▁cops": 34265, - "▁Chrom": 34266, - "▁regulated": 34267, - "reatment": 34268, - "▁Higher": 34269, - "oks": 34270, - "▁deze": 34271, - "LOCATION": 34272, - "ongsTo": 34273, - "▁finite": 34274, - "▁varies": 34275, - "▁positioned": 34276, - "'il": 34277, - "▁hike": 34278, - "(done": 34279, - "playlist": 34280, - "▁ada": 34281, - "▁coastal": 34282, - "▁Nancy": 34283, - ".DateTimeField": 34284, - "CppCodeGen": 34285, - "▁Similarly": 34286, - "reur": 34287, - "▁Contr": 34288, - "▁Hidden": 34289, - "▁Beta": 34290, - "atched": 34291, - "_install": 34292, - ".Output": 34293, - "Lookup": 34294, - "▁Richmond": 34295, - "quared": 34296, - "▁manga": 34297, - "-controls": 34298, - "▁Bernard": 34299, - "Large": 34300, - "▁slices": 34301, - "▁offence": 34302, - "▁Mega": 34303, - "▁estar": 34304, - "▁joints": 34305, - "▁summ": 34306, - "_platform": 34307, - "Buff": 34308, - ".addSubview": 34309, - "▁retained": 34310, - "Letter": 34311, - ".dim": 34312, - "▁essere": 34313, - "▁Scaffold": 34314, - "EXPECT": 34315, - "\tRE": 34316, - ".longitude": 34317, - "▁statue": 34318, - ".addWidget": 34319, - "▁Caribbean": 34320, - "addPreferredGap": 34321, - "ilde": 34322, - "UILabel": 34323, - "▁Opport": 34324, - "▁imperial": 34325, - "ursion": 34326, - "▁mandate": 34327, - "▁promotional": 34328, - "▁vk": 34329, - "▁pyl": 34330, - "▁Creation": 34331, - "▁simpler": 34332, - ".what": 34333, - "▁Recent": 34334, - "Storm": 34335, - ".quantity": 34336, - "▁Lov": 34337, - "\"-": 34338, - "ubbles": 34339, - "_notification": 34340, - "(world": 34341, - "urger": 34342, - "*(-": 34343, - ":\"\n": 34344, - "hm": 34345, - "anship": 34346, - "▁Almost": 34347, - "▁motorcycle": 34348, - "_fee": 34349, - "▁absorb": 34350, - "▁Vincent": 34351, - "▁sounded": 34352, - "▁pharmaceutical": 34353, - "htag": 34354, - "▁Kindle": 34355, - "italize": 34356, - "▁Emperor": 34357, - "oustic": 34358, - "▁specialists": 34359, - "BorderStyle": 34360, - "/\\": 34361, - "RELATED": 34362, - "(',',": 34363, - "(expr": 34364, - "▁ht": 34365, - "_Create": 34366, - "▁specially": 34367, - "▁[];\r\n": 34368, - "▁heel": 34369, - "▁sept": 34370, - "_arch": 34371, - "(initial": 34372, - "%.\n\n": 34373, - "\\\",\\\"": 34374, - "▁discusses": 34375, - "▁upt": 34376, - "▁[&": 34377, - "▁manus": 34378, - ".hand": 34379, - "▁MAIN": 34380, - "▁Denmark": 34381, - "▁],\r\n": 34382, - "▁cryst": 34383, - "▁nack": 34384, - "Coords": 34385, - "_inner": 34386, - "▁midst": 34387, - "▁awake": 34388, - "-break": 34389, - "_PASS": 34390, - "▁Params": 34391, - "▁detr": 34392, - "▁spider": 34393, - "▁Concept": 34394, - "▁prend": 34395, - "CHED": 34396, - ".Exit": 34397, - "▁populated": 34398, - "▁virtue": 34399, - "_SESSION": 34400, - "▁nouvel": 34401, - "oauth": 34402, - "rink": 34403, - ".HeaderText": 34404, - "aturated": 34405, - "▁erst": 34406, - "_visible": 34407, - "eyer": 34408, - "▁liable": 34409, - "▁debe": 34410, - "▁bw": 34411, - "{-#": 34412, - "_WIN": 34413, - "dfs": 34414, - "Hover": 34415, - "▁PUT": 34416, - "-angle": 34417, - "▁noble": 34418, - "▁traces": 34419, - "encv": 34420, - "▁userData": 34421, - "_ins": 34422, - "▁Suz": 34423, - "▁newsletters": 34424, - "▁Modi": 34425, - "▁entrepreneurs": 34426, - "▁tribute": 34427, - "▁rumors": 34428, - "▁rr": 34429, - "▁Quarter": 34430, - "▁feeds": 34431, - "▁envelope": 34432, - "▁lear": 34433, - "developer": 34434, - "Similar": 34435, - ":\")\n": 34436, - "subscription": 34437, - "Modifier": 34438, - "italic": 34439, - "▁nasty": 34440, - "▁termination": 34441, - "▁charming": 34442, - "tons": 34443, - ".trace": 34444, - "hots": 34445, - "▁UR": 34446, - "Mont": 34447, - "▁justified": 34448, - "▁Gang": 34449, - "inea": 34450, - "▁bog": 34451, - "(ap": 34452, - "_$": 34453, - "▁contamin": 34454, - ".Dot": 34455, - "\tDebug": 34456, - "(exports": 34457, - "▁paired": 34458, - "▁Assignment": 34459, - "▁automobile": 34460, - "▁phases": 34461, - "vw": 34462, - "@SuppressWarnings": 34463, - "=\\": 34464, - "rant": 34465, - "-ed": 34466, - "\tawait": 34467, - "▁certificates": 34468, - "'>\"": 34469, - "▁intact": 34470, - "CTRL": 34471, - "Mike": 34472, - "gregation": 34473, - "ATTERN": 34474, - "▁republic": 34475, - "_upper": 34476, - "iliary": 34477, - "▁computation": 34478, - "hire": 34479, - "▁Shin": 34480, - "_ANY": 34481, - "▁Manufacturer": 34482, - "▁Carm": 34483, - "▁bearings": 34484, - "_comb": 34485, - "cad": 34486, - "uristic": 34487, - "▁wholesale": 34488, - "▁donor": 34489, - ".interfaces": 34490, - "presso": 34491, - "▁Brun": 34492, - "-close": 34493, - "prove": 34494, - "_SK": 34495, - "\tframe": 34496, - "etros": 34497, - "▁Pain": 34498, - "_EXP": 34499, - "▁LT": 34500, - "_fs": 34501, - ".datas": 34502, - "\tss": 34503, - "voir": 34504, - "▁Axis": 34505, - "Major": 34506, - "=\"<": 34507, - "[h": 34508, - "▁profess": 34509, - "igrate": 34510, - "(score": 34511, - "Keyword": 34512, - "\"os": 34513, - "▁▁▁▁\t\n": 34514, - "analysis": 34515, - "▁replay": 34516, - ".pass": 34517, - "\\d": 34518, - "tls": 34519, - "▁sanct": 34520, - ".light": 34521, - "_mobile": 34522, - "\ttotal": 34523, - "uity": 34524, - "▁paused": 34525, - "NAS": 34526, - "▁encore": 34527, - "loe": 34528, - "▁-*-\n\n": 34529, - ".high": 34530, - "ampler": 34531, - "▁Secure": 34532, - "▁fragments": 34533, - "_vel": 34534, - "illary": 34535, - "▁Stein": 34536, - "▁Dawn": 34537, - "▁maximize": 34538, - "▁/^": 34539, - "▁continually": 34540, - "▁shadows": 34541, - "\t▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 34542, - "▁IActionResult": 34543, - "CHECK": 34544, - ".SelectedItem": 34545, - "bundle": 34546, - "olley": 34547, - "<": 34699, - "▁trajectory": 34700, - "_ring": 34701, - "▁hydrogen": 34702, - "tron": 34703, - "▁statute": 34704, - "▁conditional": 34705, - "▁tray": 34706, - "-school": 34707, - "(widget": 34708, - "$config": 34709, - "▁requesting": 34710, - ".uint": 34711, - "eton": 34712, - "brities": 34713, - "OfType": 34714, - "ADMIN": 34715, - "predict": 34716, - "▁gegen": 34717, - "▁Happ": 34718, - "OCUMENT": 34719, - "▁Apart": 34720, - "▁-----": 34721, - "roe": 34722, - "uide": 34723, - "justify": 34724, - "▁Squad": 34725, - "▁profes": 34726, - ".bot": 34727, - "_currency": 34728, - "innen": 34729, - "▁Mumbai": 34730, - "▁Numbers": 34731, - "avanaugh": 34732, - "agnitude": 34733, - "=http": 34734, - "▁vb": 34735, - "+'{{$": 34812, - "▁inode": 34813, - "sil": 34814, - "▁hace": 34815, - "▁severely": 34816, - "▁Overview": 34817, - "▁spraw": 34818, - "▁beaches": 34819, - ":left": 34820, - "(${": 34821, - "▁FIRST": 34822, - "▁Spa": 34823, - "-ass": 34824, - "▁baise": 34825, - "▁NODE": 34826, - "▁Pizza": 34827, - "Pet": 34828, - "(seq": 34829, - "\\\">\n": 34830, - "CppMethodPointer": 34831, - "▁vp": 34832, - "▁ia": 34833, - "_seconds": 34834, - "emet": 34835, - "/blob": 34836, - "_THRESH": 34837, - "...\r\n": 34838, - "Dest": 34839, - "▁NH": 34840, - ".dataSource": 34841, - "▁Jak": 34842, - "sell": 34843, - "▁workshops": 34844, - "\",\n": 35432, - "_Pin": 35433, - "uese": 35434, - "▁overrides": 35435, - "_ready": 35436, - "Advanced": 35437, - "▁opi": 35438, - "-cart": 35439, - "(\"/\",": 35440, - "▁Deb": 35441, - "CRY": 35442, - "▁Vertical": 35443, - "▁OVER": 35444, - "▁Corporate": 35445, - "▁\"\";": 35446, - "▁stepping": 35447, - "ej": 35448, - "▁accusations": 35449, - "▁oraz": 35450, - "_tail": 35451, - "▁induced": 35452, - "▁elastic": 35453, - "▁blown": 35454, - ",//": 35455, - "▁backgrounds": 35456, - "-sdk": 35457, - "▁setInterval": 35458, - "▁incentives": 35459, - "▁vegetable": 35460, - "_On": 35461, - "expanded": 35462, - "pix": 35463, - "_shader": 35464, - "▁SPDX": 35465, - "@example": 35466, - "▁Wrapper": 35467, - ".Zero": 35468, - "Positive": 35469, - "▁spinner": 35470, - "▁invented": 35471, - "▁Gates": 35472, - "▁comparisons": 35473, - ".primary": 35474, - "dataProvider": 35475, - "additional": 35476, - "\toptions": 35477, - "snapshot": 35478, - ".setHorizontal": 35479, - "▁\"{}": 35480, - "▁Fisher": 35481, - "halten": 35482, - "": 35512, - "▁Registered": 35513, - "INED": 35514, - "kal": 35515, - "parison": 35516, - "▁objeto": 35517, - "Vi": 35518, - "manda": 35519, - "▁renewed": 35520, - "▁Sof": 35521, - "essel": 35522, - ".ndarray": 35523, - "▁crap": 35524, - ".abspath": 35525, - "(up": 35526, - "▁clearance": 35527, - "▁TW": 35528, - "_COPY": 35529, - "▁▁▁▁▁▁▁▁▁▁▁▁\t": 35530, - "▁forests": 35531, - "▁arguably": 35532, - "▁ASS": 35533, - "hey": 35534, - "amel": 35535, - "_fore": 35536, - "▁Southeast": 35537, - "▁abused": 35538, - "▁practicing": 35539, - "akedirs": 35540, - "_resources": 35541, - "▁pond": 35542, - ".Fixed": 35543, - "LastError": 35544, - "▁Psychology": 35545, - "▁\"//": 35546, - "!:": 35547, - "Reusable": 35548, - "▁mensaje": 35549, - "▁rospy": 35550, - "▁bour": 35551, - "▁varieties": 35552, - "▁empath": 35553, - "(({": 35554, - "_org": 35555, - "▁Mes": 35556, - "▁Magento": 35557, - "ISTORY": 35558, - "Unless": 35559, - "▁hj": 35560, - "▁Duty": 35561, - "Jun": 35562, - ",size": 35563, - "▁paintings": 35564, - "▁dispens": 35565, - "dart": 35566, - "▁behavioral": 35567, - "▁rpc": 35568, - "calculate": 35569, - "fruit": 35570, - "_mm": 35571, - "\tpthread": 35572, - "MaxLength": 35573, - "▁currencies": 35574, - "_capacity": 35575, - "▁Oz": 35576, - "▁firearm": 35577, - "▁coefficient": 35578, - "▁bankruptcy": 35579, - "wart": 35580, - "▁fatigue": 35581, - "AVA": 35582, - "▁espa": 35583, - "_pc": 35584, - "▁Quotes": 35585, - "_LIGHT": 35586, - "▁Tickets": 35587, - "▁relates": 35588, - "▁publishers": 35589, - "▁unlocked": 35590, - "▁//----------------------------------------------------------------": 35591, - "▁InterruptedException": 35592, - "▁outlook": 35593, - "rn": 35594, - "▁rebels": 35595, - "Written": 35596, - "▁asian": 35597, - "otto": 35598, - "▁\t\t\t\t": 35599, - "_gpu": 35600, - "Txt": 35601, - ".ImageView": 35602, - "▁suis": 35603, - "_tables": 35604, - ".RecyclerView": 35605, - "▁whatsoever": 35606, - "]++;\n": 35607, - "assertTrue": 35608, - "_verify": 35609, - "▁Rivers": 35610, - "▁][": 35611, - "Jet": 35612, - "idian": 35613, - "Sibling": 35614, - "▁genres": 35615, - ".Access": 35616, - "OPS": 35617, - "▁trivial": 35618, - "alen": 35619, - "▁Sword": 35620, - "▁scrutiny": 35621, - "(cb": 35622, - "▁commerce": 35623, - "▁guarantees": 35624, - "_adv": 35625, - "▁LET": 35626, - "recio": 35627, - "▁hilar": 35628, - "▁backyard": 35629, - "▁illustrated": 35630, - "/vendor": 35631, - ".Util": 35632, - "▁wow": 35633, - "LOY": 35634, - "▁Marshal": 35635, - "\">'.$": 35636, - "▁Bak": 35637, - "▁modifiers": 35638, - "dictionary": 35639, - "▁Stre": 35640, - "multiple": 35641, - "\")),": 35642, - "▁Cort": 35643, - "']\").": 35644, - "(admin": 35645, - "▁Creator": 35646, - "Internet": 35647, - "(ms": 35648, - "logy": 35649, - "DECLARE": 35650, - "▁Marcus": 35651, - "<<<<": 35652, - "_my": 35653, - "(inst": 35654, - "▁sciences": 35655, - "NDER": 35656, - ".enter": 35657, - "▁itu": 35658, - "▁behave": 35659, - "Pan": 35660, - "ombies": 35661, - "='<": 35662, - "'));\r\n": 35663, - "▁MENU": 35664, - "▁Workers": 35665, - ".NoError": 35666, - "▁bindings": 35667, - "▁disabilities": 35668, - "{\\": 35669, - "▁Municip": 35670, - "▁cores": 35671, - "urple": 35672, - "▁Nokia": 35673, - "usions": 35674, - "▁Fitness": 35675, - ".handleChange": 35676, - "▁javascript": 35677, - "(dec": 35678, - "▁packing": 35679, - "-depend": 35680, - "▁transcript": 35681, - "zeros": 35682, - "_alert": 35683, - "?\",\n": 35684, - "libs": 35685, - "▁|\n\n": 35686, - "trained": 35687, - "▁Gent": 35688, - "▁Rab": 35689, - "xp": 35690, - "_configuration": 35691, - "_accept": 35692, - ".recyclerview": 35693, - ":url": 35694, - "▁Muhammad": 35695, - "▁privileges": 35696, - "_bank": 35697, - "uku": 35698, - "wallet": 35699, - "▁ROOT": 35700, - "▁encuent": 35701, - "?family": 35702, - "\tposition": 35703, - "▁cg": 35704, - "▁precip": 35705, - "methods": 35706, - "_fast": 35707, - "increment": 35708, - "▁Tiger": 35709, - "_OCCURRED": 35710, - "quip": 35711, - "▁HAS": 35712, - "_dom": 35713, - "▁wreck": 35714, - "bj": 35715, - "▁dern": 35716, - "▁organs": 35717, - ".entries": 35718, - "▁_('": 35719, - "ramento": 35720, - "▁Jamie": 35721, - "▁punk": 35722, - "IPP": 35723, - "▁programa": 35724, - "▁attain": 35725, - "▁proves": 35726, - "/sign": 35727, - "▁answering": 35728, - "▁ladder": 35729, - "****************************": 35730, - "▁Walmart": 35731, - "▁CONTENT": 35732, - "ductor": 35733, - "▁verbal": 35734, - "▁PID": 35735, - "crypto": 35736, - "_CALLBACK": 35737, - "▁=================================": 35738, - "▁potent": 35739, - "▁shorts": 35740, - ".Uri": 35741, - ".uniform": 35742, - ";border": 35743, - "▁Wer": 35744, - "▁herein": 35745, - "lla": 35746, - "▁Ihr": 35747, - "Pixmap": 35748, - "literal": 35749, - "!)\n\n": 35750, - "generic": 35751, - "rust": 35752, - "_scripts": 35753, - "osto": 35754, - "itus": 35755, - "▁Coalition": 35756, - "▁remot": 35757, - "deploy": 35758, - "▁Eagle": 35759, - "▁importante": 35760, - "\tobject": 35761, - "▁seasonal": 35762, - "nej": 35763, - "aidu": 35764, - "BindView": 35765, - "▁Sierra": 35766, - "-bg": 35767, - "▁makeStyles": 35768, - "[offset": 35769, - "Games": 35770, - "▁hormone": 35771, - "ARIO": 35772, - "heads": 35773, - "(select": 35774, - "▁Started": 35775, - "@param": 35776, - "_decl": 35777, - "_blog": 35778, - "\\Api": 35779, - "▁Milwaukee": 35780, - "Provid": 35781, - "Animated": 35782, - "▁cooler": 35783, - "▁Seed": 35784, - ".Edit": 35785, - "▁Taking": 35786, - "▁borderColor": 35787, - "-founder": 35788, - ".LoggerFactory": 35789, - "▁\"\"\n\n": 35790, - "ALT": 35791, - "▁Late": 35792, - "EDIATE": 35793, - "▁);\n\n\n": 35794, - "afa": 35795, - "▁cancellation": 35796, - "Atom": 35797, - "▁Birmingham": 35798, - "empresa": 35799, - "HEMA": 35800, - "ascal": 35801, - "▁upside": 35802, - ".Version": 35803, - "▁Folder": 35804, - "▁Eight": 35805, - "▁Vintage": 35806, - "▁AppDelegate": 35807, - "▁Prevention": 35808, - ".separator": 35809, - "STM": 35810, - "(room": 35811, - "generator": 35812, - "▁cattle": 35813, - "\tZ": 35814, - "▁Particle": 35815, - "'};\n": 35816, - "▁neighbours": 35817, - "▁Stateless": 35818, - "▁altitude": 35819, - "▁saint": 35820, - "▁convinc": 35821, - "▁Contents": 35822, - "▁jeune": 35823, - "(ts": 35824, - "Serialization": 35825, - "(collection": 35826, - "▁Jazz": 35827, - "▁Dod": 35828, - "▁Roch": 35829, - "acio": 35830, - "commended": 35831, - "DEFINE": 35832, - ".onload": 35833, - "▁specialty": 35834, - "PLACE": 35835, - "_MOVE": 35836, - "▁accountable": 35837, - "Reuters": 35838, - "▁ficken": 35839, - "▁depr": 35840, - "Wow": 35841, - "Void": 35842, - ".space": 35843, - "▁tq": 35844, - "▁Pets": 35845, - "<$": 35846, - "(Current": 35847, - "berries": 35848, - "planation": 35849, - "▁listOf": 35850, - "▁Thu": 35851, - "▁PRINT": 35852, - "▁mismo": 35853, - "▁doi": 35854, - "chk": 35855, - "▁Unicode": 35856, - "(role": 35857, - "▁virgin": 35858, - "-->\n": 36300, - "Vol": 36301, - "▁SSD": 36302, - "))),": 36303, - ".Optional": 36304, - "▁nurses": 36305, - "▁orb": 36306, - "_pe": 36307, - ");\r\n\r\n\r\n": 36308, - "placed": 36309, - "esser": 36310, - "▁therapeutic": 36311, - "▁whitespace": 36312, - "▁aston": 36313, - "Successful": 36314, - "▁praised": 36315, - "▁Wes": 36316, - "▁eighth": 36317, - "iral": 36318, - "▁vrouw": 36319, - "▁faction": 36320, - "_bias": 36321, - "▁witch": 36322, - "▁npc": 36323, - "(sb": 36324, - "▁Rodrig": 36325, - "_big": 36326, - "Dependency": 36327, - "▁Abraham": 36328, - "ardi": 36329, - "CAR": 36330, - "nos": 36331, - "▁abundance": 36332, - "▁nutrients": 36333, - "instein": 36334, - ".Vert": 36335, - "▁ISS": 36336, - "D": 36432, - "▁servlet": 36433, - "bastian": 36434, - "▁>&": 36435, - "SID": 36436, - "_clk": 36437, - "▁divisions": 36438, - "}',\n": 36439, - "▁dildo": 36440, - "▁parade": 36441, - "major": 36442, - "▁aboard": 36443, - ";++": 36444, - "▁fusion": 36445, - "\"},{\"": 36446, - "▁DialogResult": 36447, - "\tarr": 36448, - "-em": 36449, - "_nr": 36450, - "(handler": 36451, - ".NET": 36452, - ".XtraReports": 36453, - "▁Shah": 36454, - "▁Brief": 36455, - "-,": 36456, - "▁precio": 36457, - "\t\t\t▁▁▁▁▁▁": 36458, - "▁tant": 36459, - "▁Grande": 36460, - "/xml": 36461, - "_ICON": 36462, - "▁Retro": 36463, - "unque": 36464, - "▁nag": 36465, - "toFixed": 36466, - "XL": 36467, - "▁declaring": 36468, - "▁Concrete": 36469, - "▁Amazing": 36470, - "\tprintk": 36471, - "▁debates": 36472, - "DATED": 36473, - "▁aesthetic": 36474, - "emetery": 36475, - "RoutingModule": 36476, - "▁Nashville": 36477, - "WAYS": 36478, - "▁wolf": 36479, - "▁observers": 36480, - "OTA": 36481, - "anson": 36482, - "▁ea": 36483, - "▁greenhouse": 36484, - "▁stair": 36485, - "▁immigrant": 36486, - "_apply": 36487, - "peare": 36488, - "▁Bloomberg": 36489, - "_PLAYER": 36490, - "Resp": 36491, - "Chooser": 36492, - "▁ICollection": 36493, - "Peter": 36494, - "Erro": 36495, - ".detectChanges": 36496, - "Maps": 36497, - "▁squeeze": 36498, - "▁Homes": 36499, - "wegian": 36500, - "▁formatting": 36501, - "▁negotiate": 36502, - "uld": 36503, - "▁Nep": 36504, - "▁QB": 36505, - "▁economies": 36506, - "▁*/,": 36507, - "▁redund": 36508, - "▁Aber": 36509, - ".IsNullOrWhiteSpace": 36510, - "ycled": 36511, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n": 36512, - "_Sh": 36513, - "▁skept": 36514, - "▁recreated": 36515, - "▁getType": 36516, - "▁margins": 36517, - "▁colonial": 36518, - "charts": 36519, - "//@": 36520, - "▁processors": 36521, - "batis": 36522, - "atorio": 36523, - "mentioned": 36524, - "Patient": 36525, - "▁prey": 36526, - "Checkbox": 36527, - "_xpath": 36528, - ".skip": 36529, - "▁Mormon": 36530, - "▁MemoryStream": 36531, - "CREMENT": 36532, - "▁ku": 36533, - "meld": 36534, - "\\Data": 36535, - "▁Kernel": 36536, - "iltr": 36537, - "(profile": 36538, - "Carbon": 36539, - "ROLE": 36540, - "(pl": 36541, - "]*(": 36542, - ".memory": 36543, - "▁medal": 36544, - "▁advisor": 36545, - "▁hdr": 36546, - "ierung": 36547, - "▁Provides": 36548, - "(alpha": 36549, - "▁teenagers": 36550, - "-parser": 36551, - ".LatLng": 36552, - "]()\n": 36553, - "▁felony": 36554, - "\t\t\t\n\t\t\t\n": 36555, - "BOOK": 36556, - "▁slash": 36557, - "▁clearfix": 36558, - "▁Prophet": 36559, - "rightness": 36560, - "-fi": 36561, - ".kind": 36562, - "erton": 36563, - "Jim": 36564, - "▁manipulate": 36565, - "▁worksheet": 36566, - "olin": 36567, - "stars": 36568, - "▁artifact": 36569, - "_EMPTY": 36570, - "\tmain": 36571, - "-------------';": 36634, - "▁expressing": 36635, - "▁IQ": 36636, - "▁Fact": 36637, - "/*******************************************************************************\n": 36638, - "_mass": 36639, - ")):": 36640, - "▁condom": 36641, - "▁createState": 36642, - "ometown": 36643, - "▁irr": 36644, - "▁>(": 36645, - ">B": 36646, - "iteration": 36647, - "▁shirts": 36648, - "ounty": 36649, - "->$": 36650, - "_SIGN": 36651, - "▁Dale": 36652, - "▁jj": 36653, - "Easy": 36654, - "Fre": 36655, - "▁Ny": 36656, - "▁chlor": 36657, - "matched": 36658, - "▁Germ": 36659, - "-UA": 36660, - "▁Nathan": 36661, - "education": 36662, - "-yard": 36663, - "-che": 36664, - "houses": 36665, - "ritional": 36666, - "▁proximity": 36667, - "▁diesem": 36668, - "▁drought": 36669, - ".audio": 36670, - "▁Leo": 36671, - "▁favorable": 36672, - "inch": 36673, - "▁Daw": 36674, - "ribly": 36675, - "_student": 36676, - "idable": 36677, - "OVE": 36678, - "▁lacks": 36679, - "ouncing": 36680, - ".business": 36681, - "▁reopen": 36682, - "maybe": 36683, - "_GLOBAL": 36684, - "▁dresses": 36685, - "▁Edwards": 36686, - "ensible": 36687, - "▁Hardware": 36688, - "▁Excellent": 36689, - "▁TimeUnit": 36690, - "CTIONS": 36691, - "▁schedules": 36692, - "▁segue": 36693, - "Opens": 36694, - "ammen": 36695, - "-Identifier": 36696, - "▁staring": 36697, - "▁happily": 36698, - "▁Hob": 36699, - "'_": 36700, - "▁\");": 36701, - "amentos": 36702, - "etched": 36703, - "▁/>}\n": 36704, - ".Users": 36705, - "▁interrupted": 36706, - "Contacts": 36707, - "▁registro": 36708, - "inburgh": 36709, - "CHA": 36710, - "_imp": 36711, - "phis": 36712, - "say": 36713, - "▁retailer": 36714, - ".NODE": 36715, - "/maps": 36716, - "_LAST": 36717, - "▁Charge": 36718, - "_guard": 36719, - "Collider": 36720, - "▁StatelessWidget": 36721, - "\":[\"": 36722, - "(\"../../": 36723, - "ioxide": 36724, - "▁Sund": 36725, - "▁'';": 36726, - "unset": 36727, - "addWidget": 36728, - "elles": 36729, - "alker": 36730, - "Arc": 36731, - "▁deduct": 36732, - "GUILayout": 36733, - "▁Villa": 36734, - "▁forbidden": 36735, - "_where": 36736, - "▁\\/": 36737, - "▁Tib": 36738, - "_AX": 36739, - "]\r\n\r\n": 36740, - "▁Bir": 36741, - "▁bend": 36742, - "▁MAKE": 36743, - "▁MET": 36744, - "▁futures": 36745, - "▁weighted": 36746, - "\"\"\"\r\n": 36747, - "▁authorize": 36748, - "(program": 36749, - "},{\"": 36750, - "▁coefficients": 36751, - "PerPage": 36752, - "▁Bathroom": 36753, - "▁Publishing": 36754, - "GPL": 36755, - "▁submissions": 36756, - "▁NUMBER": 36757, - "▁additionally": 36758, - "empre": 36759, - "▁Shel": 36760, - "otyp": 36761, - "Solution": 36762, - "▁thunder": 36763, - "_ec": 36764, - "▁\n▁▁▁▁\n": 36765, - "▁Fellow": 36766, - "▁kay": 36767, - "▁newState": 36768, - "ONTAL": 36769, - "Implementation": 36770, - ".Look": 36771, - "▁ents": 36772, - "▁lors": 36773, - "▁BIG": 36774, - "fab": 36775, - "▁averaged": 36776, - "▁Feedback": 36777, - "▁Wells": 36778, - "▁martial": 36779, - "▁indul": 36780, - "▁Communist": 36781, - "▁Forex": 36782, - "▁Agriculture": 36783, - "\"[": 36784, - "▁quar": 36785, - "▁Kont": 36786, - "\tview": 36787, - ".Bytes": 36788, - "desktop": 36789, - "▁Makes": 36790, - "akespeare": 36791, - ".Nullable": 36792, - "▁spotlight": 36793, - "VB": 36794, - "owy": 36795, - "(torch": 36796, - "tridge": 36797, - "_bounds": 36798, - "▁apologize": 36799, - ".addItem": 36800, - "antd": 36801, - "*);\n": 36802, - ",u": 36803, - "(gen": 36804, - "reator": 36805, - "▁Cord": 36806, - "oupper": 36807, - ".metro": 36808, - "▁ew": 36809, - "▁WORD": 36810, - ".After": 36811, - "▁detained": 36812, - "▁Hammer": 36813, - "existing": 36814, - "▁ost": 36815, - "▁monument": 36816, - "-custom": 36817, - "UserID": 36818, - "▁Nom": 36819, - "▁rejection": 36820, - "(dim": 36821, - "▁singleton": 36822, - "\tdie": 36823, - "ariance": 36824, - "reports": 36825, - "]!=": 36826, - "elda": 36827, - "▁prevalence": 36828, - "_regs": 36829, - ".\".": 36830, - "▁feminist": 36831, - "Codec": 36832, - "▁**\n": 36833, - "(labels": 36834, - "_MARK": 36835, - "FAILED": 36836, - "▁administered": 36837, - "WN": 36838, - "▁▁▁▁▁▁▁▁\t\t": 36839, - "▁noun": 36840, - "wig": 36841, - "▁gotta": 36842, - "▁rif": 36843, - "-im": 36844, - "▁Paulo": 36845, - "▁CommandType": 36846, - "]))\n\n": 36847, - "-zero": 36848, - "Training": 36849, - "▁lord": 36850, - "_art": 36851, - "reddit": 36852, - "Cert": 36853, - "▁peso": 36854, - "Rot": 36855, - "▁endanger": 36856, - ".dr": 36857, - "userInfo": 36858, - "unts": 36859, - "nv": 36860, - "▁Trailer": 36861, - "-first": 36862, - "(make": 36863, - "▁benefici": 36864, - "-black": 36865, - "▁undoubtedly": 36866, - "▁mex": 36867, - "▁Ancient": 36868, - "(as": 36869, - "▁descent": 36870, - "Pick": 36871, - "▁replica": 36872, - "$obj": 36873, - "▁arrows": 36874, - "fty": 36875, - "▁Libya": 36876, - "uga": 36877, - "charged": 36878, - "Tur": 36879, - "▁homic": 36880, - "issen": 36881, - "▁Fake": 36882, - "▁beers": 36883, - "▁scattered": 36884, - "(Time": 36885, - "UTIL": 36886, - "▁bureaucr": 36887, - "/plain": 36888, - "▁sticking": 36889, - "FAIL": 36890, - "▁Covid": 36891, - "Third": 36892, - "_present": 36893, - "▁Pierre": 36894, - "▁[...]\n\n": 36895, - "Prob": 36896, - "▁Traffic": 36897, - "icao": 36898, - "doctor": 36899, - "▁),\n\n": 36900, - "Tabs": 36901, - "alu": 36902, - "▁inherent": 36903, - "_No": 36904, - "ritis": 36905, - "▁Proof": 36906, - ".basename": 36907, - "▁chim": 36908, - "▁Protected": 36909, - "crit": 36910, - "▁prone": 36911, - "▁Heroes": 36912, - "▁anxious": 36913, - "▁anos": 36914, - "▁weekends": 36915, - "▁sext": 36916, - "▁reducer": 36917, - "=UTF": 36918, - "half": 36919, - "▁Saw": 36920, - ".mm": 36921, - "▁nueva": 36922, - ".currentTarget": 36923, - ".lua": 36924, - "_EXTENSION": 36925, - "\treg": 36926, - "▁Ctrl": 36927, - "_align": 36928, - "acceptable": 36929, - "▁rushing": 36930, - "frac": 36931, - "▁boasts": 36932, - "Five": 36933, - "▁Temperature": 36934, - ">):": 36935, - "▁charter": 36936, - "REATED": 36937, - "▁subjected": 36938, - "▁opc": 36939, - "healthy": 36940, - "▁Scientific": 36941, - "▁frau": 36942, - "riages": 36943, - ".inventory": 36944, - "ationale": 36945, - "Mad": 36946, - "minutes": 36947, - ">>();\n": 36948, - "▁Env": 36949, - "▁recordings": 36950, - "▁suspicion": 36951, - "sqlite": 36952, - "\tread": 36953, - "▁worries": 36954, - ".putString": 36955, - "▁Shanghai": 36956, - "(uid": 36957, - "rer": 36958, - "\"):": 36959, - "▁methodology": 36960, - "ccc": 36961, - "avad": 36962, - "▁induction": 36963, - "\tThread": 36964, - ",string": 36965, - "nehmen": 36966, - "uition": 36967, - "▁*__": 36968, - ".emf": 36969, - "/themes": 36970, - "▁Nine": 36971, - ".One": 36972, - "▁Embed": 36973, - "▁faz": 36974, - "uations": 36975, - "▁privately": 36976, - "▁ling": 36977, - "[F": 36978, - "ushi": 36979, - "▁launches": 36980, - "(KEY": 36981, - "GMT": 36982, - "▁aiming": 36983, - "patible": 36984, - "▁Biden": 36985, - "iw": 36986, - "▁Degree": 36987, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 36988, - "▁$('<": 36989, - "toUpperCase": 36990, - "▁EUR": 36991, - "▁oversight": 36992, - "▁tablesp": 36993, - "Updates": 36994, - ".makedirs": 36995, - "▁humidity": 36996, - "/template": 36997, - "Always": 36998, - "(IS": 36999, - "_cert": 37000, - "Dig": 37001, - "▁underway": 37002, - "orton": 37003, - "▁Hurricane": 37004, - "▁spends": 37005, - "▁Segment": 37006, - "▁flies": 37007, - "▁Toggle": 37008, - "▁Lynch": 37009, - "▁senses": 37010, - "▁Kos": 37011, - "setEnabled": 37012, - "istically": 37013, - "▁tester": 37014, - "▁administrators": 37015, - "▁tagged": 37016, - "▁shortcut": 37017, - "▁Resolution": 37018, - "▁supervision": 37019, - "▁Ashley": 37020, - "Tracking": 37021, - "ulatory": 37022, - "andel": 37023, - "isten": 37024, - "▁unre": 37025, - "(diff": 37026, - "ANTS": 37027, - "▁rider": 37028, - ".Series": 37029, - "_orders": 37030, - "ORIZONTAL": 37031, - "▁retention": 37032, - ".Tests": 37033, - "Syn": 37034, - ".parseDouble": 37035, - "kode": 37036, - "zent": 37037, - "Generation": 37038, - "▁admits": 37039, - "▁Leak": 37040, - "▁aka": 37041, - "ROWS": 37042, - "▁Angela": 37043, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 37044, - "▁noon": 37045, - "▁stark": 37046, - "▁dragged": 37047, - "▁recyclerView": 37048, - "▁Silicon": 37049, - "_suffix": 37050, - "Jon": 37051, - "cock": 37052, - "▁Probably": 37053, - "Introduction": 37054, - "▁Terror": 37055, - "(This": 37056, - "▁Baseball": 37057, - "▁jenter": 37058, - "chestra": 37059, - ".nan": 37060, - "=g": 37061, - "▁clarify": 37062, - "yii": 37063, - "roots": 37064, - "▁notebook": 37065, - "▁Except": 37066, - "▁rises": 37067, - "▁Brussels": 37068, - "atories": 37069, - ".USER": 37070, - "rossover": 37071, - "/upload": 37072, - "▁Eventually": 37073, - "Consider": 37074, - "▁Bound": 37075, - ".identifier": 37076, - "(unittest": 37077, - "▁inferior": 37078, - "▁crc": 37079, - "▁autism": 37080, - "UIAlert": 37081, - "▁Kavanaugh": 37082, - "inement": 37083, - "queueReusable": 37084, - "Skin": 37085, - ".backend": 37086, - ".getState": 37087, - "unding": 37088, - "▁subclass": 37089, - "▁refined": 37090, - "▁annoy": 37091, - "▁rnd": 37092, - "Director": 37093, - "becca": 37094, - "mongodb": 37095, - "▁Commonwealth": 37096, - "Az": 37097, - "▁Thing": 37098, - "▁recom": 37099, - "uning": 37100, - "\tcon": 37101, - "\t▁▁▁▁\n": 37102, - "emics": 37103, - "ecd": 37104, - "▁horny": 37105, - "ATRIX": 37106, - "▁misleading": 37107, - "▁Bew": 37108, - "/node": 37109, - "cstdio": 37110, - "▁additions": 37111, - "rir": 37112, - "_requests": 37113, - "▁recherche": 37114, - "students": 37115, - "_positions": 37116, - "ertext": 37117, - "▁Evolution": 37118, - "andez": 37119, - "▁disturb": 37120, - "keyup": 37121, - "▁Butler": 37122, - ".readlines": 37123, - "_stdio": 37124, - "▁bee": 37125, - "▁Archives": 37126, - "▁nevertheless": 37127, - "URITY": 37128, - "▁drones": 37129, - "urities": 37130, - "\">\r\n\r\n": 37131, - "▁diagonal": 37132, - "▁CancellationToken": 37133, - "_Internal": 37134, - "▁ruin": 37135, - ".Qt": 37136, - "ocratic": 37137, - "Tel": 37138, - "▁Answers": 37139, - "matic": 37140, - "▁xp": 37141, - "atem": 37142, - "_jobs": 37143, - "_any": 37144, - "▁seniors": 37145, - "▁landmark": 37146, - "▁QList": 37147, - "▁maneu": 37148, - "otify": 37149, - "/\";\n": 37150, - "/server": 37151, - "▁Philosoph": 37152, - "utenant": 37153, - "(io": 37154, - "hz": 37155, - "▁authenticated": 37156, - "dv": 37157, - "-Compatible": 37158, - "Originally": 37159, - ",function": 37160, - "▁Representative": 37161, - "asily": 37162, - "ircuit": 37163, - ".dt": 37164, - "(math": 37165, - ".Marshal": 37166, - "[,": 37167, - "▁Cities": 37168, - "_turn": 37169, - "|)\n": 37170, - "▁cantidad": 37171, - "alter": 37172, - "\tui": 37173, - "▁Nebraska": 37174, - "▁skirt": 37175, - ".bg": 37176, - "SharedPreferences": 37177, - "(style": 37178, - "▁grief": 37179, - "gew": 37180, - "▁safeg": 37181, - "olang": 37182, - "_lists": 37183, - "▁granite": 37184, - "▁hottest": 37185, - ".jdbc": 37186, - ".Customer": 37187, - "▁waar": 37188, - "_scene": 37189, - "+'/": 37190, - "▁JTextField": 37191, - "▁seating": 37192, - "▁wears": 37193, - "▁`/": 37194, - "Cases": 37195, - "▁Youtube": 37196, - "▁balcon": 37197, - ",G": 37198, - "MetaData": 37199, - "-price": 37200, - "SCR": 37201, - "Unity": 37202, - "▁trunk": 37203, - "={`${": 37204, - "▁earthquake": 37205, - "Partial": 37206, - "▁subst": 37207, - "▁elimin": 37208, - "=\"'.": 37209, - "//*[@": 37210, - "▁supervisor": 37211, - "vrolet": 37212, - "_article": 37213, - "▁pane": 37214, - "bio": 37215, - "▁motors": 37216, - "NM": 37217, - "Frank": 37218, - "▁onion": 37219, - "-word": 37220, - "ItemClickListener": 37221, - "▁brit": 37222, - "endencies": 37223, - "Computer": 37224, - "_running": 37225, - "(day": 37226, - "-he": 37227, - "(named": 37228, - "▁Sach": 37229, - "campaign": 37230, - ".Abstract": 37231, - "(wrapper": 37232, - ".pay": 37233, - "▁uw": 37234, - "Geo": 37235, - "rails": 37236, - "/select": 37237, - "ichte": 37238, - "sons": 37239, - "EVENT": 37240, - "▁aliment": 37241, - "Providers": 37242, - "Await": 37243, - "_INTERVAL": 37244, - ".off": 37245, - "▁gluten": 37246, - "_cloud": 37247, - "▁wen": 37248, - ".extract": 37249, - "\tbutton": 37250, - "/MM": 37251, - "Party": 37252, - "▁demographic": 37253, - "_errno": 37254, - "▁hiking": 37255, - "('')\n": 37256, - "\",@\"": 37257, - "▁wit": 37258, - "ologie": 37259, - "▁Styles": 37260, - "▁BrowserModule": 37261, - ".RequestMapping": 37262, - "icans": 37263, - "PAGE": 37264, - "creation": 37265, - "▁Ferguson": 37266, - "uded": 37267, - "numbers": 37268, - "▁GTK": 37269, - "▁presentations": 37270, - "▁Bobby": 37271, - "_span": 37272, - "estyle": 37273, - "▁illegally": 37274, - "abela": 37275, - "▁battlefield": 37276, - "capacity": 37277, - "terror": 37278, - "]\");\n": 37279, - "▁warrior": 37280, - "leader": 37281, - "▁DBG": 37282, - "▁Revenue": 37283, - "▁vigil": 37284, - "▁counterparts": 37285, - "(Error": 37286, - "ACTER": 37287, - "▁heeft": 37288, - "▁selections": 37289, - "zeug": 37290, - "tom": 37291, - "-two": 37292, - ".;\n": 37293, - "_statement": 37294, - "▁Aid": 37295, - "▁Vul": 37296, - "_rgb": 37297, - "▁prizes": 37298, - "▁editable": 37299, - "\tform": 37300, - ".decor": 37301, - "Demo": 37302, - "lices": 37303, - "▁enctype": 37304, - "ratulations": 37305, - "▁ROS": 37306, - "_chars": 37307, - "▁Jahr": 37308, - "partial": 37309, - "▁Receive": 37310, - "▁Lands": 37311, - "APTER": 37312, - "▁chopped": 37313, - "..\"": 37314, - "▁Analy": 37315, - "▁UID": 37316, - "▁Radeon": 37317, - "▁Bee": 37318, - "▁unm": 37319, - ">M": 37320, - ".findall": 37321, - "Tokenizer": 37322, - "▁WHAT": 37323, - "▁sj": 37324, - "Drawing": 37325, - "Ess": 37326, - "OND": 37327, - "(packet": 37328, - "Invocation": 37329, - "▁Nuclear": 37330, - "?;\n": 37331, - "▁grandes": 37332, - "▁Crypt": 37333, - "remark": 37334, - "▁'../../../../": 37335, - "▁inability": 37336, - "magic": 37337, - "cats": 37338, - "▁simulate": 37339, - ":${": 37340, - "inflate": 37341, - "▁ener": 37342, - ":NO": 37343, - "iples": 37344, - "▁merit": 37345, - "▁Rated": 37346, - "▁glue": 37347, - "/blog": 37348, - "▁gren": 37349, - "▁thrilled": 37350, - ".CH": 37351, - "uncan": 37352, - "▁PRIMARY": 37353, - "▁persec": 37354, - "▁feared": 37355, - ".MIN": 37356, - "▁Theater": 37357, - "ategorie": 37358, - "▁appetite": 37359, - "square": 37360, - "▁Alexand": 37361, - ".UserId": 37362, - "_gt": 37363, - "_enter": 37364, - "▁graduates": 37365, - "FragmentManager": 37366, - "Authorize": 37367, - "-NLS": 37368, - "(My": 37369, - "▁triumph": 37370, - "usting": 37371, - "_PARAMS": 37372, - "Characters": 37373, - "(:,:,": 37374, - "_BUILD": 37375, - "MHz": 37376, - "▁washed": 37377, - "▁uncle": 37378, - "Steve": 37379, - "ardown": 37380, - "${": 37551, - "_confirmation": 37552, - "▁trophy": 37553, - "Works": 37554, - "▁Electronics": 37555, - "▁Mediterranean": 37556, - "_metrics": 37557, - "▁announcing": 37558, - "▁DAY": 37559, - "_proto": 37560, - "▁pear": 37561, - "baseUrl": 37562, - "\t\t\t\t\t\t\t\t\n": 37563, - "▁coordination": 37564, - ":N": 37565, - ".animate": 37566, - "▁Cotton": 37567, - "_hit": 37568, - "▁jetzt": 37569, - "ifter": 37570, - "(fields": 37571, - "ownload": 37572, - "ificacion": 37573, - ".cuda": 37574, - "▁Liu": 37575, - ">equals": 37576, - "▁Ace": 37577, - "▁Superman": 37578, - "▁Garcia": 37579, - "▁arrests": 37580, - "agar": 37581, - "▁{})": 37582, - "▁macros": 37583, - "roupe": 37584, - "▁twisted": 37585, - "struments": 37586, - "_(\"": 37587, - "_vertices": 37588, - "▁Transition": 37589, - "[max": 37590, - "mind": 37591, - "▁accessToken": 37592, - "▁unle": 37593, - "mus": 37594, - "cop": 37595, - "▁Factor": 37596, - "▁conced": 37597, - "▁retr": 37598, - ".linalg": 37599, - "-slider": 37600, - "obl": 37601, - "_StaticFields": 37602, - "▁zombie": 37603, - "selling": 37604, - "▁chap": 37605, - "▁shaking": 37606, - "▁Translate": 37607, - "▁Amsterdam": 37608, - "▁ETH": 37609, - "_EXTERN": 37610, - "kd": 37611, - "_disc": 37612, - "▁preceding": 37613, - "▁prix": 37614, - "ObjectName": 37615, - "_modified": 37616, - "ardware": 37617, - "▁?>\">": 37618, - "▁DW": 37619, - "`${": 37620, - "▁?>\">\n\n": 37726, - "▁spinning": 37727, - "_pending": 37728, - "Matchers": 37729, - ".Keys": 37730, - "▁PV": 37731, - "enus": 37732, - "antis": 37733, - "▁discard": 37734, - "▁haul": 37735, - "▁empir": 37736, - "▁pathway": 37737, - "▁oak": 37738, - "-induced": 37739, - "▁impair": 37740, - "▁Calgary": 37741, - ".isHidden": 37742, - "dz": 37743, - "_include": 37744, - "▁gm": 37745, - "▁'('": 37746, - "PY": 37747, - "uggestions": 37748, - "▁commodity": 37749, - "cro": 37750, - "/sub": 37751, - "▁getInstance": 37752, - "▁Legacy": 37753, - "▁Kil": 37754, - "Bal": 37755, - "(short": 37756, - "Inform": 37757, - "+x": 37758, - "*r": 37759, - "▁Hopefully": 37760, - "orate": 37761, - "▁machen": 37762, - "▁treaty": 37763, - "▁Ori": 37764, - ".public": 37765, - "-horizontal": 37766, - "▁tactic": 37767, - "▁bord": 37768, - "wares": 37769, - "▁ammo": 37770, - "▁Lists": 37771, - "▁equations": 37772, - "/her": 37773, - "▁NSW": 37774, - "Bounding": 37775, - "_Collections": 37776, - "▁avail": 37777, - ".DropDown": 37778, - "▁hh": 37779, - ".pb": 37780, - "▁memorial": 37781, - "▁ATTR": 37782, - "▁exhausted": 37783, - "▁tsp": 37784, - "\tredirect": 37785, - "▁likewise": 37786, - "STER": 37787, - "Ljava": 37788, - "▁condemned": 37789, - "ocaust": 37790, - "(strict": 37791, - "▁exempt": 37792, - "▁sms": 37793, - "▁exagger": 37794, - "SYS": 37795, - "▁lounge": 37796, - ":^": 37797, - "▁todd": 37798, - "deb": 37799, - "atorial": 37800, - "▁Porter": 37801, - "▁tuition": 37802, - "▁exempl": 37803, - "▁paren": 37804, - ".lineTo": 37805, - "▁kidney": 37806, - "▁cui": 37807, - "XC": 37808, - "▁nominated": 37809, - "lung": 37810, - "ImGui": 37811, - "▁Buzz": 37812, - "▁stereo": 37813, - "portal": 37814, - "resas": 37815, - "▁klass": 37816, - "▁drafted": 37817, - "▁projectile": 37818, - "/gpl": 37819, - "(parameters": 37820, - "*)\n": 37821, - "▁assisted": 37822, - "▁NSInteger": 37823, - "sitemap": 37824, - ":nth": 37825, - ".Views": 37826, - ".ArgumentParser": 37827, - "▁meer": 37828, - "zier": 37829, - "▁Dig": 37830, - "\n": 37892, - "▁plag": 37893, - "pine": 37894, - "▁blanket": 37895, - "▁:-": 38468, - "▁lcd": 38469, - "---------------": 38470, - "(\"\"": 38471, - "▁tactical": 38472, - "▁Ronald": 38473, - "extr": 38474, - "▁Fest": 38475, - "▁fuer": 38476, - "-navigation": 38477, - "▁kb": 38478, - "ghost": 38479, - "▁handleChange": 38480, - "_cls": 38481, - "()!=": 38482, - "Comparator": 38483, - ".vm": 38484, - "▁Cox": 38485, - "_review": 38486, - "/@": 38487, - "_cookie": 38488, - "▁recognised": 38489, - "ldap": 38490, - "Threads": 38491, - "▁Sexual": 38492, - "▁Bearing": 38493, - "(SQL": 38494, - "▁xr": 38495, - "▁thigh": 38496, - "URLConnection": 38497, - "▁SUV": 38498, - "▁mContext": 38499, - "▁incidence": 38500, - "▁Este": 38501, - ".sup": 38502, - "_te": 38503, - "(EXIT": 38504, - "CMD": 38505, - "/\">": 38506, - "Almost": 38507, - "▁Une": 38508, - "▁anderen": 38509, - "▁Singleton": 38510, - "▁bore": 38511, - "Think": 38512, - "▁narc": 38513, - "]initWith": 38514, - "_shop": 38515, - "(strategy": 38516, - "!',": 38517, - "herits": 38518, - "▁Desk": 38519, - "_machine": 38520, - ".netty": 38521, - "=<": 38522, - "▁QR": 38523, - "▁Sidebar": 38524, - ".splitContainer": 38525, - "▁onSuccess": 38526, - "▁monkey": 38527, - "Enjoy": 38528, - "(nodes": 38529, - "pectrum": 38530, - "▁(*(": 38531, - "\tUINT": 38532, - ",height": 38533, - "▁Networks": 38534, - ".tail": 38535, - ".linspace": 38536, - "▁\"...": 38537, - "Listen": 38538, - ".Channel": 38539, - "-defined": 38540, - "Repeat": 38541, - "adjust": 38542, - "ERM": 38543, - "_application": 38544, - ".assertNotNull": 38545, - "-stream": 38546, - "▁rabbit": 38547, - "▁positioning": 38548, - "▁woke": 38549, - "▁fing": 38550, - "▁multiplayer": 38551, - "▁registering": 38552, - "until": 38553, - "(::": 38554, - "ussions": 38555, - "▁potato": 38556, - "▁Equals": 38557, - ".Sup": 38558, - "/apache": 38559, - "▁(=": 38560, - ".\")": 38561, - ".ptr": 38562, - "▁Speech": 38563, - ".clip": 38564, - "▁Gabriel": 38565, - "▁musician": 38566, - "/issues": 38567, - ".shop": 38568, - "▁Hier": 38569, - "_RET": 38570, - "_bucket": 38571, - "avs": 38572, - "▁roz": 38573, - "flower": 38574, - "WriteBarrier": 38575, - "▁Milan": 38576, - "▁legislature": 38577, - "▁Doll": 38578, - "▁proving": 38579, - ".concatenate": 38580, - "▁gchar": 38581, - "cdnjs": 38582, - "bles": 38583, - "▁Listing": 38584, - ".xrLabel": 38585, - "▁Sak": 38586, - "justice": 38587, - "▁Valentine": 38588, - "unless": 38589, - "▁piger": 38590, - "(run": 38591, - "▁testified": 38592, - "ANA": 38593, - "▁Removes": 38594, - "))));\n": 38595, - "recated": 38596, - "▁RuntimeMethod": 38597, - "▁conqu": 38598, - "▁tissues": 38599, - "ailer": 38600, - "-Star": 38601, - "▁flames": 38602, - ".setIcon": 38603, - "▁supern": 38604, - "▁vagina": 38605, - "-variable": 38606, - "▁wellness": 38607, - "CUR": 38608, - "▁belle": 38609, - ".getRequest": 38610, - "▁poco": 38611, - "benh": 38612, - "agens": 38613, - "▁spill": 38614, - "▁Jur": 38615, - "▁dispatcher": 38616, - "emonic": 38617, - "(dirname": 38618, - "▁passe": 38619, - "▁ganz": 38620, - "ricing": 38621, - "EU": 38622, - "▁mujeres": 38623, - "essen": 38624, - ".attribute": 38625, - "jj": 38626, - "\t\t▁\n": 38627, - "[^": 38628, - "▁strtolower": 38629, - "lexer": 38630, - "ectar": 38631, - "hotel": 38632, - ".square": 38633, - "▁rall": 38634, - "▁lowered": 38635, - "handled": 38636, - "Market": 38637, - "▁Uses": 38638, - "ivas": 38639, - ".Business": 38640, - "DIV": 38641, - "▁wasted": 38642, - "▁avoir": 38643, - "_ACCOUNT": 38644, - ".et": 38645, - "\tSDL": 38646, - "kap": 38647, - "▁fox": 38648, - "uppet": 38649, - "{},\n": 38650, - "\",'": 38651, - "Favorite": 38652, - "PEND": 38653, - "▁AES": 38654, - "}),": 38655, - "▁deduction": 38656, - "▁componentWill": 38657, - "▁Telerik": 38658, - "_SELF": 38659, - "▁muse": 38660, - "Craft": 38661, - "▁dens": 38662, - "(tp": 38663, - "▁tasty": 38664, - "▁balances": 38665, - "▁dedication": 38666, - "▁Wallace": 38667, - "▁unlaw": 38668, - "\\\">\\": 38669, - "▁mum": 38670, - "-update": 38671, - "emente": 38672, - "▁soda": 38673, - "Republic": 38674, - "asmine": 38675, - "(Status": 38676, - "▁JsonConvert": 38677, - "▁Disk": 38678, - ".Redirect": 38679, - "▁filming": 38680, - "/mol": 38681, - "Ro": 38682, - "▁ville": 38683, - "▁trabaj": 38684, - "▁synthesis": 38685, - "rega": 38686, - "▁rl": 38687, - "Scheduler": 38688, - "ISHED": 38689, - "currentUser": 38690, - "(errors": 38691, - "'h": 38692, - "_bot": 38693, - "ximo": 38694, - "▁USART": 38695, - "_super": 38696, - "_DECREF": 38697, - "_ROW": 38698, - "▁promotes": 38699, - "▁TA": 38700, - "▁horas": 38701, - "▁Represents": 38702, - "▁nameof": 38703, - "▁Exc": 38704, - "▁Garage": 38705, - "▁seine": 38706, - ",#": 38707, - "▁herb": 38708, - "/resources": 38709, - "▁pleaded": 38710, - ".radioButton": 38711, - "Ops": 38712, - "▁Nest": 38713, - "cstring": 38714, - "▁Defence": 38715, - "▁refere": 38716, - "_leaf": 38717, - "▁revelation": 38718, - ".executeUpdate": 38719, - "_WORLD": 38720, - "▁expans": 38721, - "(\"\\\"": 38722, - "jab": 38723, - "▁doubts": 38724, - "▁Geometry": 38725, - "▁introduces": 38726, - "▁senators": 38727, - "▁canal": 38728, - ".helper": 38729, - "▁Biology": 38730, - "_SENS": 38731, - ".previous": 38732, - "-touch": 38733, - "abit": 38734, - "▁impacted": 38735, - "▁brackets": 38736, - ".direct": 38737, - "accum": 38738, - "▁testosterone": 38739, - "\taction": 38740, - "▁Chance": 38741, - "▁peaks": 38742, - "CppCodeGenWriteBarrier": 38743, - "▁unbelie": 38744, - "_press": 38745, - ".Rel": 38746, - "angled": 38747, - "/templates": 38748, - "-->\r\n": 38749, - "lime": 38750, - "▁sufficiently": 38751, - "_nt": 38752, - "Expand": 38753, - ".isfile": 38754, - "▁isEmpty": 38755, - "▁qt": 38756, - "▁mulher": 38757, - "acob": 38758, - "George": 38759, - "▁assim": 38760, - "aso": 38761, - "▁comprised": 38762, - "OV": 38763, - "(CONFIG": 38764, - "\twriter": 38765, - "▁desp": 38766, - "▁tenure": 38767, - "(cr": 38768, - ".pool": 38769, - "▁Brend": 38770, - "▁censor": 38771, - "(timeout": 38772, - "▁plea": 38773, - ".Wrap": 38774, - "▁tightly": 38775, - "▁Were": 38776, - "▁Ignore": 38777, - "abei": 38778, - "▁bridges": 38779, - "▁condemn": 38780, - "▁simplicity": 38781, - "▁routinely": 38782, - "▁blacks": 38783, - "jb": 38784, - "▁Pit": 38785, - "Utf": 38786, - "▁/\n": 38787, - "reload": 38788, - "▁setObject": 38789, - "/global": 38790, - "▁fatty": 38791, - "▁socks": 38792, - "Couldn": 38793, - "▁erotisk": 38794, - "▁Pressure": 38795, - "▁Maz": 38796, - "npos": 38797, - "tolower": 38798, - "▁EQ": 38799, - "uteur": 38800, - "▁Moment": 38801, - "▁eta": 38802, - "{{--": 38803, - "▁graphs": 38804, - "▁Guar": 38805, - "rine": 38806, - "(--": 38807, - "▁HttpStatus": 38808, - "(student": 38809, - "*np": 38810, - "▁railway": 38811, - "▁asynchronous": 38812, - "_vm": 38813, - "'],'": 38814, - ",text": 38815, - "merchant": 38816, - "(Guid": 38817, - "▁Gra": 38818, - "ixer": 38819, - "fetchAll": 38820, - ".addListener": 38821, - "flip": 38822, - "*$": 38823, - ">(),": 38824, - "▁sunlight": 38825, - "assigned": 38826, - "▁abc": 38827, - "▁COLUMN": 38828, - ")...": 38829, - "▁ensemble": 38830, - "▁newline": 38831, - "_SINGLE": 38832, - "iedad": 38833, - "▁darker": 38834, - "ormap": 38835, - "▁lion": 38836, - "plits": 38837, - "▁illustration": 38838, - "▁IEEE": 38839, - "▁vista": 38840, - "ousands": 38841, - "*******": 38842, - "▁Tommy": 38843, - "▁hue": 38844, - "Sel": 38845, - "▁aura": 38846, - "▁Therapy": 38847, - "▁animator": 38848, - ".constraints": 38849, - "▁vague": 38850, - "(\"\")": 38851, - "▁villain": 38852, - "▁blessing": 38853, - "▁stringBuilder": 38854, - "▁Misc": 38855, - "▁DIR": 38856, - "fax": 38857, - "-node": 38858, - "▁Walking": 38859, - "▁AU": 38860, - "sess": 38861, - "▁grill": 38862, - "VERTISE": 38863, - "▁Foods": 38864, - "▁tournaments": 38865, - "▁Marsh": 38866, - "▁wonders": 38867, - "Longitude": 38868, - ".CommandText": 38869, - "=input": 38870, - "_encoder": 38871, - "pageSize": 38872, - "▁getState": 38873, - ">>\n": 38874, - ".grey": 38875, - "pod": 38876, - "▁readings": 38877, - "▁reconsider": 38878, - "Startup": 38879, - "▁excer": 38880, - ".balance": 38881, - "_cycle": 38882, - "_Time": 38883, - "LOCAL": 38884, - "▁EFI": 38885, - "▁Reyn": 38886, - ".setForeground": 38887, - "byn": 38888, - "▁disconnected": 38889, - "ACTIVE": 38890, - "▁embedding": 38891, - "ickers": 38892, - "▁surroundings": 38893, - "*c": 38894, - "▁garant": 38895, - "▁bf": 38896, - "▁wipe": 38897, - "_TRA": 38898, - "adox": 38899, - "▁sucks": 38900, - "▁Songs": 38901, - "▁Associates": 38902, - "▁Bald": 38903, - "▁Brett": 38904, - "venile": 38905, - "▁vt": 38906, - "▁inade": 38907, - "▁resigned": 38908, - "▁Glenn": 38909, - ".pattern": 38910, - ".DataBind": 38911, - "LayoutInflater": 38912, - "chet": 38913, - "▁Testament": 38914, - ".ms": 38915, - "▁pav": 38916, - "▁ReactDOM": 38917, - "urdy": 38918, - "ADATA": 38919, - "Mu": 38920, - "/actions": 38921, - "▁Js": 38922, - "_extract": 38923, - "▁Bring": 38924, - ":id": 38925, - "strt": 38926, - "ivation": 38927, - "▁outright": 38928, - "azu": 38929, - "loyment": 38930, - "aldo": 38931, - "▁Publisher": 38932, - "Education": 38933, - "Palette": 38934, - "_drv": 38935, - "▁($(": 38936, - "▁Anda": 38937, - "▁remedy": 38938, - "▁inconsistent": 38939, - "tection": 38940, - "▁regulators": 38941, - "▁shortest": 38942, - "(pair": 38943, - "▁Installation": 38944, - "▁defendants": 38945, - "▁();": 38946, - "-large": 38947, - "Mel": 38948, - "▁threaten": 38949, - "▁fetish": 38950, - "otine": 38951, - "_dic": 38952, - "▁<$": 38953, - "▁stagger": 38954, - "spi": 38955, - "$response": 38956, - "Serv": 38957, - "-born": 38958, - "jos": 38959, - "\timg": 38960, - "\tWHERE": 38961, - "_lt": 38962, - ".cost": 38963, - "▁Tue": 38964, - ".labels": 38965, - "▁LV": 38966, - "wcsstore": 38967, - "▁Jesse": 38968, - "Trade": 38969, - "▁predecessor": 38970, - "finally": 38971, - "_general": 38972, - "oggler": 38973, - "_REGION": 38974, - "nement": 38975, - "▁blogger": 38976, - "▁Harbor": 38977, - "▁Dataset": 38978, - "[w": 38979, - "▁attendees": 38980, - ".ico": 38981, - "maximum": 38982, - ".Unlock": 38983, - "_SYNC": 38984, - "▁downs": 38985, - "▁Wii": 38986, - "])/": 38987, - "▁kicking": 38988, - "unication": 38989, - "▁DAC": 38990, - "▁IDS": 38991, - "▁Rental": 38992, - "▁currentTime": 38993, - "▁vaccines": 38994, - "▁Devil": 38995, - "▁nors": 38996, - "_mouse": 38997, - "urrection": 38998, - "(no": 38999, - "▁>\r\n": 39000, - "▁aggression": 39001, - "▁breeding": 39002, - ".symbol": 39003, - "iman": 39004, - "AbsolutePath": 39005, - "▁WHO": 39006, - "_flush": 39007, - "-root": 39008, - "arna": 39009, - "&M": 39010, - "▁fathers": 39011, - "▁Rocket": 39012, - "iveau": 39013, - "▁wander": 39014, - "▁compos": 39015, - "▁Warrior": 39016, - "▁Seat": 39017, - "▁Clinic": 39018, - "_invoice": 39019, - "(dispatch": 39020, - "Producto": 39021, - "aturing": 39022, - "ossier": 39023, - "▁MAY": 39024, - "▁dagger": 39025, - "▁sanitized": 39026, - "▁RFC": 39027, - "▁proph": 39028, - "▁urine": 39029, - "▁grind": 39030, - "▁Expanded": 39031, - "descripcion": 39032, - "-fw": 39033, - "▁Kerry": 39034, - "=name": 39035, - "▁chk": 39036, - "▁nationally": 39037, - "▁thee": 39038, - "Inc": 39039, - "▁?>>": 39040, - ".RadioButton": 39041, - ".HttpServletResponse": 39042, - "/Y": 39043, - "\tfield": 39044, - "▁homme": 39045, - "yper": 39046, - "Physical": 39047, - "=v": 39048, - "▁driv": 39049, - "▁Errors": 39050, - "Death": 39051, - "▁WINDOW": 39052, - "▁poet": 39053, - "▁Sharp": 39054, - "▁Immutable": 39055, - "\tcreate": 39056, - "▁geht": 39057, - "▁Reform": 39058, - "aiser": 39059, - "▁Initialization": 39060, - "▁immunity": 39061, - ".compose": 39062, - "▁latency": 39063, - "▁Lebanon": 39064, - "▁Parad": 39065, - "▁fuels": 39066, - "▁Exhib": 39067, - "coh": 39068, - "%\">\n": 39069, - "▁CLI": 39070, - ")initWith": 39071, - "-Za": 39072, - "_CLEAR": 39073, - "regn": 39074, - "▁finances": 39075, - ".standard": 39076, - "_CATEGORY": 39077, - ".library": 39078, - "▁travelers": 39079, - "_wp": 39080, - "▁Evaluation": 39081, - "starting": 39082, - "▁)),\n": 39083, - "episode": 39084, - "▁Variant": 39085, - "▁daemon": 39086, - "▁Julia": 39087, - "▁NR": 39088, - "▁doubles": 39089, - "'": 39305, - "▁queryset": 39306, - ";}\r\n": 39307, - "▁Population": 39308, - "utedString": 39309, - "resident": 39310, - "_FONT": 39311, - "▁Respond": 39312, - "▁obscure": 39313, - "▁observable": 39314, - "▁Contributors": 39315, - "kon": 39316, - "▁Musk": 39317, - "exao": 39318, - "▁Tub": 39319, - "BootApplication": 39320, - "SOR": 39321, - ".Horizontal": 39322, - ".findBy": 39323, - ".power": 39324, - "▁positively": 39325, - "venience": 39326, - "▁Jong": 39327, - "▁whistle": 39328, - "▁lending": 39329, - "▁destructive": 39330, - "▁onDelete": 39331, - "authorization": 39332, - "();?>": 39333, - "_original": 39334, - "science": 39335, - "atra": 39336, - "?,?,": 39337, - "▁Asc": 39338, - "▁convincing": 39339, - "$a": 39340, - "orgen": 39341, - "_Date": 39342, - "▁Provide": 39343, - "▁lonely": 39344, - ")'\n": 39345, - "exchange": 39346, - ";?>\n": 39347, - ".fast": 39348, - "Samples": 39349, - "London": 39350, - "'])\r\n": 39351, - "▁Ionic": 39352, - "▁pesso": 39353, - "▁Knights": 39354, - "▁Raf": 39355, - "_attrs": 39356, - "▁repeal": 39357, - ">Main": 39358, - "▁Ordered": 39359, - "_New": 39360, - "=\"\">\";\n": 39437, - "▁SERVER": 39438, - "▁HEADER": 39439, - "_velocity": 39440, - "▁Invoke": 39441, - ".timestamps": 39442, - "▁sulf": 39443, - "IQUE": 39444, - "▁inhabitants": 39445, - "phins": 39446, - "azzo": 39447, - "▁mono": 39448, - "Legend": 39449, - "▁nonce": 39450, - "IFE": 39451, - ";\";\n": 39452, - "-create": 39453, - "\"\",\n": 39454, - "permit": 39455, - "▁Immigration": 39456, - "▁pathname": 39457, - "ffective": 39458, - "▁exams": 39459, - "-event": 39460, - "▁Till": 39461, - "[mid": 39462, - "FIX": 39463, - ";color": 39464, - "(Order": 39465, - "_traits": 39466, - "▁orderBy": 39467, - "▁sunt": 39468, - "▁Nicholas": 39469, - "▁sunny": 39470, - "iners": 39471, - "▁accessibility": 39472, - "▁HB": 39473, - ".comp": 39474, - "\top": 39475, - "▁minorities": 39476, - "etheus": 39477, - "▁collaborative": 39478, - "prit": 39479, - "HIR": 39480, - "▁wraps": 39481, - "\tdraw": 39482, - "god": 39483, - "▁IX": 39484, - ".apps": 39485, - "▁NM": 39486, - "▁irrelevant": 39487, - "▁Tigers": 39488, - "▁diag": 39489, - "GV": 39490, - "▁Accessories": 39491, - "kont": 39492, - "▁simplify": 39493, - "▁Favorite": 39494, - "_tools": 39495, - "([]);\n": 39496, - "▁towers": 39497, - "Bes": 39498, - "▁hunter": 39499, - "▁salon": 39500, - "(buff": 39501, - "\tdebug": 39502, - "▁malware": 39503, - "Moving": 39504, - "-options": 39505, - ")+'": 39506, - "▁LOVE": 39507, - "_SOCKET": 39508, - "_fin": 39509, - "▁Delaware": 39510, - "▁sheriff": 39511, - "-invalid": 39512, - "▁FULL": 39513, - "elas": 39514, - "\"strings": 39515, - "▁Representatives": 39516, - "surface": 39517, - "resolved": 39518, - "htdocs": 39519, - ")):\r\n": 39520, - "▁pressures": 39521, - "▁norms": 39522, - "▁pla": 39523, - "▁surname": 39524, - "▁postal": 39525, - "▁Depart": 39526, - "▁slaughter": 39527, - "orida": 39528, - "▁hebben": 39529, - "▁desar": 39530, - "compact": 39531, - "_LANG": 39532, - "opoly": 39533, - "_rad": 39534, - "▁STDMETHOD": 39535, - "Lazy": 39536, - "▁▁▁\t": 39537, - "...,": 39538, - "(web": 39539, - "▁Pont": 39540, - "▁etwas": 39541, - "▁upward": 39542, - "_hat": 39543, - "▁],\n\n": 39544, - "▁baseUrl": 39545, - "▁worrying": 39546, - "-addon": 39547, - "(getClass": 39548, - "SPI": 39549, - "▁capturing": 39550, - ")},\n": 39551, - "Effects": 39552, - "▁competent": 39553, - "▁foul": 39554, - "▁subscribing": 39555, - "▁OBJECT": 39556, - "IXEL": 39557, - "bucks": 39558, - "(edge": 39559, - "(pass": 39560, - "▁Peterson": 39561, - "▁boobs": 39562, - "▁Delay": 39563, - "_square": 39564, - "elim": 39565, - "oters": 39566, - "_PC": 39567, - "%E": 39568, - "onclick": 39569, - "▁SVG": 39570, - "▁topped": 39571, - "▁fist": 39572, - "smart": 39573, - "▁Ralph": 39574, - "(owner": 39575, - "jours": 39576, - "▁bronze": 39577, - "▁ArgumentException": 39578, - "(original": 39579, - "_SCALE": 39580, - "_cp": 39581, - "▁recommends": 39582, - ".setStyle": 39583, - "Sure": 39584, - "LAND": 39585, - "▁repeating": 39586, - "Matt": 39587, - ".Visibility": 39588, - "▁enterprises": 39589, - ".Setup": 39590, - "(scene": 39591, - "▁Reactive": 39592, - "urge": 39593, - "bw": 39594, - ".Put": 39595, - "persist": 39596, - ".cookie": 39597, - "▁Audi": 39598, - "`s": 39599, - "supplier": 39600, - "(Form": 39601, - "_so": 39602, - "▁Legion": 39603, - "tte": 39604, - "Nd": 39605, - "Loss": 39606, - "(attrs": 39607, - ".scatter": 39608, - "▁groom": 39609, - "▁glimpse": 39610, - "▁nails": 39611, - "▁cumulative": 39612, - "▁fazer": 39613, - "_services": 39614, - ".Num": 39615, - "ibilit": 39616, - "_resolution": 39617, - "▁Tx": 39618, - "uminium": 39619, - "opa": 39620, - ".schedule": 39621, - "smtp": 39622, - "urry": 39623, - "goog": 39624, - "_signature": 39625, - ".into": 39626, - "▁Steps": 39627, - "▁homeowners": 39628, - "▁NSURL": 39629, - "▁PAC": 39630, - "▁▁▁▁▁▁▁▁▁▁▁▁\n\n": 39631, - ">')\n": 39632, - "enh": 39633, - "▁incap": 39634, - "$MESS": 39635, - "▁moins": 39636, - "▁Fi": 39637, - "▁offseason": 39638, - "pressions": 39639, - ">.\n": 39707, - "▁Grass": 39708, - "▁Goal": 39709, - "_pdf": 39710, - "Handlers": 39711, - "▁stacks": 39712, - ".getFullYear": 39713, - "=[];\n": 39714, - ",V": 39715, - "(split": 39716, - "▁bakeca": 39717, - "▁~/.": 39718, - "pez": 39719, - "tails": 39720, - "▁Glen": 39721, - "▁setImage": 39722, - "▁Comic": 39723, - "BLOCK": 39724, - "\tThis": 39725, - "oader": 39726, - "▁capitalist": 39727, - "_STEP": 39728, - "(Boolean": 39729, - "▁Correct": 39730, - "rina": 39731, - "▁concaten": 39732, - "():\n\n": 39733, - "▁unanim": 39734, - "lli": 39735, - "alars": 39736, - "-ne": 39737, - "▁divor": 39738, - "▁Kickstarter": 39739, - "]._": 39740, - "*'+": 40366, - "acency": 40367, - "(URL": 40368, - "_half": 40369, - "=l": 40370, - "▁listView": 40371, - "(section": 40372, - ".toArray": 40373, - "+/": 40374, - "▁Rodriguez": 40375, - "istream": 40376, - "▁eligibility": 40377, - "::-": 40378, - ".newInstance": 40379, - "PB": 40380, - "▁Assets": 40381, - "▁Composite": 40382, - "▁Labs": 40383, - "▁Hamas": 40384, - "++);\n": 40385, - "▁blk": 40386, - "▁Neo": 40387, - "Luc": 40388, - "@login": 40389, - "▁unaware": 40390, - ".met": 40391, - "_RELEASE": 40392, - "(ST": 40393, - "AMIL": 40394, - "rike": 40395, - "▁(){\n": 40396, - "(sprintf": 40397, - "▁Accounts": 40398, - "▁VIEW": 40399, - "▁Aj": 40400, - "▁whisk": 40401, - "▁idi": 40402, - "▁rode": 40403, - "▁ihn": 40404, - "▁Elementary": 40405, - "Qty": 40406, - "▁intriguing": 40407, - "Jobs": 40408, - "\toffset": 40409, - "▁Ahmed": 40410, - "▁Taliban": 40411, - "▁injected": 40412, - ".Authentication": 40413, - "_linear": 40414, - ".Decimal": 40415, - "▁apples": 40416, - "▁shareholders": 40417, - "▁baked": 40418, - ".diff": 40419, - "▁Eddie": 40420, - "okers": 40421, - "▁confronted": 40422, - "voices": 40423, - "▁tus": 40424, - "▁Spin": 40425, - "NODE": 40426, - "_Un": 40427, - "CTX": 40428, - "/google": 40429, - "Temperature": 40430, - "▁'').": 40431, - "▁magnificent": 40432, - "▁startIndex": 40433, - "sembles": 40434, - "Anyone": 40435, - "zk": 40436, - "ehen": 40437, - "▁Dame": 40438, - ".strict": 40439, - "▁replaces": 40440, - "▁lineback": 40441, - "▁pushes": 40442, - "▁cheek": 40443, - "▁Shi": 40444, - "_BYTES": 40445, - "REA": 40446, - "_CONNECTION": 40447, - "Gateway": 40448, - "▁Travis": 40449, - "▁AX": 40450, - "▁Basically": 40451, - "▁Upgrade": 40452, - "themes": 40453, - "ermo": 40454, - "kor": 40455, - "Female": 40456, - "_attach": 40457, - "▁poz": 40458, - "==============\n": 40459, - "(symbol": 40460, - "▁Sector": 40461, - "__)\n\n": 40462, - "_padding": 40463, - "▁fabs": 40464, - "▁ranged": 40465, - "setName": 40466, - "▁perror": 40467, - "▁FileReader": 40468, - "▁fulfilled": 40469, - "_Current": 40470, - "▁dominate": 40471, - "▁smugg": 40472, - "PostMapping": 40473, - "_force": 40474, - "▁bloc": 40475, - "▁Giant": 40476, - "(video": 40477, - "▁CU": 40478, - "SystemService": 40479, - "▁elf": 40480, - "▁kontakt": 40481, - "kees": 40482, - "gtk": 40483, - "▁paramInt": 40484, - "▁markup": 40485, - "uales": 40486, - "▁accounted": 40487, - "▁gangbang": 40488, - "RYPT": 40489, - "▁Wrong": 40490, - "▁credited": 40491, - "▁MESSAGE": 40492, - "▁flaws": 40493, - "▁bbw": 40494, - "▁metabolic": 40495, - "▁OEM": 40496, - "/event": 40497, - "(Collectors": 40498, - "monton": 40499, - "appear": 40500, - "▁opted": 40501, - "▁cheat": 40502, - "▁dav": 40503, - "▁Proceed": 40504, - "anked": 40505, - "ansk": 40506, - "▁Hang": 40507, - "▁Cler": 40508, - "▁disgu": 40509, - "▁cmap": 40510, - ".cljs": 40511, - "▁aument": 40512, - "lez": 40513, - "▁Joined": 40514, - "_received": 40515, - "▁aerial": 40516, - "otel": 40517, - "▁greet": 40518, - "\"s": 40519, - "▁Genesis": 40520, - "▁Calif": 40521, - "panion": 40522, - "▁tailored": 40523, - "mapping": 40524, - "andExpect": 40525, - ".track": 40526, - "atomy": 40527, - "▁Ow": 40528, - "ullah": 40529, - ".Yes": 40530, - "▁SimpleName": 40531, - "dbh": 40532, - "'en": 40533, - "▁nonsense": 40534, - "▁philosophical": 40535, - "(getContext": 40536, - "▁isso": 40537, - "▁ACE": 40538, - "startDate": 40539, - "▁AUTHOR": 40540, - "▁Globe": 40541, - "▁insects": 40542, - "_Al": 40543, - "ushing": 40544, - "/Home": 40545, - "▁LocalDate": 40546, - "needed": 40547, - "hesive": 40548, - "▁illusion": 40549, - "▁trat": 40550, - "xo": 40551, - "/detail": 40552, - "_MATCH": 40553, - "▁broadband": 40554, - "▁wal": 40555, - "▁IllegalStateException": 40556, - "IRECTION": 40557, - "▁northeast": 40558, - "esium": 40559, - "▁Cliente": 40560, - "ulance": 40561, - "nty": 40562, - "▁tecn": 40563, - "Devices": 40564, - "▁grains": 40565, - "▁Og": 40566, - "▁SEL": 40567, - "udiant": 40568, - "▁++;\n": 40569, - "▁explanations": 40570, - "occo": 40571, - "▁diets": 40572, - "▁cohort": 40573, - "(controller": 40574, - ".Iterator": 40575, - "-rich": 40576, - "rocess": 40577, - "GD": 40578, - "▁carbohydr": 40579, - "▁fried": 40580, - "▁Employment": 40581, - "▁Leonard": 40582, - "_${": 40583, - "quares": 40584, - "▁companions": 40585, - "▁paris": 40586, - "▁stimulation": 40587, - "▁Zoo": 40588, - "▁relevance": 40589, - "▁Colour": 40590, - "▁spear": 40591, - "otional": 40592, - "▁Lite": 40593, - "▁Kosten": 40594, - "_attachment": 40595, - "orphic": 40596, - "▁damit": 40597, - "▁dlg": 40598, - "▁thrive": 40599, - "CHANGE": 40600, - "▁Apparently": 40601, - "▁atual": 40602, - "▁rooted": 40603, - "(images": 40604, - "awi": 40605, - "ariat": 40606, - "▁cherry": 40607, - "STATIC": 40608, - "mnt": 40609, - "▁UserId": 40610, - "illet": 40611, - "▁Hispanic": 40612, - "▁nak": 40613, - "▁centro": 40614, - "▁dims": 40615, - "_initialize": 40616, - "▁Centers": 40617, - "REN": 40618, - "▁evolutionary": 40619, - "▁Topics": 40620, - "_damage": 40621, - "emer": 40622, - "▁rund": 40623, - "▁punished": 40624, - "▁cubic": 40625, - "fair": 40626, - "[];\n\n": 40627, - "▁instantiate": 40628, - "▁oversee": 40629, - "-delete": 40630, - "unteer": 40631, - "startTime": 40632, - "▁Pipeline": 40633, - "_GAME": 40634, - "▁Cir": 40635, - "\tNull": 40636, - ".Formatting": 40637, - "ucumber": 40638, - "▁Ride": 40639, - "▁zoo": 40640, - "▁checker": 40641, - "=C": 40642, - "▁grit": 40643, - "\");//": 40644, - "_xy": 40645, - "▁Declaration": 40646, - "▁callable": 40647, - "Foo": 40648, - "▁ListItem": 40649, - "▁inaccur": 40650, - "mlin": 40651, - "\tData": 40652, - "▁evolving": 40653, - "awan": 40654, - "▁cafe": 40655, - "folk": 40656, - "_IDX": 40657, - "▁Anything": 40658, - "▁Palestine": 40659, - "▁GridView": 40660, - "▁colony": 40661, - "▁Germans": 40662, - "(+": 40663, - ".pid": 40664, - ".jsx": 40665, - "▁Superior": 40666, - "Christian": 40667, - "▁Lect": 40668, - "\tGame": 40669, - "▁instrumental": 40670, - "Animations": 40671, - "▁Moses": 40672, - "\t\t\r\n\t\t\r\n": 40673, - "zs": 40674, - "kte": 40675, - "_DIST": 40676, - "bitmap": 40677, - "dB": 40678, - "▁persistence": 40679, - "$l": 40680, - "Bron": 40681, - "▁{|": 40682, - "_chart": 40683, - "▁Consum": 40684, - "▁hemp": 40685, - "▁\"))\n": 40686, - "▁attackers": 40687, - "▁knowledgeable": 40688, - "▁cet": 40689, - "▁viruses": 40690, - "'I": 40691, - "▁pitcher": 40692, - "▁sweeping": 40693, - "=list": 40694, - "aptops": 40695, - ".depth": 40696, - "▁instructed": 40697, - "▁Rus": 40698, - "benhavn": 40699, - "Sports": 40700, - "▁onset": 40701, - ".RED": 40702, - "_si": 40703, - "▁PST": 40704, - ".onChange": 40705, - ">tag": 40706, - "▁Roh": 40707, - "_character": 40708, - "▁Laws": 40709, - "▁Bachelor": 40710, - "_swap": 40711, - ".reactivex": 40712, - "▁rewarding": 40713, - "Medium": 40714, - "-[": 40715, - "▁Recently": 40716, - "Joint": 40717, - "partition": 40718, - "▁Minutes": 40719, - "▁indo": 40720, - "▁absorbed": 40721, - "▁GN": 40722, - "_IND": 40723, - "▁saber": 40724, - "Spawn": 40725, - "outputs": 40726, - "▁Jeffrey": 40727, - "▁medieval": 40728, - "hed": 40729, - "Guide": 40730, - "▁psycho": 40731, - "▁glam": 40732, - "Elim": 40733, - "_plain": 40734, - "▁Sau": 40735, - "-four": 40736, - "▁analyzing": 40737, - "QUERY": 40738, - "▁tomato": 40739, - "_buttons": 40740, - "VEN": 40741, - ".setStatus": 40742, - ".Url": 40743, - "+\n\n": 40744, - "▁complaining": 40745, - "degree": 40746, - "confirmed": 40747, - "▁subt": 40748, - "parsed": 40749, - "▁torque": 40750, - "▁troubled": 40751, - "▁TARGET": 40752, - "▁trademarks": 40753, - "▁Coordinate": 40754, - "▁Viv": 40755, - "▁//}\n\n": 40756, - ".getPosition": 40757, - "(KeyCode": 40758, - "▁Silva": 40759, - "▁meteor": 40760, - "▁endorsement": 40761, - "Overview": 40762, - "▁Poss": 40763, - ".Inject": 40764, - "▁evenly": 40765, - "▁visualization": 40766, - "▁wchar": 40767, - "▁HDMI": 40768, - "▁funct": 40769, - "ickname": 40770, - "','','": 40771, - "▁forwards": 40772, - "ManagedObject": 40773, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 40774, - "\tserver": 40775, - "▁Outlook": 40776, - "▁Chronicle": 40777, - "▁dubbed": 40778, - "▁dok": 40779, - "▁Wear": 40780, - ".AL": 40781, - "paren": 40782, - ".Interface": 40783, - "Interfaces": 40784, - ".cod": 40785, - "▁dib": 40786, - ".Globalization": 40787, - "▁Academic": 40788, - "▁assms": 40789, - "Autom": 40790, - "▁lw": 40791, - "▁NW": 40792, - "▁&&\r\n": 40793, - "▁problema": 40794, - "▁Manufacturing": 40795, - "limits": 40796, - "-mobile": 40797, - "▁filme": 40798, - "/map": 40799, - "▁doit": 40800, - "▁Ink": 40801, - "▁sued": 40802, - ".arr": 40803, - "▁undermin": 40804, - "▁Proc": 40805, - "crollView": 40806, - "__$": 40807, - "▁sidewalk": 40808, - "(that": 40809, - "[q": 40810, - "grammar": 40811, - "quito": 40812, - "▁spiral": 40813, - "extended": 40814, - "▁focal": 40815, - "▁digging": 40816, - "pas": 40817, - "▁Tall": 40818, - ".proxy": 40819, - "itures": 40820, - "TRACT": 40821, - "▁Realm": 40822, - "▁feder": 40823, - "▁oriented": 40824, - "▁Alternative": 40825, - "▁owe": 40826, - "▁sourced": 40827, - "inker": 40828, - ".det": 40829, - "Sep": 40830, - "▁Qui": 40831, - "▁Palmer": 40832, - "(_,": 40833, - "samples": 40834, - "oyer": 40835, - "ullan": 40836, - "quez": 40837, - "Edges": 40838, - "▁shout": 40839, - "▁Achie": 40840, - "▁haar": 40841, - "_Construct": 40842, - "▁premature": 40843, - "▁revert": 40844, - "').\n": 40845, - "▁schn": 40846, - "filtered": 40847, - "nullptr": 40848, - "Saved": 40849, - "itecture": 40850, - "CLA": 40851, - "▁vl": 40852, - "stell": 40853, - "\tMe": 40854, - "▁Lip": 40855, - "national": 40856, - "▁wholly": 40857, - "▁springs": 40858, - ".Timer": 40859, - "\tsrc": 40860, - "elsen": 40861, - "▁communicating": 40862, - "▁Quiz": 40863, - "▁teng": 40864, - "▁gez": 40865, - "▁Outside": 40866, - ".Sign": 40867, - "(cs": 40868, - "▁disputes": 40869, - "▁Weiss": 40870, - "annes": 40871, - ">No": 40872, - "▁Bach": 40873, - ".removeAll": 40874, - "refer": 40875, - "/dashboard": 40876, - "▁Ajax": 40877, - "IndexChanged": 40878, - "▁Weak": 40879, - "'\"\n": 40880, - "▁sights": 40881, - "accessToken": 40882, - "▁Joi": 40883, - "(domain": 40884, - "\tcv": 40885, - "▁continuation": 40886, - "▁plum": 40887, - "adir": 40888, - ".setMessage": 40889, - "▁swallow": 40890, - "▁Lamp": 40891, - "▁qw": 40892, - "▁uu": 40893, - "Coin": 40894, - "ubic": 40895, - "▁Deals": 40896, - "race": 40897, - "▁dictator": 40898, - "▁meme": 40899, - "turned": 40900, - "▁Julie": 40901, - ".gridColumn": 40902, - "▁puppy": 40903, - "▁pam": 40904, - "▁){\r\n": 40905, - "▁inviting": 40906, - "▁french": 40907, - "vim": 40908, - "▁wrapping": 40909, - "▁#-}\n": 40910, - "([-": 40911, - "Early": 40912, - "▁shiny": 40913, - ".faces": 40914, - "▁rebell": 40915, - "abcdef": 40916, - "▁estimation": 40917, - "phys": 40918, - "losures": 40919, - "_REL": 40920, - "▁exclusion": 40921, - "▁Skype": 40922, - "weise": 40923, - "-stop": 40924, - "nothing": 40925, - "▁Egg": 40926, - "isors": 40927, - "Richard": 40928, - "▁counseling": 40929, - "▁commem": 40930, - "▁QMessageBox": 40931, - "▁Synd": 40932, - "▁Frost": 40933, - "▁Competition": 40934, - "▁Awake": 40935, - "▁ted": 40936, - "iciones": 40937, - "▁DevComponents": 40938, - "VERTISEMENT": 40939, - "otti": 40940, - ".runner": 40941, - "▁uniquely": 40942, - ".flag": 40943, - "\trs": 40944, - "_generic": 40945, - "▁```\n": 40946, - "ACHINE": 40947, - "▁mein": 40948, - "(Application": 40949, - "(br": 40950, - "▁ratios": 40951, - ":,": 40952, - "▁XCTest": 40953, - "ustainable": 40954, - "-www": 40955, - "itles": 40956, - "_TEMP": 40957, - "▁syst": 40958, - "umericUpDown": 40959, - "\tassertTrue": 40960, - "▁wf": 40961, - ".peek": 40962, - "▁Bulg": 40963, - "▁terrifying": 40964, - ".MODE": 40965, - "▁GW": 40966, - "▁fic": 40967, - "▁commitments": 40968, - "-tech": 40969, - "▁Liquid": 40970, - "opez": 40971, - "zheimer": 40972, - "-media": 40973, - "(animated": 40974, - "_goal": 40975, - "▁gum": 40976, - "ystone": 40977, - ".SET": 40978, - "▁Wend": 40979, - "setCellValue": 40980, - "▁msgs": 40981, - "cash": 40982, - "ALLOC": 40983, - "/aws": 40984, - "▁microwave": 40985, - ".Pointer": 40986, - "\tConsole": 40987, - "_sorted": 40988, - "▁Filip": 40989, - "Prod": 40990, - "▁//!<": 40991, - "ingroup": 40992, - "▁ks": 40993, - "_TRI": 40994, - "▁teaspoon": 40995, - "▁ATT": 40996, - "▁recovering": 40997, - "▁GLOBAL": 40998, - ".Par": 40999, - "▁/>;\n": 41000, - "▁marble": 41001, - "ulators": 41002, - "▁Cycle": 41003, - "▁herbs": 41004, - "_metric": 41005, - ")!": 41006, - "_CLOCK": 41007, - "_Button": 41008, - "Harry": 41009, - "▁strains": 41010, - "▁AppBar": 41011, - "▁Chan": 41012, - "/video": 41013, - "▁bam": 41014, - ".Progress": 41015, - "$f": 41016, - "lemen": 41017, - "▁irregular": 41018, - "▁Duncan": 41019, - "▁Mint": 41020, - "-video": 41021, - "▁EMPTY": 41022, - "▁stacked": 41023, - "▁HA": 41024, - "_cut": 41025, - "▁wherein": 41026, - "▁Ways": 41027, - "(counter": 41028, - "FormGroup": 41029, - "▁blew": 41030, - "courses": 41031, - "▁productos": 41032, - "rys": 41033, - "▁Restr": 41034, - "▁styling": 41035, - ">s": 41036, - "▁piv": 41037, - "▁itertools": 41038, - "getRepository": 41039, - "▁Ik": 41040, - "_devices": 41041, - "layui": 41042, - "▁halfway": 41043, - "▁tuning": 41044, - "OA": 41045, - "_Node": 41046, - "arde": 41047, - "▁fierce": 41048, - "licted": 41049, - "#\r\n": 41050, - "▁breakthrough": 41051, - "▁Erik": 41052, - "▁bride": 41053, - "▁.\"": 41054, - "culus": 41055, - "inside": 41056, - "▁Indianapolis": 41057, - "▁EE": 41058, - "▁yog": 41059, - "urret": 41060, - ".fs": 41061, - ".grad": 41062, - "_cards": 41063, - "_accuracy": 41064, - "_epi": 41065, - "queda": 41066, - "/org": 41067, - "▁compte": 41068, - "))[": 41069, - "Outside": 41070, - "Greater": 41071, - "▁Renderer": 41072, - ".actor": 41073, - "Accounts": 41074, - "Idle": 41075, - "_hours": 41076, - "erner": 41077, - "Joined": 41078, - "▁menj": 41079, - "requires": 41080, - "▁OPER": 41081, - ".removeChild": 41082, - "\tsp": 41083, - "▁esse": 41084, - "rift": 41085, - "xFE": 41086, - "▁Shakespeare": 41087, - "____________": 41088, - "▁budgets": 41089, - "ModelState": 41090, - "fillable": 41091, - "-component": 41092, - "ocos": 41093, - "▁BUTTON": 41094, - "/io": 41095, - ",out": 41096, - "sms": 41097, - "Thomas": 41098, - "▁Armed": 41099, - "resume": 41100, - "▁rotating": 41101, - "▁Vault": 41102, - "▁seus": 41103, - ".(*": 41104, - "▁amino": 41105, - "▁[]);\n\n": 41106, - "▁provoc": 41107, - "nox": 41108, - ".GetEnumerator": 41109, - "=======\n": 41110, - "_scroll": 41111, - "▁filmed": 41112, - "▁Soci": 41113, - "gap": 41114, - "gro": 41115, - "Vote": 41116, - "\"But": 41117, - "_RC": 41118, - "Animal": 41119, - "ibile": 41120, - "▁awaken": 41121, - "orest": 41122, - "inja": 41123, - "▁Ivan": 41124, - "(Command": 41125, - "▁*****": 41126, - "▁kvinder": 41127, - "/helpers": 41128, - "_cases": 41129, - "tg": 41130, - "Registered": 41131, - "\tpass": 41132, - "_digits": 41133, - "▁contour": 41134, - "▁infants": 41135, - "▁justification": 41136, - "▁Fortunately": 41137, - "Contr": 41138, - "▁onCreateView": 41139, - "_SAMPLE": 41140, - "▁allowNull": 41141, - "▁nud": 41142, - "▁fetched": 41143, - "_equ": 41144, - "▁Unable": 41145, - "=\\\"\"": 41146, - ">{\n": 41147, - "▁committees": 41148, - "istema": 41149, - "+\".": 41150, - "mant": 41151, - "▁southeast": 41152, - "dialogs": 41153, - "PROJECT": 41154, - "charger": 41155, - "-port": 41156, - "(uuid": 41157, - ".export": 41158, - "Six": 41159, - "▁RP": 41160, - "Prem": 41161, - "▁conscience": 41162, - "▁marginRight": 41163, - "_distribution": 41164, - "yaml": 41165, - "resizing": 41166, - "Dock": 41167, - "▁Locations": 41168, - "GY": 41169, - "Seed": 41170, - "BUFFER": 41171, - "ossip": 41172, - "ullen": 41173, - "Things": 41174, - "-self": 41175, - ".poll": 41176, - "PLAYER": 41177, - "GROUP": 41178, - "▁Away": 41179, - "▁gospel": 41180, - "xfd": 41181, - "Mary": 41182, - "▁Portable": 41183, - "TURE": 41184, - "▁utilis": 41185, - "▁seit": 41186, - "▁strand": 41187, - "▁transc": 41188, - "▁(^": 41189, - "▁Alfred": 41190, - ".mem": 41191, - ".circle": 41192, - "▁~/": 41193, - "forcing": 41194, - "▁riot": 41195, - "prox": 41196, - "THON": 41197, - "▁NI": 41198, - "rost": 41199, - "▁dispro": 41200, - "_instances": 41201, - "ographer": 41202, - "endas": 41203, - "▁Isaac": 41204, - "▁Pine": 41205, - "/dis": 41206, - "▁colorWith": 41207, - "iterate": 41208, - "_stride": 41209, - "▁punto": 41210, - ".EventArgs": 41211, - "(center": 41212, - "▁neighboring": 41213, - "▁Prison": 41214, - "▁Messenger": 41215, - "▁epidemic": 41216, - "dao": 41217, - "_complex": 41218, - "▁gravel": 41219, - "_DIP": 41220, - "▁Ari": 41221, - "_bitmap": 41222, - ".quit": 41223, - "(valid": 41224, - "▁pend": 41225, - "▁respiratory": 41226, - "▁rebound": 41227, - "DefaultValue": 41228, - "▁commits": 41229, - ".tests": 41230, - "_fr": 41231, - "itet": 41232, - ".sf": 41233, - "▁spacecraft": 41234, - "critical": 41235, - "▁depressed": 41236, - "▁AnyObject": 41237, - "▁unb": 41238, - "▁discern": 41239, - "(mysql": 41240, - "Latin": 41241, - "▁Bog": 41242, - "▁Wildlife": 41243, - "ToFile": 41244, - "ioxid": 41245, - "@RestController": 41246, - "▁\"$(": 41247, - "▁<<\"": 41248, - "▁defects": 41249, - "▁datum": 41250, - "hin": 41251, - "▁realizar": 41252, - "anyahu": 41253, - "▁Sig": 41254, - "@Data": 41255, - "adaptive": 41256, - "▁Catherine": 41257, - ".cr": 41258, - "▁COOKIE": 41259, - "▁pictured": 41260, - "▁Fighter": 41261, - "Queryable": 41262, - "▁Anyway": 41263, - "▁GLFW": 41264, - "_namespace": 41265, - "_ft": 41266, - "▁])": 41267, - "Organization": 41268, - "▁constitutes": 41269, - "▁quand": 41270, - "(chunk": 41271, - "\"/>\r\n": 41272, - "▁Lakes": 41273, - "mainwindow": 41274, - "Carthy": 41275, - "spin": 41276, - "(csv": 41277, - ":red": 41278, - "-commerce": 41279, - "▁discovering": 41280, - "▁eco": 41281, - "_fac": 41282, - "inceton": 41283, - "▁Greens": 41284, - "jwt": 41285, - "▁Broncos": 41286, - "▁Goods": 41287, - "(GTK": 41288, - "▁returnValue": 41289, - "▁siempre": 41290, - "▁neutr": 41291, - "went": 41292, - "▁Natal": 41293, - "▁enthusiastic": 41294, - "FN": 41295, - "/database": 41296, - "Catalog": 41297, - "▁brun": 41298, - "▁Kash": 41299, - "_Pl": 41300, - "iscrim": 41301, - ",width": 41302, - "▁inmates": 41303, - "Assignment": 41304, - "▁Haven": 41305, - "▁playground": 41306, - "exam": 41307, - "@Controller": 41308, - "uliar": 41309, - ".getParent": 41310, - "▁\";\n\n": 41311, - ":size": 41312, - "issors": 41313, - "▁fis": 41314, - "▁alc": 41315, - "ensation": 41316, - "▁Nixon": 41317, - "▁mighty": 41318, - "-str": 41319, - "_special": 41320, - "_ADC": 41321, - "▁Twig": 41322, - "umbling": 41323, - "-address": 41324, - "▁heroin": 41325, - "YTE": 41326, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n": 41327, - "Friend": 41328, - "▁ave": 41329, - "▁PNG": 41330, - "▁Kurdish": 41331, - "DataSetChanged": 41332, - "▁blades": 41333, - "bral": 41334, - "Steam": 41335, - "▁sigu": 41336, - "IRTUAL": 41337, - "acos": 41338, - "UDP": 41339, - "(database": 41340, - "hec": 41341, - "▁Strings": 41342, - "_scalar": 41343, - "\tdesc": 41344, - "▁TLS": 41345, - ";\"\n": 41346, - "▁Corbyn": 41347, - "SimpleName": 41348, - "uell": 41349, - "▁Entre": 41350, - "ellites": 41351, - "-place": 41352, - "▁frankly": 41353, - "▁Erf": 41354, - "CEL": 41355, - "▁hedge": 41356, - "▁latent": 41357, - "▁IRQ": 41358, - "▁Herald": 41359, - "▁Prec": 41360, - ".TEXT": 41361, - "Salary": 41362, - "▁autumn": 41363, - "▁travail": 41364, - ".Sum": 41365, - "▁cared": 41366, - "Mor": 41367, - "▁intuitive": 41368, - "▁journals": 41369, - "_IT": 41370, - "▁Trou": 41371, - "HasColumnName": 41372, - "Composite": 41373, - "▁spice": 41374, - "_disk": 41375, - "_CODES": 41376, - "▁Introduced": 41377, - "iona": 41378, - "▁nuestra": 41379, - "oct": 41380, - "▁▁▁▁\n▁▁▁▁\n▁▁▁▁\n": 41381, - "(parameter": 41382, - "▁studios": 41383, - "▁projectId": 41384, - "▁bdsm": 41385, - ".SqlClient": 41386, - "imizer": 41387, - "▁CARD": 41388, - "+t": 41389, - "aan": 41390, - ".sol": 41391, - "_Adjust": 41392, - "▁righteous": 41393, - "▁Logging": 41394, - ".filters": 41395, - "_TAB": 41396, - "\tsys": 41397, - "rophic": 41398, - "otherapy": 41399, - "▁Browse": 41400, - "keyboard": 41401, - "RON": 41402, - "+\\": 41403, - "ropped": 41404, - "▁extensively": 41405, - "fk": 41406, - "▁lime": 41407, - "years": 41408, - "Exc": 41409, - "▁sph": 41410, - "▁cheating": 41411, - "andro": 41412, - "▁prince": 41413, - "oire": 41414, - "▁Destination": 41415, - "▁Converts": 41416, - "▁upstream": 41417, - "oled": 41418, - "▁servants": 41419, - "▁semantic": 41420, - "▁crunch": 41421, - "▁eventual": 41422, - "runner": 41423, - "/error": 41424, - "Spin": 41425, - "▁secretly": 41426, - "▁assemble": 41427, - ".Person": 41428, - "enderror": 41429, - "_<": 41430, - "▁pendant": 41431, - "Sleep": 41432, - "▁Chemistry": 41433, - "▁bosses": 41434, - "lk": 41435, - "))),\n": 41436, - "Blockly": 41437, - "DEVICE": 41438, - "▁reflecting": 41439, - "▁ample": 41440, - "Milliseconds": 41441, - "▁Presidential": 41442, - "▁usuarios": 41443, - "▁NZ": 41444, - "▁Salary": 41445, - "▁Amanda": 41446, - "_np": 41447, - "jury": 41448, - "▁therapist": 41449, - "▁homosexual": 41450, - "▁Drake": 41451, - "-window": 41452, - "▁Located": 41453, - ".Driver": 41454, - "▁VIDEO": 41455, - "▁merchants": 41456, - "▁Chest": 41457, - "-lock": 41458, - "/php": 41459, - "▁milano": 41460, - "_STYLE": 41461, - "arger": 41462, - "idea": 41463, - "GUID": 41464, - "advanced": 41465, - "meal": 41466, - "OptionsItemSelected": 41467, - "='%": 41468, - "▁Cham": 41469, - ":data": 41470, - "(stat": 41471, - "WillAppear": 41472, - "▁informal": 41473, - "aji": 41474, - "▁reproductive": 41475, - "▁CAS": 41476, - "FUNC": 41477, - "▁Ruth": 41478, - ")+(": 41479, - "CONST": 41480, - "▁Fans": 41481, - "▁groupId": 41482, - "xffffffff": 41483, - "▁sampler": 41484, - "▁}}\">": 41485, - ".the": 41486, - "▁hollow": 41487, - "WAY": 41488, - "▁Faculty": 41489, - "AttributedString": 41490, - "▁Looks": 41491, - "▁Rex": 41492, - "jk": 41493, - "▁MIL": 41494, - "▁bard": 41495, - ".Long": 41496, - "▁livest": 41497, - "▁skal": 41498, - "icism": 41499, - "MAIN": 41500, - "▁mucho": 41501, - "BODY": 41502, - "▁ese": 41503, - "\tuse": 41504, - "Foot": 41505, - ".SQLException": 41506, - "▁inheritance": 41507, - "received": 41508, - "▁putas": 41509, - "edis": 41510, - "alsa": 41511, - "▁ErrorMessage": 41512, - "Booking": 41513, - "▁tract": 41514, - "acz": 41515, - "▁Cant": 41516, - "_regex": 41517, - "▁ideological": 41518, - "▁jihad": 41519, - "hos": 41520, - "/sys": 41521, - "colm": 41522, - "(pool": 41523, - "▁Pending": 41524, - "));\n\n\n": 41525, - "transactions": 41526, - "▁wield": 41527, - "itere": 41528, - "erture": 41529, - "_ss": 41530, - "▁stretching": 41531, - "▁prisoner": 41532, - ".ReadAll": 41533, - "▁besch": 41534, - "--;\r\n": 41535, - "▁crisp": 41536, - "_SCAN": 41537, - "▁ae": 41538, - "Strict": 41539, - "▁Minneapolis": 41540, - "▁Boeing": 41541, - "aris": 41542, - "rek": 41543, - "_pipe": 41544, - "▁priests": 41545, - "(EIF": 41546, - "ehicles": 41547, - "▁Interactive": 41548, - "between": 41549, - "\tNullCheck": 41550, - "▁Blair": 41551, - "▁Lt": 41552, - "_inline": 41553, - "ethyl": 41554, - "_packages": 41555, - "▁barrels": 41556, - "_he": 41557, - "▁regexp": 41558, - "_pts": 41559, - "_Handler": 41560, - "ingular": 41561, - "▁Nissan": 41562, - "▁Ranch": 41563, - "▁perch": 41564, - "Unsupported": 41565, - "Smith": 41566, - "▁Legends": 41567, - "Mi": 41568, - "▁gf": 41569, - "steder": 41570, - "▁acquiring": 41571, - "▁simulator": 41572, - "(),\"": 41573, - "receive": 41574, - "▁inplace": 41575, - "ACTION": 41576, - "▁WebDriver": 41577, - "filesystem": 41578, - "'+\n": 41589, - "▁credible": 41590, - "amat": 41591, - "playing": 41592, - ".setImageResource": 41593, - "quel": 41594, - "▁podr": 41595, - "geom": 41596, - "Ek": 41597, - "▁Qatar": 41598, - "▁geld": 41599, - "?',\n": 41600, - "▁cyl": 41601, - "(ax": 41602, - "▁WI": 41603, - "urally": 41604, - "▁Brasil": 41605, - "▁senza": 41606, - "aley": 41607, - "onen": 41608, - "▁bah": 41609, - "▁molecule": 41610, - "Rad": 41611, - "ANCH": 41612, - "-background": 41613, - "-agent": 41614, - "▁prolifer": 41615, - ":boolean": 41616, - "▁tide": 41617, - "erializer": 41618, - "_;\r\n": 41619, - "Fee": 41620, - "**)": 41621, - "ergy": 41622, - "▁Honor": 41623, - ".Logging": 41624, - "iris": 41625, - "▁undermine": 41626, - "▁Dy": 41627, - "▁tyr": 41628, - "▁deque": 41629, - "▁damer": 41630, - "([])\n": 41631, - ".layoutControlItem": 41632, - "peated": 41633, - "CAN": 41634, - "ragments": 41635, - "Land": 41636, - ")]);\n": 41637, - "▁Sah": 41638, - "▁DECL": 41639, - "Within": 41640, - "▁Namespace": 41641, - "another": 41642, - "sembling": 41643, - ".describe": 41644, - "Consum": 41645, - "▁Fear": 41646, - "given": 41647, - "Orange": 41648, - "This": 41672, - "▁dataIndex": 41673, - "▁printable": 41674, - "▁Eyes": 41675, - "_targets": 41676, - "(Py": 41677, - ".over": 41678, - "▁bru": 41679, - "ampton": 41680, - "▁plaintiff": 41681, - ");\n": 41691, - "invest": 41692, - ".*\n\n": 41693, - "▁superf": 41694, - "▁cascade": 41695, - "DTD": 41696, - "▁vivid": 41697, - "▁subsidies": 41698, - "▁Hass": 41699, - "▁collaps": 41700, - "▁ceramic": 41701, - "{}\".": 41702, - "▁Leakage": 41703, - "-trash": 41704, - "collapsed": 41705, - "-social": 41706, - "▁Chad": 41707, - "▁inclined": 41708, - "▁sto": 41709, - "▁storyboard": 41710, - ".payment": 41711, - "stackoverflow": 41712, - "▁Raiders": 41713, - "▁#'": 41714, - "olicies": 41715, - "emap": 41716, - "▁kj": 41717, - "▁quota": 41718, - "▁Gardens": 41719, - "▁Angels": 41720, - "▁oft": 41721, - "▁lowercase": 41722, - "▁iParam": 41723, - "▁cheapest": 41724, - "unta": 41725, - "_pkt": 41726, - "icators": 41727, - "▁leurs": 41728, - "▁decreases": 41729, - "\tdefine": 41730, - "PREC": 41731, - "ammers": 41732, - "▁PreparedStatement": 41733, - "(direction": 41734, - "▁crews": 41735, - "arked": 41736, - "▁Memphis": 41737, - "▁Sell": 41738, - "GTK": 41739, - "▁maid": 41740, - ":disable": 41741, - "▁Pf": 41742, - "▁albeit": 41743, - "openh": 41744, - "?>\">\n": 41745, - ".getSource": 41746, - "(scale": 41747, - "Du": 41748, - "▁PIL": 41749, - "_refresh": 41750, - "▁bets": 41751, - "(car": 41752, - "▁Von": 41753, - "|--------------------------------------------------------------------------\n": 41754, - "▁Grat": 41755, - "Much": 41756, - "(Dialog": 41757, - ".stopPropagation": 41758, - "▁tek": 41759, - "▁exits": 41760, - "'],$": 41761, - "▁phoneNumber": 41762, - "ucs": 41763, - "ecimal": 41764, - "--------------": 41765, - "inp": 41766, - ".pojo": 41767, - "▁corpus": 41768, - "▁practitioners": 41769, - ".pic": 41770, - "\"testing": 41771, - "▁stringBy": 41772, - ".NotNull": 41773, - "▁rang": 41774, - ".Dynamic": 41775, - "_Render": 41776, - "Waiting": 41777, - "▁Wik": 41778, - "▁overwhelmed": 41779, - "%\">": 41780, - "▁AE": 41781, - "}}>\n": 41782, - "uw": 41783, - "_typ": 41784, - "▁buckets": 41785, - "▁greeting": 41786, - "▁laughter": 41787, - "▁antagon": 41788, - "uggestion": 41789, - "-email": 41790, - "\ttop": 41791, - "▁eros": 41792, - "_tri": 41793, - "▁issuing": 41794, - "▁isolate": 41795, - "Overflow": 41796, - ",E": 41797, - "▁nutritional": 41798, - "▁Abbott": 41799, - "▁nf": 41800, - ".touch": 41801, - ".fetchall": 41802, - "_zip": 41803, - "\")}\n": 41804, - "▁amat": 41805, - "▁Cisco": 41806, - "PLEX": 41807, - "▁sei": 41808, - "foto": 41809, - ".toJson": 41810, - "▁Klein": 41811, - "▁libc": 41812, - "▁miners": 41813, - "-print": 41814, - "▁Pride": 41815, - "Todos": 41816, - "▁masked": 41817, - "▁setData": 41818, - "▁telefon": 41819, - "▁unhappy": 41820, - "▁Tables": 41821, - "geb": 41822, - "(debug": 41823, - "_allowed": 41824, - "-access": 41825, - "▁logistics": 41826, - "▁gems": 41827, - "▁Mature": 41828, - "▁rsp": 41829, - "▁Alle": 41830, - ".getBytes": 41831, - "\\web": 41832, - "ynchronized": 41833, - "Paragraph": 41834, - "▁throttle": 41835, - ".sqlite": 41836, - "consulta": 41837, - "▁Seah": 41838, - "Ce": 41839, - "▁submar": 41840, - "ERE": 41841, - "Vous": 41842, - "▁reddit": 41843, - "▁sqlalchemy": 41844, - "-mile": 41845, - "ocide": 41846, - "Pour": 41847, - "}}\">\n": 41848, - "stead": 41849, - "▁@(": 41850, - "▁[])": 41851, - "▁Ads": 41852, - "▁overload": 41853, - "ridden": 41854, - "▁Desert": 41855, - "▁Wrap": 41856, - "▁Portuguese": 41857, - "etz": 41858, - "\tfirst": 41859, - "▁milestone": 41860, - "(success": 41861, - "\")\n": 42021, - "▁Dollar": 42022, - "▁emoji": 42023, - "Carousel": 42024, - "-player": 42025, - "▁adjusting": 42026, - "▁juga": 42027, - "allenges": 42028, - "gene": 42029, - "(bodyParser": 42030, - "lopedia": 42031, - "▁Behind": 42032, - "▁sleeves": 42033, - "▁dragging": 42034, - "▁Chevrolet": 42035, - "▁biz": 42036, - "ivities": 42037, - "▁Frequency": 42038, - ",char": 42039, - ".WHITE": 42040, - "_preview": 42041, - ")';\n": 42042, - "_ax": 42043, - "IONS": 42044, - ".cpu": 42045, - ".inputs": 42046, - "UBE": 42047, - "_feed": 42048, - "▁Supplement": 42049, - "!).": 42050, - "esus": 42051, - "▁UDP": 42052, - "▁microphone": 42053, - "▁confirms": 42054, - ".isNotEmpty": 42055, - "\":\"\",\n": 42056, - "_SCREEN": 42057, - "\texpected": 42058, - "+-+-+-+-": 42059, - "▁Hait": 42060, - "fastcall": 42061, - "▁depict": 42062, - "vb": 42063, - "_picture": 42064, - "\tdescription": 42065, - "▁Wife": 42066, - "uci": 42067, - "▁vicious": 42068, - "ueba": 42069, - "▁setUser": 42070, - "▁diving": 42071, - "▁opera": 42072, - "usercontent": 42073, - "arah": 42074, - ")},": 42075, - "yun": 42076, - "velt": 42077, - "▁uncovered": 42078, - "▁hips": 42079, - "▁oscill": 42080, - "▁asserting": 42081, - "▁Xi": 42082, - ".restore": 42083, - "kea": 42084, - "▁spelling": 42085, - "▁derive": 42086, - "abwe": 42087, - "▁Dow": 42088, - ".setType": 42089, - "_vs": 42090, - "▁cozy": 42091, - ".categories": 42092, - "Org": 42093, - "_mgr": 42094, - "▁dungeon": 42095, - "collectionView": 42096, - "▁Blank": 42097, - "acias": 42098, - "_cleanup": 42099, - "_ACTIVITY": 42100, - "▁triangles": 42101, - ".MenuItem": 42102, - "▁iphone": 42103, - "▁Won": 42104, - "]]\n\n": 42105, - "▁Comparison": 42106, - ".Doc": 42107, - "▁canonical": 42108, - "▁Sudan": 42109, - "'){": 42110, - "UpInside": 42111, - "builtin": 42112, - "ENCY": 42113, - "xbe": 42114, - "▁chuck": 42115, - "▁contradict": 42116, - "▁nuestro": 42117, - "▁architectural": 42118, - "▁Fib": 42119, - "▁compares": 42120, - "*k": 42121, - "Cfg": 42122, - "nten": 42123, - "Matches": 42124, - "▁DOWNLOAD": 42125, - "_HANDLER": 42126, - "management": 42127, - "[S": 42128, - "ENG": 42129, - "fang": 42130, - "▁slipped": 42131, - "▁Lanka": 42132, - "escaping": 42133, - "▁tackles": 42134, - "▁Pedro": 42135, - ".Prop": 42136, - ".''": 42137, - ".Generated": 42138, - ".NewGuid": 42139, - "atrigesimal": 42140, - "illon": 42141, - "▁statistic": 42142, - "species": 42143, - "holding": 42144, - "Drupal": 42145, - "▁fundamentally": 42146, - "▁bondage": 42147, - "▁resolutions": 42148, - "InlineData": 42149, - "\\Type": 42150, - "estion": 42151, - ".wrap": 42152, - "▁warriors": 42153, - "▁LOCAL": 42154, - "Archive": 42155, - "▁embraced": 42156, - ".Ver": 42157, - "▁Affordable": 42158, - "olesale": 42159, - "▁Applied": 42160, - "▁Conversion": 42161, - "mega": 42162, - "_cam": 42163, - "▁ceremon": 42164, - "aurus": 42165, - "▁Volk": 42166, - ".opens": 42167, - "/about": 42168, - "▁Std": 42169, - "journal": 42170, - "()){\r\n": 42171, - ",\"\\": 42172, - "(Arrays": 42173, - "▁Dense": 42174, - "/stat": 42175, - "userData": 42176, - "▁german": 42177, - "▁tz": 42178, - "worthy": 42179, - "FormatException": 42180, - "pherd": 42181, - "▁smiles": 42182, - "▁Whenever": 42183, - "(adapter": 42184, - ".badlogic": 42185, - "▁briefing": 42186, - ".GridColumn": 42187, - "-char": 42188, - "dimension": 42189, - "▁Copper": 42190, - "▁ninth": 42191, - "▁'{{": 42192, - "▁rav": 42193, - "_Table": 42194, - "▁derivatives": 42195, - "▁Raise": 42196, - "▁Fut": 42197, - "armor": 42198, - "-padding": 42199, - "▁remin": 42200, - "\tstyle": 42201, - "▁Membership": 42202, - "▁spreads": 42203, - "▁galleries": 42204, - "▁Clarke": 42205, - "▁conception": 42206, - "minute": 42207, - "▁abusive": 42208, - "_adj": 42209, - "▁terrific": 42210, - "▁overt": 42211, - "ourcing": 42212, - "▁entrada": 42213, - "levels": 42214, - "▁critique": 42215, - "▁respects": 42216, - "▁MMA": 42217, - "iene": 42218, - "▁encaps": 42219, - "▁Raymond": 42220, - "Divider": 42221, - "ivable": 42222, - "baz": 42223, - "▁@_;\n": 42224, - "▁Claire": 42225, - "▁urging": 42226, - "CEE": 42227, - "▁transformer": 42228, - "discord": 42229, - "▁Journey": 42230, - "tos": 42231, - "▁competitions": 42232, - "▁OBJ": 42233, - "▁Bis": 42234, - "▁relaxation": 42235, - "idy": 42236, - "_INSTANCE": 42237, - "▁Pref": 42238, - "dados": 42239, - "iciencies": 42240, - "▁MediaQuery": 42241, - "▁Cube": 42242, - "▁Strange": 42243, - "gpu": 42244, - "(days": 42245, - "_InitStruct": 42246, - "▁fingerprint": 42247, - "emat": 42248, - "▁Gecko": 42249, - "▁rails": 42250, - "▁Lum": 42251, - "straction": 42252, - "igung": 42253, - "(movie": 42254, - "_dictionary": 42255, - "_interrupt": 42256, - "▁QC": 42257, - "iked": 42258, - "appendChild": 42259, - "recipient": 42260, - "Ve": 42261, - "▁towel": 42262, - ".lastIndexOf": 42263, - "▁placebo": 42264, - "▁Wie": 42265, - ".esp": 42266, - "(Debug": 42267, - "operative": 42268, - "▁deceased": 42269, - "&id": 42270, - "\tmutex": 42271, - "elic": 42272, - "▁bapt": 42273, - "\t\r\n\r\n": 42274, - "▁farther": 42275, - "Half": 42276, - ".disable": 42277, - ".menuStrip": 42278, - "leccion": 42279, - "▁resultCode": 42280, - "▁cans": 42281, - "-election": 42282, - "female": 42283, - "_FIX": 42284, - "ausible": 42285, - "▁POWER": 42286, - "▁reconstruction": 42287, - "▁scans": 42288, - ".XtraBars": 42289, - "Removed": 42290, - "▁paragraphs": 42291, - "_margin": 42292, - "▁lymph": 42293, - "▁bos": 42294, - "lington": 42295, - "▁Baptist": 42296, - "▁advertisements": 42297, - "▁Manage": 42298, - "/yyyy": 42299, - "IOUS": 42300, - "ENCES": 42301, - "▁Fiction": 42302, - "\tmenu": 42303, - "▁FileOutputStream": 42304, - "ovan": 42305, - "▁Feng": 42306, - "▁skipping": 42307, - "getClass": 42308, - "anni": 42309, - "▁rebounds": 42310, - "▁publicity": 42311, - "▁ingres": 42312, - "usement": 42313, - "▁thoughtful": 42314, - ".Chart": 42315, - "▁hatte": 42316, - "passport": 42317, - "▁hooked": 42318, - "▁Lens": 42319, - "▁flagship": 42320, - "▁stip": 42321, - "▁GEN": 42322, - "▁clues": 42323, - "ipv": 42324, - "▁Rise": 42325, - "▁Gew": 42326, - "tablename": 42327, - "▁foremost": 42328, - "_validate": 42329, - "_analysis": 42330, - "olla": 42331, - "▁qualifications": 42332, - "▁distributions": 42333, - "▁Flower": 42334, - "▁tense": 42335, - "▁thankful": 42336, - "▁clutch": 42337, - "▁unified": 42338, - "roads": 42339, - "▁siti": 42340, - "▁stall": 42341, - "_PRIORITY": 42342, - "cstdlib": 42343, - "_USERNAME": 42344, - ".bytes": 42345, - "?page": 42346, - "ermalink": 42347, - "▁Veget": 42348, - "/vnd": 42349, - "-author": 42350, - ".NONE": 42351, - "▁Concurrent": 42352, - "▁Cry": 42353, - "▁starters": 42354, - "▁Interaction": 42355, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 42356, - "▁LEVEL": 42357, - "Ell": 42358, - "▁comboBox": 42359, - "▁Theresa": 42360, - "tek": 42361, - "_Handle": 42362, - "▁aby": 42363, - ".gdx": 42364, - ",end": 42365, - "(Local": 42366, - "Ol": 42367, - "knife": 42368, - "arial": 42369, - "▁Hoff": 42370, - "▁prostituerade": 42371, - "Doctor": 42372, - "Instances": 42373, - ".SetValue": 42374, - "\tfrom": 42375, - "▁luxurious": 42376, - "Indent": 42377, - "Allocator": 42378, - "_DRAW": 42379, - "(\",\",": 42380, - "▁Frances": 42381, - "▁groupBox": 42382, - "(schema": 42383, - "Printf": 42384, - "ORIES": 42385, - "-gradient": 42386, - "▁reput": 42387, - "arin": 42388, - "_DONE": 42389, - "incre": 42390, - "ignty": 42391, - "▁exert": 42392, - "▁-.": 42393, - "/App": 42394, - "-through": 42395, - "▁declining": 42396, - "▁dessert": 42397, - "▁incumb": 42398, - "▁designation": 42399, - ".PORT": 42400, - ",strong": 42401, - "▁sandbox": 42402, - "▁wines": 42403, - "▁Pav": 42404, - "$str": 42405, - "askell": 42406, - "▁PY": 42407, - "GetInstance": 42408, - "TextInput": 42409, - "gameObject": 42410, - "/events": 42411, - "createdAt": 42412, - "▁localVar": 42413, - "▁WHITE": 42414, - "pered": 42415, - "ilege": 42416, - "efficient": 42417, - ",color": 42418, - "cate": 42419, - "▁Cafe": 42420, - "▁similarities": 42421, - "▁pumps": 42422, - "▁Hungary": 42423, - ".Username": 42424, - "▁skate": 42425, - "▁touchdowns": 42426, - "▁accelerate": 42427, - "▁Helen": 42428, - "OMEM": 42429, - "▁Kun": 42430, - "_vol": 42431, - "▁findAll": 42432, - "▁Menschen": 42433, - "ahead": 42434, - ");\"": 42435, - "kommen": 42436, - "▁possessed": 42437, - ".argmax": 42438, - ".transition": 42439, - "ARP": 42440, - "OLUME": 42441, - "(script": 42442, - "▁Finding": 42443, - "onces": 42444, - "Io": 42445, - "Bold": 42446, - "▁renewal": 42447, - "_DIALOG": 42448, - "▁disreg": 42449, - "INTERN": 42450, - "▁toute": 42451, - "▁electr": 42452, - "▁Gross": 42453, - "\ttrue": 42454, - ".Fields": 42455, - "▁WIDTH": 42456, - "▁Dent": 42457, - "NSNotification": 42458, - "▁aos": 42459, - "▁melee": 42460, - ".Validation": 42461, - "▁DEC": 42462, - "-dependent": 42463, - "▁suic": 42464, - "Traits": 42465, - "$message": 42466, - "▁Dear": 42467, - "\tFILE": 42468, - "languages": 42469, - ".Prot": 42470, - ".addr": 42471, - "-generation": 42472, - "ICON": 42473, - "▁transplant": 42474, - "-description": 42475, - "▁chasing": 42476, - "▁chees": 42477, - "▁}*/\n": 42478, - "Trad": 42479, - "queries": 42480, - "/widgets": 42481, - "subpackage": 42482, - "▁espec": 42483, - "▁cracked": 42484, - "▁competitor": 42485, - "Purchase": 42486, - "-team": 42487, - "olecular": 42488, - "orThunk": 42489, - "&P": 42490, - "▁relent": 42491, - "/#{": 42492, - "▁productId": 42493, - "▁Lav": 42494, - "▁Alter": 42495, - ".Mode": 42496, - "ADIO": 42497, - "grp": 42498, - "Quit": 42499, - "▁depths": 42500, - "-category": 42501, - "▁DATABASE": 42502, - "SPELL": 42503, - "▁Falcon": 42504, - "▁QStringList": 42505, - "▁''.": 42506, - "▁Institution": 42507, - "damage": 42508, - "azor": 42509, - "belongsTo": 42510, - "verages": 42511, - "▁NONE": 42512, - "ippets": 42513, - ",\\\n": 42514, - "▁footprint": 42515, - "_archive": 42516, - "nak": 42517, - ".getField": 42518, - "▁Reflection": 42519, - "▁']": 42520, - "▁HBO": 42521, - "_discount": 42522, - "▁incest": 42523, - "▁Dodge": 42524, - "▁Wade": 42525, - ".NO": 42526, - "\"encoding": 42527, - "▁Blockchain": 42528, - "▁lawsuits": 42529, - "▁Maint": 42530, - "chten": 42531, - "_ctl": 42532, - "(timer": 42533, - "Battle": 42534, - "izo": 42535, - "ayed": 42536, - "IOR": 42537, - "▁Glasgow": 42538, - "▁synth": 42539, - "_logs": 42540, - ".pose": 42541, - "_AdjustorThunk": 42542, - "((&": 42543, - "▁unsure": 42544, - "ystate": 42545, - "OULD": 42546, - ".ng": 42547, - "▁defaultdict": 42548, - "workspace": 42549, - "▁selective": 42550, - "PickerController": 42551, - "YNAMIC": 42552, - ".methods": 42553, - "▁pathways": 42554, - "▁Few": 42555, - "KG": 42556, - "CRYPT": 42557, - "following": 42558, - "▁DLC": 42559, - "▁Sara": 42560, - "▁preset": 42561, - "estructor": 42562, - "▁Kurt": 42563, - "▁airplane": 42564, - "▁omp": 42565, - "▁Parents": 42566, - "▁Martinez": 42567, - ".complete": 42568, - "▁broadly": 42569, - "▁scare": 42570, - "▁elimination": 42571, - "▁poured": 42572, - "/sw": 42573, - "▁comun": 42574, - "▁masc": 42575, - "▁Organic": 42576, - "▁StringUtils": 42577, - "ilateral": 42578, - "▁reluctant": 42579, - "-age": 42580, - "▁nz": 42581, - ".\"\\": 42582, - "▁pastor": 42583, - "alez": 42584, - "▁efect": 42585, - "prov": 42586, - "/init": 42587, - "▁penn": 42588, - "unds": 42589, - "▁ssize": 42590, - "▁Proj": 42591, - "basename": 42592, - "▁shells": 42593, - "▁Neck": 42594, - "▁Enforcement": 42595, - "vided": 42596, - "stown": 42597, - "Sphere": 42598, - "$r": 42599, - "ussen": 42600, - "afil": 42601, - "▁Telegram": 42602, - "▁analytical": 42603, - "usually": 42604, - "xn": 42605, - "▁historian": 42606, - "▁Gregory": 42607, - "olph": 42608, - "▁Una": 42609, - "▁contributes": 42610, - "%-": 42611, - "antiago": 42612, - ".region": 42613, - "▁abrupt": 42614, - "▁UnsupportedOperationException": 42615, - "▁TASK": 42616, - "_finish": 42617, - "▁notorious": 42618, - "▁Vs": 42619, - "▁MQ": 42620, - "▁sunset": 42621, - "▁unacceptable": 42622, - "arcer": 42623, - "▁illumin": 42624, - "▁Orb": 42625, - "▁bh": 42626, - "Este": 42627, - "_dispatch": 42628, - "▁ripped": 42629, - "▁toujours": 42630, - "▁Parcel": 42631, - "_ll": 42632, - ".userName": 42633, - ".classes": 42634, - "SOURCE": 42635, - "(Number": 42636, - "▁headphones": 42637, - "(side": 42638, - "constitution": 42639, - "annah": 42640, - "\r\n▁▁▁▁▁▁▁▁\r\n": 42641, - "▁cliff": 42642, - "-ref": 42643, - "▁mostrar": 42644, - "▁Powell": 42645, - "+y": 42646, - "▁BG": 42647, - "_fragment": 42648, - ".Port": 42649, - "▁realizing": 42650, - "paramref": 42651, - "▁hometown": 42652, - "@Table": 42653, - "+\"--}}\n": 42824, - "French": 42825, - "EntityManager": 42826, - "▁Plain": 42827, - "////////////////////////////////////////////////////////////////////": 42828, - "(RE": 42829, - "capt": 42830, - "▁organisms": 42831, - "▁jets": 42832, - "olocation": 42833, - "▁AppRoutingModule": 42834, - "▁glorious": 42835, - "▁discarded": 42836, - "\t\t\t\t▁▁▁▁▁": 42837, - "▁Arnold": 42838, - "lug": 42839, - "▁parl": 42840, - "▁hormones": 42841, - "▁mah": 42842, - "▁Sonic": 42843, - "▁organizers": 42844, - "_PLATFORM": 42845, - ".inv": 42846, - "▁chord": 42847, - "ventional": 42848, - "\tof": 42849, - "Episode": 42850, - ".Enum": 42851, - "unkt": 42852, - "▁Dh": 42853, - "▁Jared": 42854, - "▁Nak": 42855, - "▁intends": 42856, - "Endian": 42857, - "▁australia": 42858, - "_cv": 42859, - "(resolve": 42860, - "▁clinics": 42861, - "liked": 42862, - "ASHINGTON": 42863, - "inha": 42864, - "'*": 42865, - "▁NP": 42866, - "_beh": 42867, - "▁hf": 42868, - "categoria": 42869, - "$form": 42870, - "▁subway": 42871, - "▁isActive": 42872, - "popular": 42873, - "Cour": 42874, - "▁cooldown": 42875, - "▁ainsi": 42876, - "▁GLuint": 42877, - "ereal": 42878, - "▁arrayOf": 42879, - "▁hatch": 42880, - "==========": 42881, - "resses": 42882, - "_PP": 42883, - ".^": 42884, - "_decay": 42885, - "▁Bless": 42886, - "metrics": 42887, - "▁COPYING": 42888, - "▁Dumpster": 42889, - "▁Designs": 42890, - "<": 42892, - "▁\"}\n": 42893, - "timezone": 42894, - "▁eer": 42895, - "maxcdn": 42896, - "▁ESC": 42897, - "igaret": 42898, - "_connected": 42899, - "_reverse": 42900, - "▁questionable": 42901, - "▁USC": 42902, - "▁tutti": 42903, - "▁dropout": 42904, - "▁Activities": 42905, - "▁Winds": 42906, - "')));\n": 42907, - "▁congest": 42908, - "▁prolonged": 42909, - "▁CrossAxisAlignment": 42910, - "LEEP": 42911, - "▁VALID": 42912, - "▁Gaz": 42913, - "▁dependence": 42914, - "▁Prix": 42915, - ".CompilerServices": 42916, - "jump": 42917, - "▁strat": 42918, - "circ": 42919, - "▁CUSTOM": 42920, - "xaa": 42921, - "▁bmp": 42922, - "▁bureau": 42923, - "▁waren": 42924, - "NX": 42925, - "(Window": 42926, - "▁Christie": 42927, - "_FE": 42928, - "▁tn": 42929, - "▁Omega": 42930, - "communications": 42931, - "HomePage": 42932, - "completion": 42933, - "▁supplying": 42934, - "YPES": 42935, - "(click": 42936, - "\\Contracts": 42937, - "/questions": 42938, - "▁ez": 42939, - "AMS": 42940, - ".mesh": 42941, - "▁'\\\n": 42990, - "Robot": 42991, - "JsonObject": 42992, - "▁DF": 42993, - "▁Processor": 42994, - "_should": 42995, - ".protobuf": 42996, - "-users": 42997, - "▁embry": 42998, - "FONT": 42999, - "▁startups": 43000, - "▁DataSource": 43001, - ")#": 43002, - "uros": 43003, - "_Color": 43004, - "▁standalone": 43005, - "}[": 43006, - "jd": 43007, - "▁forgive": 43008, - "▁ngx": 43009, - "▁Generally": 43010, - "▁configurable": 43011, - "/order": 43012, - "▁vas": 43013, - "')\";\n": 43014, - "▁RR": 43015, - "▁Troy": 43016, - "▁compromised": 43017, - "▁Swan": 43018, - "intendent": 43019, - "Central": 43020, - "_keeper": 43021, - "▁arquivo": 43022, - "▁ReadOnly": 43023, - "_curve": 43024, - "kv": 43025, - "entin": 43026, - "▁Ey": 43027, - ".imread": 43028, - "▁Pam": 43029, - "iffe": 43030, - "ativity": 43031, - "xbc": 43032, - "▁grim": 43033, - "-filled": 43034, - "namese": 43035, - "']:": 43036, - "▁aur": 43037, - "▁Gibson": 43038, - ".MouseEvent": 43039, - "▁lado": 43040, - "avadoc": 43041, - "▁famil": 43042, - "▁Moder": 43043, - "fps": 43044, - "-example": 43045, - "▁Alzheimer": 43046, - "▁Utf": 43047, - "_arguments": 43048, - "Conclusion": 43049, - "textContent": 43050, - "remaining": 43051, - "▁interrupts": 43052, - "▁Backup": 43053, - "▁Mong": 43054, - "▁receptors": 43055, - "histor": 43056, - ".coroutines": 43057, - "▁shouted": 43058, - "Alarm": 43059, - "▁combust": 43060, - "▁grote": 43061, - "ultural": 43062, - "(ids": 43063, - "--------------------------------------------------------------------------------": 43064, - "iplinary": 43065, - "Opts": 43066, - "▁Yale": 43067, - "localStorage": 43068, - "▁equival": 43069, - "▁Fleet": 43070, - "\\b": 43071, - "*pi": 43072, - "▁QLabel": 43073, - "▁vx": 43074, - "▁ACL": 43075, - "▁sucesso": 43076, - "▁perc": 43077, - "▁Notre": 43078, - "▁anarch": 43079, - "Ring": 43080, - "spb": 43081, - "▁strpos": 43082, - "stores": 43083, - "▁Maple": 43084, - "(MainActivity": 43085, - "(\"\"))": 43086, - "▁viewHolder": 43087, - "Quad": 43088, - "▁igual": 43089, - "orsche": 43090, - ".margin": 43091, - "▁indie": 43092, - "▁franc": 43093, - "▁FormBuilder": 43094, - "▁Particip": 43095, - ".flash": 43096, - "▁storms": 43097, - "Ult": 43098, - "▁fen": 43099, - "[new": 43100, - "Ever": 43101, - "=\"\n": 43102, - "▁localized": 43103, - "_follow": 43104, - "▁nave": 43105, - "▁dominance": 43106, - "(tile": 43107, - "Journal": 43108, - "▁VC": 43109, - "▁penetration": 43110, - "▁compartment": 43111, - "▁bids": 43112, - "Formatted": 43113, - "******/\n\n": 43114, - "(city": 43115, - "[C": 43116, - "▁useCallback": 43117, - "aub": 43118, - ")?.": 43119, - "▁VAR": 43120, - "▁Sebastian": 43121, - "▁Moss": 43122, - "▁abundant": 43123, - "Greg": 43124, - "_ci": 43125, - "▁bibli": 43126, - "CRM": 43127, - "▁Attempt": 43128, - "isme": 43129, - "dash": 43130, - "_mu": 43131, - ".FormattingEnabled": 43132, - "Indeed": 43133, - "-direct": 43134, - "▁sucking": 43135, - "▁pne": 43136, - "ocabulary": 43137, - "▁Packers": 43138, - ".Navigation": 43139, - "▁pied": 43140, - "cribing": 43141, - "▁Stuart": 43142, - ".ToDouble": 43143, - "▁Secondary": 43144, - "Saving": 43145, - "▁Dut": 43146, - "▁Madd": 43147, - "Magic": 43148, - ",H": 43149, - ".documentElement": 43150, - "▁BST": 43151, - "▁differs": 43152, - "▁moreover": 43153, - "_nd": 43154, - "SEARCH": 43155, - "toMatch": 43156, - "▁decreasing": 43157, - "-member": 43158, - "ampus": 43159, - "(boost": 43160, - "Daily": 43161, - "DataGridView": 43162, - "▁HttpContext": 43163, - "▁hipp": 43164, - "_workers": 43165, - "-language": 43166, - "▁consisted": 43167, - "athing": 43168, - "▁Mercury": 43169, - "$content": 43170, - "▁practiced": 43171, - "▁Modules": 43172, - "_DAY": 43173, - "▁weaknesses": 43174, - "▁Lodge": 43175, - "▁nar": 43176, - "▁Mate": 43177, - "▁jp": 43178, - "▁HttpHeaders": 43179, - "▁smo": 43180, - "▁TOKEN": 43181, - "])(": 43182, - "▁aqui": 43183, - "swagen": 43184, - "▁srv": 43185, - "\tans": 43186, - "Around": 43187, - "▁Manuel": 43188, - "▁fictional": 43189, - "▁IMG": 43190, - "▁.'": 43191, - "▁Berry": 43192, - "▁wallpaper": 43193, - "sexual": 43194, - "iero": 43195, - "BackingField": 43196, - "▁Adrian": 43197, - "BASEPATH": 43198, - "▁repeats": 43199, - "▁blues": 43200, - "▁unpredict": 43201, - "_coll": 43202, - "stacle": 43203, - "▁Tumblr": 43204, - "▁Elf": 43205, - "▁assurance": 43206, - "▁census": 43207, - "▁IMPORT": 43208, - "ENDER": 43209, - "anos": 43210, - "▁=(": 43211, - "▁Ellis": 43212, - "\"\n\n\n\n": 43213, - ".win": 43214, - "▁Above": 43215, - "alon": 43216, - "_tick": 43217, - "▁representations": 43218, - "wid": 43219, - "▁Arms": 43220, - "Lista": 43221, - "_failure": 43222, - "_cm": 43223, - ".FlatAppearance": 43224, - "▁throne": 43225, - "Patch": 43226, - "▁Voy": 43227, - "engl": 43228, - "▁negotiating": 43229, - ">`": 43230, - "▁shoots": 43231, - "▁FPS": 43232, - ".Year": 43233, - "▁Kiss": 43234, - "reeting": 43235, - "FromFile": 43236, - "▁resignation": 43237, - "▁twins": 43238, - "▁gebru": 43239, - ".getContent": 43240, - ".Tree": 43241, - "▁Employees": 43242, - "▁FIFA": 43243, - "▁certainty": 43244, - "(Cl": 43245, - "▁totals": 43246, - "editable": 43247, - ".Reporting": 43248, - "Mas": 43249, - "quiet": 43250, - ".rules": 43251, - "▁VO": 43252, - "conexion": 43253, - ",K": 43254, - "▁allocator": 43255, - "▁Powder": 43256, - "\\Repository": 43257, - "Beat": 43258, - "_tipo": 43259, - "▁['',": 43260, - "_INTR": 43261, - "▁<<<": 43262, - "\");\r\n": 43289, - "dropIfExists": 43290, - "▁Beg": 43291, - "_HAL": 43292, - "▁crossAxisAlignment": 43293, - "▁Evidence": 43294, - "▁peculiar": 43295, - "▁institute": 43296, - "veis": 43297, - "▁fft": 43298, - "▁zoekt": 43299, - "analy": 43300, - "▁Homeland": 43301, - "▁penetr": 43302, - "uddenly": 43303, - "\telement": 43304, - "▁Bren": 43305, - "▁Trudeau": 43306, - "▁Cuban": 43307, - "jam": 43308, - "uslim": 43309, - "_ev": 43310, - "▁stems": 43311, - "}%": 43312, - "▁branding": 43313, - "▁correspondence": 43314, - ".jquery": 43315, - "▁Reads": 43316, - "(HttpStatusCode": 43317, - "assin": 43318, - "(slot": 43319, - "▁Graduate": 43320, - "///<": 43321, - "▁informations": 43322, - "ENABLE": 43323, - "▁puis": 43324, - "▁finder": 43325, - "▁Bris": 43326, - "▁nettsteder": 43327, - "_mid": 43328, - "▁ogs": 43329, - "▁Sterling": 43330, - "▁arrog": 43331, - "strftime": 43332, - "|\n\n": 43333, - "▁vox": 43334, - "▁Regardless": 43335, - "▁eso": 43336, - "▁Comfort": 43337, - ".BooleanField": 43338, - "▁uh": 43339, - "ACY": 43340, - "▁squeez": 43341, - "▁Vic": 43342, - "contro": 43343, - ".lo": 43344, - "▁ire": 43345, - "▁Comedy": 43346, - "▁originated": 43347, - "▁shipment": 43348, - "|max": 43349, - "_guid": 43350, - "levation": 43351, - "(undefined": 43352, - "▁DDR": 43353, - "▁shootings": 43354, - "▁Latino": 43355, - "ENDOR": 43356, - "▁averaging": 43357, - "▁greeted": 43358, - "▁theaters": 43359, - "▁dB": 43360, - "▁gst": 43361, - "▁definite": 43362, - ".Storage": 43363, - ".her": 43364, - "▁afore": 43365, - "▁Reality": 43366, - "▁Gods": 43367, - "versed": 43368, - "▁handsome": 43369, - "▁excluding": 43370, - "(ad": 43371, - "Quotes": 43372, - "▁Scheme": 43373, - "?q": 43374, - "▁Tamil": 43375, - "Ticks": 43376, - "▁pest": 43377, - "'n": 43378, - "▁pornography": 43379, - "_modal": 43380, - "▁----------": 43381, - "▁disposable": 43382, - "FREE": 43383, - "▁shark": 43384, - "CHE": 43385, - "▁depicted": 43386, - "▁demonstrations": 43387, - "▁Killed": 43388, - "▁RULE": 43389, - "▁obsessed": 43390, - "▁simplified": 43391, - "Postal": 43392, - "▁conceptual": 43393, - "▁pst": 43394, - "Las": 43395, - "_PROJECT": 43396, - "ucceeded": 43397, - "olu": 43398, - "▁personalities": 43399, - "▁reshape": 43400, - "▁enclosed": 43401, - "\tptr": 43402, - "▁tutorials": 43403, - "▁exploded": 43404, - "_DIRECTORY": 43405, - "▁canon": 43406, - "▁recognise": 43407, - "PAD": 43408, - "▁Approx": 43409, - "▁Restore": 43410, - "▁Important": 43411, - "▁heavier": 43412, - ".Sequential": 43413, - "Earth": 43414, - "▁Milk": 43415, - ".setRequest": 43416, - ".tem": 43417, - "▁reconstruct": 43418, - "▁skeptical": 43419, - "_Private": 43420, - "BUF": 43421, - "qua": 43422, - ":a": 43423, - "▁sek": 43424, - "▁dwell": 43425, - "ossa": 43426, - "▁rewarded": 43427, - "(topic": 43428, - "_partition": 43429, - "▁__________________": 43430, - "Keywords": 43431, - "▁Franco": 43432, - "Lite": 43433, - "▁naken": 43434, - "OBJECT": 43435, - "▁crafts": 43436, - "▁Swap": 43437, - ".Xna": 43438, - ".Connect": 43439, - "▁balcony": 43440, - "(real": 43441, - "▁Barnes": 43442, - "bir": 43443, - "▁Twenty": 43444, - "ayan": 43445, - "atars": 43446, - "▁Propel": 43447, - "▁Ihnen": 43448, - "Upgrade": 43449, - "▁curb": 43450, - "-second": 43451, - "▁neph": 43452, - ".pres": 43453, - ".seq": 43454, - "▁padded": 43455, - "\"?": 43456, - "jl": 43457, - "')a": 43461, - "Coordinates": 43462, - "▁enacted": 43463, - "ENTS": 43464, - "▁lac": 43465, - ".final": 43466, - "▁PhpStorm": 43467, - "called": 43468, - "▁inquiries": 43469, - ".middleware": 43470, - "▁Downtown": 43471, - "/';\n": 43472, - "▁kilomet": 43473, - "accel": 43474, - "▁quien": 43475, - "wstring": 43476, - "setData": 43477, - "▁manera": 43478, - "▁modular": 43479, - "rimp": 43480, - "▁tariffs": 43481, - "_THROW": 43482, - "/color": 43483, - "▁HTMLElement": 43484, - "▁carro": 43485, - "▁prere": 43486, - "▁plotting": 43487, - "▁Positive": 43488, - "▁Machines": 43489, - "OTES": 43490, - "pleasant": 43491, - "▁alte": 43492, - "▁ainda": 43493, - "these": 43494, - "▁cors": 43495, - "ipay": 43496, - "▁Advisory": 43497, - "▁Rubio": 43498, - "jq": 43499, - "▁limestone": 43500, - "▁detached": 43501, - "tenant": 43502, - "▁Depth": 43503, - "alore": 43504, - "▁FORE": 43505, - "▁Lay": 43506, - "presentation": 43507, - ")');\n": 43508, - ".subplots": 43509, - "NOW": 43510, - "Gar": 43511, - "handles": 43512, - "abra": 43513, - "puties": 43514, - "▁Electrical": 43515, - "Middle": 43516, - "ropic": 43517, - "▁JD": 43518, - "▁Dyn": 43519, - "▁Bristol": 43520, - "▁McCarthy": 43521, - "▁striker": 43522, - "▁enumerable": 43523, - "▁Evan": 43524, - ".defaults": 43525, - "quences": 43526, - ")||": 43527, - "\ttoken": 43528, - "-dropdown": 43529, - "STORE": 43530, - "▁Graphic": 43531, - "(pp": 43532, - "Expl": 43533, - "▁upwards": 43534, - "▁Distributed": 43535, - "▁WEB": 43536, - "Jer": 43537, - "isNaN": 43538, - ">R": 43539, - "efs": 43540, - "▁uncover": 43541, - "▁lud": 43542, - ".calculate": 43543, - "▁intptr": 43544, - "▁midfielder": 43545, - ".Headers": 43546, - "▁mf": 43547, - "eref": 43548, - ".Metro": 43549, - "▁Speaking": 43550, - ":b": 43551, - "▁cryptocurrencies": 43552, - "▁demons": 43553, - "\tEXPECT": 43554, - "▁wicked": 43555, - "youtube": 43556, - ":Int": 43557, - "▁Hindi": 43558, - "▁CAT": 43559, - "rar": 43560, - "omore": 43561, - "/per": 43562, - "/license": 43563, - "▁reim": 43564, - "▁awaiting": 43565, - "▁lethal": 43566, - "▁EF": 43567, - "rounded": 43568, - "▁Platinum": 43569, - ".coords": 43570, - ".Device": 43571, - "/item": 43572, - "▁Wenn": 43573, - "compileComponents": 43574, - "▁Kinder": 43575, - ".removeItem": 43576, - "▁anda": 43577, - "bnb": 43578, - "▁pra": 43579, - "(transaction": 43580, - "▁embarrassing": 43581, - "\tBOOL": 43582, - ".contentView": 43583, - "▁eventdata": 43584, - "atore": 43585, - "▁providedIn": 43586, - "irma": 43587, - "▁zona": 43588, - "_HW": 43589, - "▁stove": 43590, - "▁counterpart": 43591, - "_Product": 43592, - "_MANAGER": 43593, - "▁infring": 43594, - "▁ERA": 43595, - "_party": 43596, - "▁inici": 43597, - "_Request": 43598, - "▁miracle": 43599, - "▁cancelButton": 43600, - "Spy": 43601, - "▁polish": 43602, - "▁Nicole": 43603, - ".displayName": 43604, - "\\Requests": 43605, - "▁useHistory": 43606, - "RouterModule": 43607, - "▁stared": 43608, - "IDER": 43609, - "▁nota": 43610, - "$arr": 43611, - "pecified": 43612, - "▁topp": 43613, - "_DRIVER": 43614, - "/ng": 43615, - "_tm": 43616, - "%timeout": 43617, - "\"": 44035, - "tlement": 44036, - "$(\"": 44037, - "FromString": 44038, - "▁Bild": 44039, - "▁conventions": 44040, - "_native": 44041, - "▁Inspector": 44042, - "▁Pist": 44043, - "ubar": 44044, - "▁regs": 44045, - "▁Pilot": 44046, - "Thus": 44047, - ">'+": 44048, - "▁cela": 44049, - ".news": 44050, - "(Product": 44051, - "Living": 44052, - "Russia": 44053, - "▁facet": 44054, - "etical": 44055, - "▁['$": 44056, - "/[": 44057, - "▁Dire": 44058, - "▁gases": 44059, - "▁INFORMATION": 44060, - "▁Eat": 44061, - "▁Forums": 44062, - "▁Characters": 44063, - "_met": 44064, - "▁kings": 44065, - "achie": 44066, - "▁Lambda": 44067, - "▁timers": 44068, - "▁Lighting": 44069, - "▁Casey": 44070, - "addir": 44071, - "andex": 44072, - ".answer": 44073, - "▁Hip": 44074, - "▁Princip": 44075, - "StartDate": 44076, - "tres": 44077, - "▁&#": 44078, - ".MaxValue": 44079, - "▁Problems": 44080, - "▁latex": 44081, - "OfClass": 44082, - "▁Lynn": 44083, - "//'": 44084, - "▁voyage": 44085, - "▁shuttle": 44086, - "▁Roller": 44087, - "▁RuntimeError": 44088, - "uya": 44089, - "Dic": 44090, - "\tbuilder": 44091, - "▁bullying": 44092, - "▁simplest": 44093, - ".called": 44094, - "▁LR": 44095, - "▁morality": 44096, - "▁sturdy": 44097, - "tracking": 44098, - ".swagger": 44099, - "_BIND": 44100, - "ITOR": 44101, - "-urlencoded": 44102, - "▁Trinity": 44103, - "▁traps": 44104, - "▁|-": 44105, - "▁setText": 44106, - "▁bargain": 44107, - "▁brakes": 44108, - ".getCode": 44109, - "▁migrate": 44110, - "▁ribbon": 44111, - ")return": 44112, - "▁charger": 44113, - "acom": 44114, - "ADIUS": 44115, - "▁Ambassador": 44116, - "-after": 44117, - "▁anni": 44118, - "\tspin": 44119, - "Concept": 44120, - "▁Henderson": 44121, - "▁HOST": 44122, - ".rank": 44123, - "▁Northeast": 44124, - "▁berlin": 44125, - "▁requis": 44126, - ".feed": 44127, - "▁sourceMapping": 44128, - "▁Rencontre": 44129, - ".ajax": 44130, - "nestjs": 44131, - "▁trek": 44132, - "▁Nacional": 44133, - "▁&[": 44134, - "▁payable": 44135, - "ortex": 44136, - "▁dept": 44137, - "fieldName": 44138, - "▁completes": 44139, - "▁RVA": 44140, - "▁onions": 44141, - "alignment": 44142, - "Formats": 44143, - "▁'{$": 44144, - "HashSet": 44145, - "▁Bod": 44146, - ".InvariantCulture": 44147, - "▁settlements": 44148, - "▁hydr": 44149, - ".updated": 44150, - "venth": 44151, - "(seconds": 44152, - "=\"/\"": 44153, - "▁webpage": 44154, - "(\n\n": 44155, - "▁tir": 44156, - "▁toes": 44157, - "▁Brick": 44158, - "▁ambition": 44159, - "Pot": 44160, - "=max": 44161, - "ETIME": 44162, - "▁depot": 44163, - "calls": 44164, - "▁Norwegian": 44165, - "`:": 44166, - "▁burger": 44167, - "▁professors": 44168, - "▁Allocate": 44169, - "-thirds": 44170, - "-chart": 44171, - "▁ford": 44172, - "*N": 44173, - ".kotlin": 44174, - "▁paperwork": 44175, - "▁DEVICE": 44176, - "%@\",": 44177, - "respect": 44178, - "(mp": 44179, - "-if": 44180, - "▁cushion": 44181, - "obot": 44182, - "▁parc": 44183, - "SPACE": 44184, - "▁Netanyahu": 44185, - "▁selfish": 44186, - "feat": 44187, - "▁clientes": 44188, - "-tools": 44189, - "▁porch": 44190, - "▁jq": 44191, - ".verbose": 44192, - "▁liberals": 44193, - "])\n\n\n": 44194, - "pies": 44195, - "NotBlank": 44196, - "(term": 44197, - "_Params": 44198, - ".normalize": 44199, - "Bullet": 44200, - "ASIC": 44201, - "(hex": 44202, - "_cliente": 44203, - "+,": 44204, - "_DI": 44205, - "▁forthcoming": 44206, - "}\")]\n": 44207, - "seo": 44208, - "Um": 44209, - ">Name": 44210, - "▁comfortably": 44211, - "irectional": 44212, - "WITH": 44213, - "/pr": 44214, - "▁Poor": 44215, - "▁Vitamin": 44216, - "vic": 44217, - "GH": 44218, - "▁priorit": 44219, - "▁NN": 44220, - "▁Closed": 44221, - "▁isOpen": 44222, - "\\Console": 44223, - "AndFeel": 44224, - ".SUCCESS": 44225, - "_OPERATION": 44226, - "polation": 44227, - "▁Tas": 44228, - "psz": 44229, - ">'.": 44230, - "CURRENT": 44231, - "Vendor": 44232, - "hosts": 44233, - "▁Erd": 44234, - ">tagger": 44235, - "▁sourceMappingURL": 44236, - "▁marathon": 44237, - "_closed": 44238, - "▁exemption": 44239, - "▁recognizes": 44240, - "ideshow": 44241, - "'$": 44242, - "('/');\n": 44243, - "mits": 44244, - "warz": 44245, - "▁Cherry": 44246, - "nor": 44247, - "porte": 44248, - "▁wl": 44249, - "_backup": 44250, - ".getBoolean": 44251, - ".getResource": 44252, - "▁definitive": 44253, - ".EditText": 44254, - ".CONT": 44255, - "▁PLAYER": 44256, - ".cards": 44257, - "▁Shore": 44258, - "('/')\n": 44259, - "cluir": 44260, - "WebDriver": 44261, - "(month": 44262, - "-release": 44263, - "▁inspector": 44264, - "▁NF": 44265, - "_clip": 44266, - "▁interacting": 44267, - ".tmp": 44268, - "▁'''\n\n": 44269, - "▁dee": 44270, - "▁frost": 44271, - "\"]))\n": 44272, - "▁Places": 44273, - "Throws": 44274, - "fork": 44275, - "/day": 44276, - "iPhone": 44277, - "▁MIC": 44278, - "▁folding": 44279, - "▁crore": 44280, - "▁Chiefs": 44281, - "pherical": 44282, - "(price": 44283, - ".WriteString": 44284, - "▁exiting": 44285, - "]',\n": 44286, - "ighting": 44287, - "Ingredient": 44288, - "(vertex": 44289, - "▁scrollView": 44290, - "hf": 44291, - ":new": 44292, - "SEN": 44293, - "sector": 44294, - "▁spins": 44295, - "▁Scheduler": 44296, - "otechn": 44297, - "semicolon": 44298, - "FontOfSize": 44299, - "▁Specifically": 44300, - "flamm": 44301, - ".ObjectId": 44302, - "▁conta": 44303, - "_permissions": 44304, - "\tFROM": 44305, - "ICODE": 44306, - "/kg": 44307, - "▁Hotels": 44308, - "-med": 44309, - "▁Din": 44310, - "▁navy": 44311, - "getParam": 44312, - "▁mend": 44313, - "▁portrayed": 44314, - "▁Metropolitan": 44315, - "Painter": 44316, - "▁referral": 44317, - "_good": 44318, - "▁marvel": 44319, - "osaic": 44320, - ">(&": 44321, - ".ur": 44322, - "▁estos": 44323, - "William": 44324, - "▁timber": 44325, - "▁quelques": 44326, - "▁Documents": 44327, - ".Xaml": 44328, - "▁batches": 44329, - "▁Released": 44330, - "Tail": 44331, - "COOKIE": 44332, - "heid": 44333, - "_station": 44334, - "▁Via": 44335, - "Sale": 44336, - "▁Repeat": 44337, - "▁promin": 44338, - "▁Zo": 44339, - "-forward": 44340, - "▁Ion": 44341, - "itary": 44342, - "▁jus": 44343, - "-request": 44344, - "▁proudly": 44345, - "▁Streaming": 44346, - "(MouseEvent": 44347, - "▁Sprint": 44348, - "_rotation": 44349, - "Repositories": 44350, - "▁tart": 44351, - "▁mappings": 44352, - "Cu": 44353, - "Cycle": 44354, - "▁bun": 44355, - "\tlua": 44356, - "▁((!": 44357, - "▁collectively": 44358, - "▁Cond": 44359, - "▁wszyst": 44360, - "(lib": 44361, - "openhagen": 44362, - "_skip": 44363, - ".ColumnHeader": 44364, - "perienced": 44365, - "_props": 44366, - "▁contrace": 44367, - "▁matchup": 44368, - "abetic": 44369, - ".members": 44370, - "RECT": 44371, - "(dat": 44372, - "▁sog": 44373, - "renom": 44374, - "_Method": 44375, - "Customers": 44376, - "fullname": 44377, - "ZN": 44378, - "retry": 44379, - "▁kap": 44380, - "▁Neu": 44381, - "addChild": 44382, - "willReturn": 44383, - "_permalink": 44384, - "▁energetic": 44385, - "▁Wet": 44386, - "▁Morr": 44387, - "▁gcd": 44388, - "counts": 44389, - ",type": 44390, - "dig": 44391, - "(Login": 44392, - "▁cracks": 44393, - "▁bacterial": 44394, - "▁Meat": 44395, - "▁Armstrong": 44396, - "▁Bronze": 44397, - "▁approximate": 44398, - "_dirs": 44399, - "liga": 44400, - "▁kindness": 44401, - "▁contre": 44402, - "▁EVERY": 44403, - "MET": 44404, - "▁announcements": 44405, - "gpio": 44406, - "▁WaitForSeconds": 44407, - "▁Photoshop": 44408, - "▁discontin": 44409, - "/dd": 44410, - "▁topology": 44411, - "anical": 44412, - ".interface": 44413, - "aucoup": 44414, - ".HashSet": 44415, - "ARIANT": 44416, - "(routes": 44417, - "▁Teh": 44418, - "▁hype": 44419, - "]\").": 44420, - "▁slam": 44421, - "▁broth": 44422, - "-inter": 44423, - "▁Rid": 44424, - "-manager": 44425, - "Cancelar": 44426, - "▁Pagination": 44427, - "▁soundtrack": 44428, - "▁posterior": 44429, - "▁scrub": 44430, - "creating": 44431, - "-*": 44432, - "irteen": 44433, - ".dy": 44434, - ".symmetric": 44435, - "▁\"\".": 44436, - "===============": 44437, - "▁chassis": 44438, - "▁numberOfRows": 44439, - "Developer": 44440, - "_bins": 44441, - "▁OUR": 44442, - "rieb": 44443, - "Pros": 44444, - "\"d": 44445, - "▁asyncio": 44446, - "zeigen": 44447, - "_spi": 44448, - ".ALL": 44449, - "▁screws": 44450, - "Chinese": 44451, - "▁apiKey": 44452, - "▁unsuccessful": 44453, - "▁Seahawks": 44454, - "ORG": 44455, - "▁professionally": 44456, - "▁Coupon": 44457, - "Convention": 44458, - "▁polym": 44459, - "▁salvation": 44460, - "▁engineered": 44461, - "▁Wrest": 44462, - "▁GCC": 44463, - "▁warmer": 44464, - "LayoutConstraint": 44465, - "▁aggrav": 44466, - "Scripts": 44467, - "venture": 44468, - "▁refrigerator": 44469, - "▁innovations": 44470, - "▁Runner": 44471, - "NIC": 44472, - "▁Rolling": 44473, - "ControlEvents": 44474, - "▁loos": 44475, - "pac": 44476, - "\tpanel": 44477, - "efe": 44478, - "▁Buddha": 44479, - "--------------\n": 44480, - "(forKey": 44481, - "▁lumin": 44482, - "▁(?": 44483, - "▁AIDS": 44484, - ",user": 44485, - "imientos": 44486, - "contentType": 44487, - "antlr": 44488, - "▁Welt": 44489, - "Production": 44490, - "might": 44491, - "▁VII": 44492, - "\",(": 44493, - "▁observing": 44494, - "▁deliberate": 44495, - "(control": 44496, - "▁withd": 44497, - "▁semana": 44498, - "STACK": 44499, - "uchen": 44500, - "Nice": 44501, - "▁Deutschland": 44502, - "▁Specifies": 44503, - "dma": 44504, - "izio": 44505, - "▁Facts": 44506, - "_popup": 44507, - "▁Directors": 44508, - "{:": 44509, - "[R": 44510, - "▁plat": 44511, - "▁directing": 44512, - "▁Gilbert": 44513, - ".qml": 44514, - "▁thereafter": 44515, - "▁disposition": 44516, - "draft": 44517, - "▁surgeon": 44518, - "▁Insider": 44519, - "Blend": 44520, - "▁Trev": 44521, - "trinsic": 44522, - "Topics": 44523, - "rieve": 44524, - "_FILENAME": 44525, - "▁autres": 44526, - "Jose": 44527, - "Producer": 44528, - "erus": 44529, - "▁petit": 44530, - "▁NEXT": 44531, - "▁Filters": 44532, - "▁replicate": 44533, - "\"]).": 44534, - "▁lenders": 44535, - "]\",\n": 44536, - ";charset": 44537, - "CppObject": 44538, - "▁floral": 44539, - "▁Tipo": 44540, - "▁circuits": 44541, - "easy": 44542, - "(&$": 44543, - "itta": 44544, - "eryl": 44545, - "_COMMON": 44546, - "'}}>\n": 44547, - "-backed": 44548, - "(variable": 44549, - "(Index": 44550, - "▁voir": 44551, - "_locations": 44552, - "++){": 44553, - "▁Louisville": 44554, - "▁gratitude": 44555, - ".Mockito": 44556, - "▁Powers": 44557, - "ieurs": 44558, - "▁geographic": 44559, - "rale": 44560, - "▁cra": 44561, - "▁Spurs": 44562, - "iphertext": 44563, - "ACION": 44564, - "-common": 44565, - "▁victories": 44566, - "▁Finals": 44567, - ".shuffle": 44568, - "-million": 44569, - "_PROC": 44570, - "assume": 44571, - "▁ils": 44572, - "DBC": 44573, - "BootTest": 44574, - "▁lavor": 44575, - ".testing": 44576, - ".ast": 44577, - "\"]/": 44578, - "moid": 44579, - "▁qualification": 44580, - "gesch": 44581, - "\tput": 44582, - "▁airports": 44583, - "JI": 44584, - "Teacher": 44585, - "_uniform": 44586, - "▁nama": 44587, - "▁Bast": 44588, - "ertype": 44589, - "capture": 44590, - "getAll": 44591, - "▁Reynolds": 44592, - "ooled": 44593, - ".comments": 44594, - "▁chin": 44595, - ").*": 44596, - "tgl": 44597, - "udos": 44598, - "chai": 44599, - ".program": 44600, - "▁psz": 44601, - "\ticon": 44602, - "phil": 44603, - "entral": 44604, - "_WRAP": 44605, - "ovi": 44606, - "▁nostalg": 44607, - "Infinity": 44608, - "\tyield": 44609, - "▁vitamins": 44610, - "Quaternion": 44611, - "Sink": 44612, - "_goods": 44613, - "▁........": 44614, - "▁Wings": 44615, - "uridad": 44616, - "-story": 44617, - "\"])\n\n": 44618, - "idelity": 44619, - "TypeDef": 44620, - "Gtk": 44621, - "_Main": 44622, - "▁chez": 44623, - "▁Raven": 44624, - "▁payroll": 44625, - "▁freelance": 44626, - "LLU": 44627, - "▁Mend": 44628, - "eday": 44629, - "ApiModelProperty": 44630, - ".FormBorderStyle": 44631, - "▁economist": 44632, - "stanbul": 44633, - "▁freight": 44634, - "-Agent": 44635, - "(meta": 44636, - "▁symmetry": 44637, - "▁'..": 44638, - ".Calendar": 44639, - "-aut": 44640, - "gf": 44641, - "pent": 44642, - "yclopedia": 44643, - "▁wishing": 44644, - "\n\n\n\n\n\n\n\n\n\n\n\n": 44645, - "▁gentleman": 44646, - "=#": 44647, - "▁lectures": 44648, - "▁!_": 44649, - "▁hb": 44650, - "▁Vendor": 44651, - "Recently": 44652, - "_notes": 44653, - "\"My": 44654, - "HeadersHeight": 44655, - "_SO": 44656, - "▁unwilling": 44657, - "▁superhero": 44658, - "gio": 44659, - "psy": 44660, - "▁Peer": 44661, - "javax": 44662, - "&apos": 44663, - "▁Crisis": 44664, - "ordinal": 44665, - "Memcpy": 44666, - "++++++++++++++++": 44667, - "-val": 44668, - "▁workbook": 44669, - "-ap": 44670, - "=k": 44671, - "▁metallic": 44672, - "_peer": 44673, - "ByPrimaryKey": 44674, - "_SD": 44675, - "uator": 44676, - "_SHADER": 44677, - ")Math": 44678, - ".Transform": 44679, - "▁cows": 44680, - "Phi": 44681, - "▁Clem": 44682, - "(_(\"": 44683, - "▁Lud": 44684, - "-delay": 44685, - "▁Securities": 44686, - "▁Orthodox": 44687, - "Symfony": 44688, - "(report": 44689, - "▁entertain": 44690, - "EPS": 44691, - "izoph": 44692, - "exual": 44693, - "IRD": 44694, - "▁lith": 44695, - "▁sanitize": 44696, - "▁feminine": 44697, - "ISBN": 44698, - ".authentication": 44699, - "_pipeline": 44700, - "/constants": 44701, - "▁CONF": 44702, - "▁lucr": 44703, - "ricia": 44704, - ".ttf": 44705, - ".setContent": 44706, - "▁stan": 44707, - "orean": 44708, - "▁Lloyd": 44709, - ".rawValue": 44710, - "▁gor": 44711, - "▁Browns": 44712, - "Regression": 44713, - "▁lowering": 44714, - "naissance": 44715, - "▁blows": 44716, - "▁amazed": 44717, - "▁unrelated": 44718, - "Reviews": 44719, - "▁ruby": 44720, - "▁Modifier": 44721, - "▁giants": 44722, - ".thread": 44723, - "▁containment": 44724, - "▁StartCoroutine": 44725, - "umat": 44726, - "orelease": 44727, - "▁Randy": 44728, - "@endif": 44729, - "Digest": 44730, - "▁suburban": 44731, - "=\");\n": 44732, - "▁annonce": 44733, - ".variable": 44734, - "\\Foundation": 44735, - "▁acre": 44736, - "Van": 44737, - "▁tuples": 44738, - "dns": 44739, - "▁Standing": 44740, - "_large": 44741, - "▁boxing": 44742, - "SupportActionBar": 44743, - "▁Fortune": 44744, - "▁Rum": 44745, - "_multiple": 44746, - "archical": 44747, - "▁fwrite": 44748, - "_quote": 44749, - "▁foolish": 44750, - "▁comprising": 44751, - "-selected": 44752, - "vf": 44753, - "maid": 44754, - "Nama": 44755, - "(datetime": 44756, - "▁indirectly": 44757, - "gart": 44758, - "fixtures": 44759, - "chos": 44760, - "▁Halo": 44761, - "▁recurring": 44762, - "-news": 44763, - "vil": 44764, - "▁Nursing": 44765, - "-produ": 44766, - "▁HQ": 44767, - "\\HttpFoundation": 44768, - "enci": 44769, - "auen": 44770, - "▁vy": 44771, - "ocracy": 44772, - "▁delegation": 44773, - "▁asphalt": 44774, - "▁setSelected": 44775, - "kok": 44776, - "/rest": 44777, - "metics": 44778, - "▁NSDate": 44779, - "▁travelled": 44780, - "▁recib": 44781, - "▁mime": 44782, - "CLIENT": 44783, - "▁GU": 44784, - "▁HANDLE": 44785, - "/Q": 44786, - "[z": 44787, - "▁bothered": 44788, - "▁BBQ": 44789, - "_examples": 44790, - "_FIN": 44791, - "▁whiteColor": 44792, - "▁astronom": 44793, - "-dir": 44794, - "▁sovereign": 44795, - "▁breeze": 44796, - "▁inning": 44797, - "▁Edmonton": 44798, - "gli": 44799, - ".blogspot": 44800, - "jsx": 44801, - "▁versa": 44802, - "▁Mohammed": 44803, - ".Job": 44804, - "-toggler": 44805, - "ardon": 44806, - "▁newborn": 44807, - "▁naval": 44808, - "noteq": 44809, - "▁tumblr": 44810, - "▁hentai": 44811, - "▁Typically": 44812, - "▁loot": 44813, - ".Sprite": 44814, - "Flight": 44815, - "▁wavelength": 44816, - "-sk": 44817, - "▁Elle": 44818, - "_exports": 44819, - "▁IH": 44820, - "izophren": 44821, - "_primary": 44822, - "▁mois": 44823, - "▁BN": 44824, - "▁systemic": 44825, - "▁diferentes": 44826, - "INCT": 44827, - "▁''\n\n": 44828, - "$q": 44829, - "WidgetItem": 44830, - "clide": 44831, - "$file": 44832, - "Lemma": 44833, - "/table": 44834, - "agrid": 44835, - "▁MongoDB": 44836, - "inte": 44837, - "▁apprent": 44838, - ".Db": 44839, - "hammer": 44840, - "='';\n": 44841, - "▁brokers": 44842, - "itlement": 44843, - "semblies": 44844, - "Ele": 44845, - "{x": 44846, - "▁lastname": 44847, - "<-": 44848, - "▁flatten": 44849, - "_band": 44850, - ".Root": 44851, - ".readFileSync": 44852, - "======": 44853, - ".rx": 44854, - "?\r\n": 44855, - "▁metaphor": 44856, - "Ti": 44857, - "conte": 44858, - "▁debit": 44859, - "▁contempt": 44860, - "CppType": 44861, - "FormField": 44862, - "ratio": 44863, - "osopher": 44864, - "▁implant": 44865, - "PURE": 44866, - "▁alta": 44867, - "_management": 44868, - "▁refine": 44869, - "▁CheckBox": 44870, - "▁Charl": 44871, - "-version": 44872, - "conditional": 44873, - "venues": 44874, - "▁rifles": 44875, - "▁offspring": 44876, - "▁milling": 44877, - "▁sharply": 44878, - "▁underwater": 44879, - "(origin": 44880, - "_Control": 44881, - "▁.$": 44882, - "Plugins": 44883, - "▁drying": 44884, - "▁illustrates": 44885, - "-u": 44886, - "▁vegetarian": 44887, - "npc": 44888, - "Heart": 44889, - ";',\n": 44890, - "comma": 44891, - "teenth": 44892, - "asan": 44893, - "/spec": 44894, - "_moves": 44895, - "-margin": 44896, - "▁ingen": 44897, - "▁projet": 44898, - "▁otra": 44899, - "▁bras": 44900, - ".utc": 44901, - "▁slept": 44902, - "=sub": 44903, - "abilit": 44904, - "poster": 44905, - "▁sdk": 44906, - "ouncill": 44907, - "▁wd": 44908, - "PreparedStatement": 44909, - "▁Drum": 44910, - "(attribute": 44911, - "▁Ethernet": 44912, - "\tDB": 44913, - "California": 44914, - "cube": 44915, - "[I": 44916, - ".Created": 44917, - "▁HM": 44918, - "▁tracing": 44919, - "FormsModule": 44920, - "-you": 44921, - ".currency": 44922, - "feeding": 44923, - "▁tbody": 44924, - "Li": 44925, - "accion": 44926, - "nas": 44927, - "▁trouver": 44928, - "NONE": 44929, - "\"},\r\n": 44930, - "▁ftp": 44931, - "WithIdentifier": 44932, - "polate": 44933, - "FileInfo": 44934, - "▁pursued": 44935, - "▁▁▁▁\r\n▁▁▁▁\r\n": 44936, - "DESCRIPTION": 44937, - "}*/\n": 44938, - "FromNib": 44939, - "▁decorative": 44940, - "_SSL": 44941, - "(chat": 44942, - "TLS": 44943, - "▁surprises": 44944, - "alculate": 44945, - "▁Splash": 44946, - "(Configuration": 44947, - "▁SEM": 44948, - "imson": 44949, - "/library": 44950, - "": 45022, - "GED": 45023, - "faq": 45024, - "▁optionally": 45025, - "_Dis": 45026, - "▁Successful": 45027, - "▁Census": 45028, - "▁incarcer": 45029, - "_CARD": 45030, - "▁aviation": 45031, - "▁Gym": 45032, - "Authority": 45033, - ".Bean": 45034, - "shader": 45035, - "NotExist": 45036, - "_TextChanged": 45037, - "▁STOP": 45038, - "(team": 45039, - "\"H": 45040, - "wg": 45041, - "▁grinder": 45042, - "▁stripe": 45043, - "▁preservation": 45044, - "Claim": 45045, - "aversal": 45046, - "warehouse": 45047, - "targets": 45048, - "Trust": 45049, - "▁allev": 45050, - ",www": 45051, - "ousse": 45052, - "_chan": 45053, - "_Size": 45054, - "systems": 45055, - "▁objection": 45056, - "▁Kane": 45057, - "▁corros": 45058, - "▁DSL": 45059, - "▁ua": 45060, - "▁MH": 45061, - "▁Strategic": 45062, - "_tcp": 45063, - "▁borrowed": 45064, - "▁Ach": 45065, - "\tcommand": 45066, - "▁gps": 45067, - "leston": 45068, - "ichever": 45069, - "▁UA": 45070, - "▁assaulted": 45071, - "▁specializes": 45072, - "\tsearch": 45073, - "Hotel": 45074, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\r\n": 45075, - "▁Pitch": 45076, - "READY": 45077, - "▁parental": 45078, - "▁detain": 45079, - "TARGET": 45080, - "▁protagonist": 45081, - "▁clearInterval": 45082, - "▁IconButton": 45083, - "▁GetAll": 45084, - "TypeInfo": 45085, - "EH": 45086, - "▁{[": 45087, - "▁gag": 45088, - "▁Dropdown": 45089, - ".free": 45090, - "gone": 45091, - "imens": 45092, - "▁instal": 45093, - "\tcurl": 45094, - "_CAN": 45095, - "▁Bone": 45096, - "onyms": 45097, - "-government": 45098, - ".bindingNavigator": 45099, - "▁Dans": 45100, - "▁McL": 45101, - "(en": 45102, - ">(_": 45103, - ".*;\r\n": 45104, - "=j": 45105, - "-cor": 45106, - "Son": 45107, - ".ToolStripItem": 45108, - "-around": 45109, - "_XML": 45110, - "endDate": 45111, - "▁slack": 45112, - "▁rotated": 45113, - "▁noqa": 45114, - "▁cottage": 45115, - "▁encontrar": 45116, - "_skill": 45117, - "houette": 45118, - "!\r\n": 45119, - ".weather": 45120, - "▁emphasized": 45121, - "▁Compiler": 45122, - "(android": 45123, - ".turn": 45124, - "▁suppression": 45125, - "_calls": 45126, - "▁*@": 45127, - "(strlen": 45128, - ".hex": 45129, - "▁Bills": 45130, - "▁RSA": 45131, - "▁Escape": 45132, - "ementia": 45133, - "▁frontend": 45134, - "▁pint": 45135, - "_exc": 45136, - "zzo": 45137, - "[],\n": 45138, - "▁\"','\"": 45139, - ".Environment": 45140, - "▁aforementioned": 45141, - "▁endure": 45142, - "prototype": 45143, - "therapy": 45144, - "ssi": 45145, - "Deg": 45146, - "_plugins": 45147, - ".userInfo": 45148, - "Printer": 45149, - "▁PROGRAM": 45150, - "▁ruins": 45151, - "▁empirical": 45152, - "▁crawl": 45153, - "▁Boiler": 45154, - "-comment": 45155, - ".subplot": 45156, - "_et": 45157, - "▁'.',": 45158, - "minor": 45159, - "▁Customs": 45160, - "▁yaw": 45161, - "underline": 45162, - "▁Como": 45163, - "(('": 45164, - "(mean": 45165, - "▁chaque": 45166, - "▁Blocks": 45167, - ".rad": 45168, - "ilibrium": 45169, - "▁webdriver": 45170, - "▁melhor": 45171, - "dana": 45172, - "▁Abuse": 45173, - "▁Southwest": 45174, - "▁Paren": 45175, - "PERTIES": 45176, - "\tIL": 45177, - "▁scream": 45178, - "vu": 45179, - "▁incomes": 45180, - "▁nim": 45181, - "▁lace": 45182, - "▁compensate": 45183, - "Reverse": 45184, - "Dat": 45185, - "_attack": 45186, - "▁nour": 45187, - "achen": 45188, - "cek": 45189, - "\"+": 45432, - "▁tokenizer": 45433, - "▁sovereignty": 45434, - "▁Pence": 45435, - "()\");\n": 45436, - "▁pessoas": 45437, - ".Ge": 45438, - "▁Included": 45439, - "▁pagina": 45440, - "▁exposing": 45441, - "_SCRIPT": 45442, - "/$',": 45443, - "Thumbnail": 45444, - "webElementX": 45445, - "webElementXpaths": 45446, - "pressure": 45447, - "▁Curry": 45448, - "_CP": 45449, - "OLUTION": 45450, - "ILES": 45451, - "protect": 45452, - "oola": 45453, - "Workspace": 45454, - "{};\n": 45455, - "▁UNS": 45456, - "▁sympathy": 45457, - "roker": 45458, - "▁remodel": 45459, - "\tcell": 45460, - "▁atop": 45461, - ".FullName": 45462, - "▁faut": 45463, - "▁Easily": 45464, - "_dynamic": 45465, - "▁framed": 45466, - "▁motive": 45467, - "sam": 45468, - "▁marca": 45469, - "▁TextEditingController": 45470, - "▁destructor": 45471, - "cream": 45472, - "▁rude": 45473, - "▁Bold": 45474, - "▁Indigenous": 45475, - "▁gens": 45476, - "▁relacion": 45477, - "(system": 45478, - "▁UIFont": 45479, - "_charge": 45480, - "USTER": 45481, - "EV": 45482, - ".Namespace": 45483, - "▁merger": 45484, - "▁calloc": 45485, - "gang": 45486, - "BadRequest": 45487, - "▁sper": 45488, - "-design": 45489, - "Chan": 45490, - "▁organism": 45491, - ",)": 45492, - "=id": 45493, - "_plane": 45494, - "▁Cases": 45495, - "elfast": 45496, - "▁Legislature": 45497, - "▁Faker": 45498, - "▁invoking": 45499, - "-utils": 45500, - "().'": 45501, - ".face": 45502, - "▁guardian": 45503, - "myModal": 45504, - "▁clipboard": 45505, - "▁ATM": 45506, - "▁peas": 45507, - "▁Sylv": 45508, - ".calc": 45509, - "▁Contacts": 45510, - "intValue": 45511, - "▁modifying": 45512, - "▁Barb": 45513, - ".loss": 45514, - "_percentage": 45515, - "Asked": 45516, - "(lst": 45517, - "ategorical": 45518, - "-files": 45519, - "▁Romania": 45520, - ".Ac": 45521, - "▁hai": 45522, - "▁Flying": 45523, - "jp": 45524, - "▁Trainer": 45525, - ".arc": 45526, - "_deg": 45527, - "▁traceback": 45528, - "OrFail": 45529, - "FLOW": 45530, - ".old": 45531, - "oya": 45532, - "gmt": 45533, - "isempty": 45534, - "▁vaccination": 45535, - "▁obsolete": 45536, - "recognized": 45537, - "▁ruined": 45538, - "▁Rein": 45539, - "▁Tracking": 45540, - "xfb": 45541, - "▁bryster": 45542, - "▁ITS": 45543, - "▁destiny": 45544, - "▁swear": 45545, - "▁redes": 45546, - "▁clf": 45547, - "▁flipped": 45548, - "\thead": 45549, - "Bluetooth": 45550, - "▁Overrides": 45551, - ":Boolean": 45552, - "_=": 45553, - "_lr": 45554, - "spawn": 45555, - ":index": 45556, - "VALUES": 45557, - "iskey": 45558, - "?\");\n": 45559, - ".synthetic": 45560, - "▁Checking": 45561, - "structures": 45562, - "iping": 45563, - "▁vocals": 45564, - "-Up": 45565, - "▁Manufacturers": 45566, - "▁Marriage": 45567, - "▁garner": 45568, - "_Client": 45569, - "parallel": 45570, - "RIEND": 45571, - "▁vinegar": 45572, - "segue": 45573, - "JB": 45574, - "▁contacting": 45575, - "▁Carroll": 45576, - "▁outreach": 45577, - "tensor": 45578, - "_variant": 45579, - "▁theat": 45580, - "licable": 45581, - "{|": 45582, - "tiny": 45583, - "_letter": 45584, - "▁pencil": 45585, - "HeadersHeightSizeMode": 45586, - "iltro": 45587, - ".autoconfigure": 45588, - ".drag": 45589, - ".useState": 45590, - "▁BMI": 45591, - "hint": 45592, - "Compile": 45593, - "*\\": 45594, - "enary": 45595, - "▁lvl": 45596, - ".Cache": 45597, - "+=\"": 45598, - "_tv": 45599, - "ruitment": 45600, - "▁fread": 45601, - "Articles": 45602, - "fila": 45603, - "▁packaged": 45604, - "ATHER": 45605, - "▁Planned": 45606, - "scheme": 45607, - "▁diary": 45608, - "▁offenses": 45609, - "/F": 45905, - "▁Stick": 45906, - "▁cerc": 45907, - "▁Slee": 45908, - "\t\t▁▁▁▁▁▁▁▁": 45909, - "": 46074, - "\tcol": 46075, - "VG": 46076, - "_boolean": 46077, - "recent": 46078, - "▁*)\n\n": 46079, - "▁Rainbow": 46080, - "ommen": 46081, - "▁lur": 46082, - "▁oppression": 46083, - "(\",\");\n": 46084, - "▁Facility": 46085, - "DEFINED": 46086, - "▁neon": 46087, - "▁offender": 46088, - "AFP": 46089, - "▁Cleaning": 46090, - "[]):": 46091, - "▁undocumented": 46092, - ".Repositories": 46093, - "▁Guitar": 46094, - "Skills": 46095, - "▁testimon": 46096, - "ryptography": 46097, - "▁Amber": 46098, - "▁Stalin": 46099, - "▁lone": 46100, - "▁apenas": 46101, - "▁dieses": 46102, - "▁Arduino": 46103, - "==-": 46104, - "_Act": 46105, - "▁coded": 46106, - "amburger": 46107, - "-links": 46108, - "▁armour": 46109, - ".High": 46110, - "getContent": 46111, - "stag": 46112, - "▁heck": 46113, - "▁McConnell": 46114, - "▁Concert": 46115, - "▁Alloc": 46116, - ".replaceAll": 46117, - "▁partitions": 46118, - "rott": 46119, - "▁Fle": 46120, - "_TREE": 46121, - "reasonable": 46122, - "▁Reporting": 46123, - "▁billionaire": 46124, - "scores": 46125, - "mins": 46126, - "-eye": 46127, - "MORE": 46128, - "abort": 46129, - "▁SWT": 46130, - "▁inverted": 46131, - "▁Teachers": 46132, - ";n": 46133, - "▁astro": 46134, - "producto": 46135, - "countries": 46136, - "▁Owen": 46137, - "▁contamination": 46138, - "▁vibe": 46139, - "▁Elli": 46140, - ".script": 46141, - "▁Olive": 46142, - "DMA": 46143, - "vier": 46144, - ":semicolon": 46145, - "-module": 46146, - "gressive": 46147, - "agu": 46148, - "_players": 46149, - "▁resultados": 46150, - "started": 46151, - "scrollTop": 46152, - "=====": 46153, - "▁weighing": 46154, - "▁[[[": 46155, - "zahl": 46156, - "(NS": 46157, - "▁Assertion": 46158, - "league": 46159, - ".setTextColor": 46160, - "\tMessage": 46161, - "▁moms": 46162, - "_AF": 46163, - ".wh": 46164, - "ALS": 46165, - "▁autre": 46166, - "]\n\n\n\n": 46167, - ".opacity": 46168, - "▁Buddhist": 46169, - "▁deaf": 46170, - "▁Organisation": 46171, - "(Global": 46172, - "ensch": 46173, - "▁headache": 46174, - "▁Alien": 46175, - "_inode": 46176, - "▁Stark": 46177, - "-lnd": 46178, - "oref": 46179, - "_feat": 46180, - "▁pedestrian": 46181, - "▁nominal": 46182, - "▁balloon": 46183, - "▁sprites": 46184, - "PrototypeOf": 46185, - "▁Apost": 46186, - "▁FEATURE": 46187, - "OH": 46188, - "▁recess": 46189, - "▁Donna": 46190, - "consumer": 46191, - "$GLOBALS": 46192, - "▁GIF": 46193, - "-frame": 46194, - "Inicio": 46195, - "▁passages": 46196, - "DateString": 46197, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 46198, - ".byte": 46199, - "Bug": 46200, - "initializer": 46201, - "pkt": 46202, - "odium": 46203, - "▁DER": 46204, - ".ops": 46205, - "leri": 46206, - "▁gifted": 46207, - "▁detach": 46208, - "terrain": 46209, - "elters": 46210, - ".loader": 46211, - "▁NGO": 46212, - "strncmp": 46213, - "Kh": 46214, - "(fontSize": 46215, - "rocket": 46216, - "▁precedent": 46217, - "▁Aurora": 46218, - "▁Experiment": 46219, - "isphere": 46220, - "Encoded": 46221, - "▁pyramid": 46222, - "▁Anniversary": 46223, - "ofil": 46224, - "(plugin": 46225, - "Coeff": 46226, - "▁cooperate": 46227, - "▁predominantly": 46228, - "ISM": 46229, - "Phrase": 46230, - "_DEFINE": 46231, - "Flip": 46232, - "AMILY": 46233, - "▁Markets": 46234, - "▁StreamReader": 46235, - "▁Combine": 46236, - "▁manuscript": 46237, - "zza": 46238, - ",tp": 46239, - "Whatever": 46240, - "ITICAL": 46241, - "ighbour": 46242, - "DataProvider": 46243, - ".Texture": 46244, - "privacy": 46245, - ".SDK": 46246, - "▁recharge": 46247, - "▁cpp": 46248, - "▁CFG": 46249, - "(holder": 46250, - "(py": 46251, - "mot": 46252, - "▁savoir": 46253, - "▁Rosa": 46254, - "▁PCs": 46255, - ".heroku": 46256, - "▁fren": 46257, - "▁Riley": 46258, - "agate": 46259, - "▁sond": 46260, - ".xlsx": 46261, - "▁hacked": 46262, - "stad": 46263, - "Gi": 46264, - "▁sanity": 46265, - "▁SqlDataAdapter": 46266, - "...\",": 46267, - "▁Pussy": 46268, - "▁****************": 46269, - "▁hassle": 46270, - "_PARENT": 46271, - "▁UAE": 46272, - "▁beginners": 46273, - "(Client": 46274, - "▁statistically": 46275, - ".hour": 46276, - "edelta": 46277, - "▁traction": 46278, - "uelve": 46279, - "arat": 46280, - "▁sauna": 46281, - "INVALID": 46282, - "▁indictment": 46283, - "ALLE": 46284, - "▁dissent": 46285, - "▁Typography": 46286, - "▁intentional": 46287, - "sit": 46288, - "▁Animals": 46289, - "▁countryside": 46290, - "▁uart": 46291, - "}\\\"": 46292, - "▁seamless": 46293, - "▁autos": 46294, - "▁\"'\";\n": 46295, - "Flush": 46296, - "ANNOT": 46297, - "▁algebra": 46298, - "assoc": 46299, - "▁Waters": 46300, - "▁preparations": 46301, - "ronym": 46302, - "[,]": 46303, - "Sans": 46304, - "▁armies": 46305, - "ipeg": 46306, - "▁creamy": 46307, - ".art": 46308, - "etre": 46309, - "▁Animated": 46310, - "▁unpleasant": 46311, - "emean": 46312, - "great": 46313, - "▁Earlier": 46314, - "▁chic": 46315, - "▁preserving": 46316, - "(exec": 46317, - "▁Investigation": 46318, - "\tGPIO": 46319, - "▁rigorous": 46320, - "ijo": 46321, - "=num": 46322, - "▁toolStrip": 46323, - ")set": 46324, - "+\"&": 46325, - "▁Acceler": 46326, - "▁developmental": 46327, - "isposable": 46328, - "▁flawed": 46329, - "rene": 46330, - "Updating": 46331, - "▁watchdog": 46332, - "▁denominator": 46333, - "▁suburbs": 46334, - "▁...)": 46335, - "▁convictions": 46336, - "closure": 46337, - ".IP": 46338, - "▁translates": 46339, - ".swt": 46340, - ".Trace": 46341, - "▁mettre": 46342, - ".isEnabled": 46343, - "▁Effective": 46344, - ".toInt": 46345, - "▁enchant": 46346, - "▁stunned": 46347, - "▁poi": 46348, - "/code": 46349, - "adm": 46350, - ".databinding": 46351, - "▁Lorem": 46352, - "________________________________________________________________": 46353, - "▁ledger": 46354, - "▁cara": 46355, - "▁Gir": 46356, - "▁waits": 46357, - "Uno": 46358, - "▁cwd": 46359, - "▁TResult": 46360, - "▁rejo": 46361, - "▁emitted": 46362, - "▁Westminster": 46363, - "nek": 46364, - "_Tis": 46365, - "▁enact": 46366, - "\twith": 46367, - "orgia": 46368, - "▁jue": 46369, - "Perform": 46370, - "SPATH": 46371, - ".topic": 46372, - "▁Daten": 46373, - "▁sitio": 46374, - "_MM": 46375, - "\"So": 46376, - "bial": 46377, - "▁scoped": 46378, - "Requires": 46379, - "▁TOTAL": 46380, - "▁Chancellor": 46381, - "(contents": 46382, - "▁stealth": 46383, - "devices": 46384, - "-pass": 46385, - "ilih": 46386, - "▁Malcolm": 46387, - "▁Depot": 46388, - "▁configur": 46389, - "aussian": 46390, - "_constraint": 46391, - "GRA": 46392, - "▁Rates": 46393, - ".dataGridViewTextBoxColumn": 46394, - "▁Nobel": 46395, - "itics": 46396, - "▁ignorant": 46397, - "▁Reporter": 46398, - "▁Ebola": 46399, - "▁Shock": 46400, - "_relation": 46401, - "▁Ninja": 46402, - ")c": 46403, - "▁ticker": 46404, - ".isChecked": 46405, - "▁Suppliers": 46406, - "▁Rapid": 46407, - "Levels": 46408, - "\tqueue": 46409, - "▁chop": 46410, - "▁Unix": 46411, - "reject": 46412, - "-calendar": 46413, - "(sort": 46414, - "ercicio": 46415, - "▁hect": 46416, - "CALLTYPE": 46417, - "roupon": 46418, - "▁rentals": 46419, - "authors": 46420, - "{name": 46421, - "▁FIFO": 46422, - "▁lassen": 46423, - "▁Nous": 46424, - "▁snapped": 46425, - "▁fertility": 46426, - "\"log": 46427, - "clicked": 46428, - "▁planting": 46429, - "▁gb": 46430, - "/output": 46431, - "PEAT": 46432, - "▁categoria": 46433, - "▁bach": 46434, - "Professor": 46435, - "inth": 46436, - "\"]\r\n": 46437, - "Recorder": 46438, - "serde": 46439, - "▁Transmission": 46440, - "trad": 46441, - "▁turbo": 46442, - "_VERTEX": 46443, - "\\Event": 46444, - "ilver": 46445, - "▁bodily": 46446, - "▁Sources": 46447, - "▁killings": 46448, - ".xrTableCell": 46449, - "▁folded": 46450, - "/legal": 46451, - "uner": 46452, - "▁Rifle": 46453, - "▁MIDI": 46454, - "_SelectedIndexChanged": 46455, - ".SizeType": 46456, - "▁WebSocket": 46457, - "▁seleccion": 46458, - "Sand": 46459, - "otros": 46460, - "▁envision": 46461, - "/etc": 46462, - "▁Melissa": 46463, - "Spot": 46464, - "_ARM": 46465, - "Attempt": 46466, - "▁BI": 46467, - "▁DU": 46468, - "▁backlash": 46469, - "stride": 46470, - "/classes": 46471, - "▁textColor": 46472, - "_staff": 46473, - "oblin": 46474, - "agenta": 46475, - ".collections": 46476, - "illage": 46477, - "'\r\n\r\n": 46478, - "flatten": 46479, - "_sales": 46480, - "_MASTER": 46481, - "TW": 46482, - "_da": 46483, - "Pitch": 46484, - "phies": 46485, - "▁zombies": 46486, - "▁VERY": 46487, - "▁Pharmacy": 46488, - "▁progressBar": 46489, - "▁hashtag": 46490, - "Sidebar": 46491, - "@stop": 46492, - "(pc": 46493, - "MAKE": 46494, - "▁Coron": 46495, - "▁kvinner": 46496, - "▁Maid": 46497, - "bob": 46498, - ".titleLabel": 46499, - "▁successes": 46500, - "▁Democracy": 46501, - "▁Surgery": 46502, - "▁cougar": 46503, - "▁curso": 46504, - "▁loro": 46505, - "istency": 46506, - "Senior": 46507, - "▁AAA": 46508, - "▁BOOK": 46509, - "WSTR": 46510, - "▁*/,\n": 46511, - "oyal": 46512, - ".vector": 46513, - "▁SPEC": 46514, - "SSF": 46515, - "▁compuls": 46516, - "▁Appeals": 46517, - "▁Winston": 46518, - "▁Mockito": 46519, - "contrib": 46520, - ".available": 46521, - "entityManager": 46522, - "arias": 46523, - "_sale": 46524, - "_rs": 46525, - "▁decoding": 46526, - "▁locator": 46527, - "olith": 46528, - "▁kol": 46529, - "▁ascii": 46530, - "▁Rut": 46531, - "/interface": 46532, - "\t\t\t\t\t\t▁▁▁": 46533, - "▁Numer": 46534, - ".flip": 46535, - "-del": 46536, - "▁bolster": 46537, - "onomic": 46538, - "▁zm": 46539, - "LG": 46540, - "FindBy": 46541, - "▁adaptive": 46542, - "loo": 46543, - "▁vue": 46544, - "(reverse": 46545, - "_canvas": 46546, - ".roles": 46547, - "ificado": 46548, - "venient": 46549, - "\"As": 46550, - "▁Entr": 46551, - "aligned": 46552, - "▁bereits": 46553, - "///\n\n": 46554, - ".gwt": 46555, - ".employee": 46556, - "_cli": 46557, - "▁anticipate": 46558, - "▁pik": 46559, - "▁mushrooms": 46560, - "(tt": 46561, - "▁oma": 46562, - "▁Sanchez": 46563, - "_google": 46564, - ".Valid": 46565, - "▁FileName": 46566, - "ivative": 46567, - "ked": 46568, - "-war": 46569, - "▁maturity": 46570, - "▁miner": 46571, - "Reducers": 46572, - "▁LatLng": 46573, - "_STD": 46574, - "Digits": 46575, - "Calc": 46576, - "-upload": 46577, - "▁handic": 46578, - "egrated": 46579, - "▁STM": 46580, - "Clients": 46581, - "▁Turbo": 46582, - "SYNC": 46583, - "▁photographers": 46584, - ".Out": 46585, - ".character": 46586, - "BUILD": 46587, - ".unlock": 46588, - "▁arises": 46589, - "▁Commands": 46590, - "(\"\");\r\n": 46591, - "_FORE": 46592, - ";',": 46593, - "+\"'": 46594, - ".Images": 46595, - "\"){": 46596, - "▁Meyer": 46597, - "▁negatively": 46598, - "▁DLL": 46599, - "▁exe": 46600, - "▁deficiency": 46601, - "▁wildly": 46602, - "-switch": 46603, - "construction": 46604, - "▁exceptionally": 46605, - "▁Liz": 46606, - "/java": 46607, - "▁theirs": 46608, - "▁Contemporary": 46609, - "lis": 46610, - ".fillRect": 46611, - "▁NFC": 46612, - "▁rehe": 46613, - "(numbers": 46614, - "▁raster": 46615, - "▁figuring": 46616, - "▁showc": 46617, - "▁Jill": 46618, - "▁arcade": 46619, - "▁Constructs": 46620, - "mdl": 46621, - "('|": 46622, - "▁identifiers": 46623, - "▁stellar": 46624, - "(Connection": 46625, - "▁\"{{": 46626, - "yor": 46627, - "(mysqli": 46628, - "▁dove": 46629, - "OfBirth": 46630, - ".disconnect": 46631, - "_hi": 46632, - "▁zwischen": 46633, - "▁Grund": 46634, - "iros": 46635, - "_Array": 46636, - ".onclick": 46637, - "ansom": 46638, - "Answers": 46639, - "\tremove": 46640, - "Fa": 46641, - "▁hurry": 46642, - "-inf": 46643, - "▁getClass": 46644, - "▁Regulation": 46645, - "▁FLAGS": 46646, - "misc": 46647, - "Ken": 46648, - "_heading": 46649, - "GHz": 46650, - "-entry": 46651, - "▁biography": 46652, - "Sig": 46653, - "-mf": 46654, - "Watcher": 46655, - "}px": 46656, - "▁spicy": 46657, - "_sq": 46658, - "Lost": 46659, - "(track": 46660, - "Descending": 46661, - "((": 46845, - "survey": 46846, - "...')\n": 46847, - "▁Divider": 46848, - "osl": 46849, - "_CANCEL": 46850, - "_prepare": 46851, - "stin": 46852, - "▁Heath": 46853, - ".PrimaryKey": 46854, - "▁LocalDateTime": 46855, - "▁cooperative": 46856, - "Learning": 46857, - ".enqueue": 46858, - "▁goog": 46859, - "▁Regression": 46860, - "imates": 46861, - "▁voyeur": 46862, - "▁Drink": 46863, - "plug": 46864, - "▁lender": 46865, - "mana": 46866, - "▁personnes": 46867, - "ypse": 46868, - "▁unlink": 46869, - "▁Ravens": 46870, - "▁hurd": 46871, - "▁periodically": 46872, - "ARGS": 46873, - "▁GH": 46874, - "characters": 46875, - "...\"\n\n": 46876, - "-establish": 46877, - "▁dn": 46878, - "(condition": 46879, - "▁Gravity": 46880, - "▁estas": 46881, - "_focus": 46882, - "Creature": 46883, - "(site": 46884, - "▁carr": 46885, - "▁RL": 46886, - "▁RI": 46887, - "▁Moto": 46888, - "ASF": 46889, - "▁Luckily": 46890, - "\tRoute": 46891, - "▁entropy": 46892, - "(\",\"": 46893, - "Collect": 46894, - "(contact": 46895, - "▁Florence": 46896, - "▁premiums": 46897, - "▁lifecycle": 46898, - "▁bans": 46899, - "xef": 46900, - "WebKit": 46901, - "▁Floating": 46902, - "▁cosa": 46903, - "Specific": 46904, - "▁Loans": 46905, - "bread": 46906, - "▁descriptors": 46907, - "▁{:.": 46908, - "THREAD": 46909, - "▁Trent": 46910, - "▁scop": 46911, - "QA": 46912, - "▁Antar": 46913, - "pel": 46914, - "_difference": 46915, - "_changes": 46916, - "(...)": 46917, - "▁Rotation": 46918, - "▁LGPL": 46919, - "▁JUST": 46920, - "(Task": 46921, - "_subset": 46922, - "▁TRANS": 46923, - "▁Scout": 46924, - "-popup": 46925, - "▁smoked": 46926, - "_Class": 46927, - "▁turnover": 46928, - "brakk": 46929, - "▁Rocky": 46930, - "tas": 46931, - ".RegularExpressions": 46932, - "▁Elliott": 46933, - "▁Spinner": 46934, - "DUCTION": 46935, - "▁libre": 46936, - "▁molto": 46937, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 46938, - "▁FTP": 46939, - "mpeg": 46940, - "(features": 46941, - "▁bald": 46942, - "▁Vid": 46943, - "▁shouting": 46944, - "Lint": 46945, - "▁sockets": 46946, - "▁prow": 46947, - "▁nouvelle": 46948, - "iscard": 46949, - "▁Sponsor": 46950, - "▁consulta": 46951, - ")));": 46952, - "Indian": 46953, - "▁Raspberry": 46954, - "▁teammate": 46955, - "▁JWT": 46956, - "▁Ghana": 46957, - "▁cakes": 46958, - "primer": 46959, - "forma": 46960, - "ergarten": 46961, - "_Manager": 46962, - "▁preseason": 46963, - "GAME": 46964, - "|\"": 46965, - "▁Brock": 46966, - "▁occupy": 46967, - "▁decorations": 46968, - "▁cot": 46969, - "▁paran": 46970, - "Disk": 46971, - "remain": 46972, - ">?": 46973, - "Strong": 46974, - "▁france": 46975, - "▁Era": 46976, - "-cr": 46977, - ".BufferedReader": 46978, - "▁Paradise": 46979, - "▁VAT": 46980, - "▁Anders": 46981, - "▁limb": 46982, - "ampoo": 46983, - "▁imperative": 46984, - "UTILITY": 46985, - "▁Recognition": 46986, - "▁ragazze": 46987, - "▁pops": 46988, - "ypress": 46989, - "▁embargo": 46990, - "//{\n": 46991, - "▁syll": 46992, - "PTR": 46993, - "▁didnt": 46994, - "Mailer": 46995, - "▁academics": 46996, - "▁Frauen": 46997, - "neider": 46998, - "-rel": 46999, - "▁rainbow": 47000, - "(In": 47001, - "▁sliced": 47002, - "=============\n": 47003, - "(send": 47004, - "NSMutableDictionary": 47005, - "vos": 47006, - "(package": 47007, - "▁ordinance": 47008, - "viewer": 47009, - "▁Santos": 47010, - "-selling": 47011, - "▁gov": 47012, - "ettle": 47013, - "▁founders": 47014, - "▁waking": 47015, - "slashes": 47016, - "-pound": 47017, - "recht": 47018, - ".onClick": 47019, - "▁nord": 47020, - "_when": 47021, - "UTERS": 47022, - "icc": 47023, - "▁capsule": 47024, - "▁Wid": 47025, - "Marc": 47026, - "rored": 47027, - "UGE": 47028, - "LOUD": 47029, - "▁Audit": 47030, - "ipients": 47031, - "opian": 47032, - "▁Sue": 47033, - "▁wurden": 47034, - ".Helpers": 47035, - "▁factions": 47036, - "[np": 47037, - "-than": 47038, - "▁reco": 47039, - "▁kas": 47040, - "▁cmds": 47041, - "/network": 47042, - "xbf": 47043, - "getColor": 47044, - "▁biased": 47045, - "▁Lak": 47046, - "Datas": 47047, - "vents": 47048, - "_PS": 47049, - ".Validate": 47050, - "Invoker": 47051, - "▁neuen": 47052, - "▁juvenile": 47053, - "VISION": 47054, - "▁devote": 47055, - "▁linha": 47056, - "▁discounted": 47057, - "\\Config": 47058, - "▁worthwhile": 47059, - "▁skinny": 47060, - "▁Courses": 47061, - "leys": 47062, - "▁Mortgage": 47063, - "Kevin": 47064, - "▁announces": 47065, - "])*": 47066, - "reservation": 47067, - "▁prejudice": 47068, - "▁StringComparison": 47069, - "▁beard": 47070, - "-win": 47071, - "\tms": 47072, - "jal": 47073, - "▁Earn": 47074, - "_ports": 47075, - "▁Nombre": 47076, - "_COR": 47077, - "▁BUILD": 47078, - ".sound": 47079, - "Yellow": 47080, - "▁linebacker": 47081, - "▁charitable": 47082, - "jug": 47083, - "_NONNULL": 47084, - "▁Dental": 47085, - "\">${": 47086, - "\tmatch": 47087, - "Russian": 47088, - "▁versch": 47089, - "▁pinned": 47090, - "▁adopting": 47091, - "OptionsMenu": 47092, - "Pag": 47093, - "▁pairing": 47094, - "▁tread": 47095, - "ercises": 47096, - "▁Spread": 47097, - ")i": 47098, - "▁BAD": 47099, - "_tf": 47100, - "UIImageView": 47101, - "populate": 47102, - "bab": 47103, - "[++": 47104, - "▁opioid": 47105, - "▁##\n": 47106, - "dtype": 47107, - "▁Starts": 47108, - "('/')": 47109, - "▁personals": 47110, - "-market": 47111, - "▁redundant": 47112, - "▁Essential": 47113, - "▁scrapy": 47114, - "acl": 47115, - "▁crear": 47116, - "▁Bend": 47117, - "▁relieve": 47118, - "-room": 47119, - "wife": 47120, - "▁QPoint": 47121, - "▁quasi": 47122, - "▁methodName": 47123, - "\\xc": 47124, - "▁Peru": 47125, - "/The": 47126, - ".orm": 47127, - "▁viz": 47128, - "/pdf": 47129, - "Located": 47130, - "▁confrontation": 47131, - "▁Championships": 47132, - "▁hypert": 47133, - "▁dj": 47134, - "▁UserInfo": 47135, - "\\xb": 47136, - "(sim": 47137, - "▁==\n": 47138, - "▁staging": 47139, - "▁drastically": 47140, - "lords": 47141, - ".less": 47142, - "▁Bucket": 47143, - "▁Mam": 47144, - ".term": 47145, - "_pi": 47146, - "czy": 47147, - ".pub": 47148, - "precio": 47149, - "▁Virt": 47150, - "▁roman": 47151, - "itat": 47152, - "Lex": 47153, - "_infos": 47154, - ".other": 47155, - "VELO": 47156, - "▁ponder": 47157, - "▁hanno": 47158, - "(Page": 47159, - "doi": 47160, - "▁polite": 47161, - "▁programmer": 47162, - "Dies": 47163, - "$d": 47164, - "▁replication": 47165, - "addColumn": 47166, - "frican": 47167, - "▁leng": 47168, - "beer": 47169, - "oit": 47170, - "▁wasting": 47171, - "ylim": 47172, - "measure": 47173, - "Neg": 47174, - "▁partie": 47175, - ".console": 47176, - "▁Guinea": 47177, - "TEL": 47178, - "_fact": 47179, - ".chunk": 47180, - "▁lent": 47181, - "▁aller": 47182, - "_idle": 47183, - "▁admissions": 47184, - "JSONArray": 47185, - "▁vibration": 47186, - ".helpers": 47187, - "▁hen": 47188, - "john": 47189, - "▁judgement": 47190, - "▁geen": 47191, - "terra": 47192, - "^{": 47193, - "▁Iz": 47194, - "instances": 47195, - "▁threatens": 47196, - "KindOfClass": 47197, - "▁storytelling": 47198, - "_demo": 47199, - "rias": 47200, - "Privacy": 47201, - "hift": 47202, - "▁Yi": 47203, - "esor": 47204, - "ensitivity": 47205, - ".Writer": 47206, - "District": 47207, - ".getJSONObject": 47208, - "Impro": 47209, - "(getResources": 47210, - "▁SPELL": 47211, - "roduce": 47212, - "▁slowed": 47213, - "▁linewidth": 47214, - "▁honesty": 47215, - "▁Coord": 47216, - "▁Fork": 47217, - "▁DispatchQueue": 47218, - "▁Cliff": 47219, - "▁Wiring": 47220, - "_TIMESTAMP": 47221, - "ollah": 47222, - "avoid": 47223, - "++];\n": 47224, - "semantic": 47225, - "-css": 47226, - "▁veto": 47227, - "▁Merr": 47228, - "▁legislators": 47229, - "CEEDED": 47230, - "▁questionnaire": 47231, - "▁Pills": 47232, - "Calculate": 47233, - "(core": 47234, - "'e": 47235, - "▁dislike": 47236, - "▁Preferences": 47237, - "_EXTERNAL": 47238, - "▁dodge": 47239, - ".names": 47240, - ".drawImage": 47241, - "_prom": 47242, - "uckland": 47243, - "▁<$>": 47244, - "/site": 47245, - "rophe": 47246, - "▁compelled": 47247, - "▁laptops": 47248, - "▁uni": 47249, - "CLOSE": 47250, - "▁casualties": 47251, - "▁Uniform": 47252, - "Terminal": 47253, - ".\",\"": 47254, - "DAT": 47255, - "(TreeNode": 47256, - "▁Gandhi": 47257, - "(stmt": 47258, - "AXB": 47259, - "*M": 47260, - "▁umbrella": 47261, - "animal": 47262, - "▁grpc": 47263, - "▁whereby": 47264, - "▁floats": 47265, - "\targ": 47266, - "▁dbg": 47267, - "▁exceeding": 47268, - "EventType": 47269, - ".SaveChangesAsync": 47270, - "▁{{{": 47271, - "▁owed": 47272, - "ahrenheit": 47273, - "▁equipo": 47274, - "urai": 47275, - "▁idol": 47276, - "]\")\n": 47277, - "_major": 47278, - "▁entirety": 47279, - "ingerprint": 47280, - "/account": 47281, - "\tright": 47282, - "ursos": 47283, - "▁EDT": 47284, - "_INSERT": 47285, - "▁shining": 47286, - "▁<:": 47287, - "EdgeInsets": 47288, - "▁colonies": 47289, - ".IM": 47290, - "\t▁\t": 47291, - "ROAD": 47292, - "CCCC": 47293, - "placing": 47294, - "▁getActivity": 47295, - "emacs": 47296, - "'%(": 47297, - ".clicked": 47298, - "▁Them": 47299, - "isia": 47300, - "Buscar": 47301, - ".rename": 47302, - "▁oath": 47303, - "▁afterward": 47304, - "▁UFO": 47305, - "APS": 47306, - "▁Jacksonville": 47307, - ".some": 47308, - "Confirmed": 47309, - ".scan": 47310, - "igInteger": 47311, - "Decorator": 47312, - "shield": 47313, - "ressive": 47314, - ".did": 47315, - "▁shutter": 47316, - "Dam": 47317, - "▁parenting": 47318, - "eyed": 47319, - "$item": 47320, - "-develop": 47321, - "▁extracts": 47322, - "▁decentralized": 47323, - "▁Elsa": 47324, - "_spin": 47325, - "])+": 47326, - "-initial": 47327, - "▁multitude": 47328, - "▁sensory": 47329, - "▁MODEL": 47330, - "▁safeguard": 47331, - "▁hunters": 47332, - "▁Tiny": 47333, - "INO": 47334, - "decorate": 47335, - "▁NoSuch": 47336, - "Ho": 47337, - "(Response": 47338, - "▁ruler": 47339, - "\tshort": 47340, - "▁caster": 47341, - "▁clientId": 47342, - "▁pdb": 47343, - "itic": 47344, - "▁GameState": 47345, - "▁newItem": 47346, - ")\n\n\n\n\n\n": 47347, - "ouis": 47348, - "noc": 47349, - ".BLACK": 47350, - "_VECTOR": 47351, - "----------();": 47630, - ".getP": 47631, - "anye": 47632, - "▁neuron": 47633, - "ifold": 47634, - "▁Known": 47635, - "Bitcoin": 47636, - "Anyway": 47637, - "ayette": 47638, - "▁'['": 47639, - "mgr": 47640, - "▁correlated": 47641, - "▁nause": 47642, - "▁mentality": 47643, - "hasMany": 47644, - "▁FG": 47645, - "ampie": 47646, - "ITU": 47647, - "Fs": 47648, - ".Sp": 47649, - "_between": 47650, - "Dependencies": 47651, - "oug": 47652, - "Placeholder": 47653, - "=text": 47654, - "▁Managing": 47655, - "ocalypse": 47656, - "_mag": 47657, - "fld": 47658, - "CAM": 47659, - "▁Helpers": 47660, - "▁dost": 47661, - "/out": 47662, - "▁assassination": 47663, - ".getImage": 47664, - "▁Kenny": 47665, - ".')\n\n": 47666, - "){//": 47667, - "▁Ranger": 47668, - "▁gek": 47669, - "▁sincere": 47670, - "\r\n": 47856, - ".getResources": 47857, - "▁lump": 47858, - "_consts": 47859, - "(ext": 47860, - "\tdir": 47861, - "▁paddingTop": 47862, - "▁obsession": 47863, - "▁banning": 47864, - "▁AppModule": 47865, - "▁partisan": 47866, - "▁catalogue": 47867, - "▁minors": 47868, - "▁pitches": 47869, - "weep": 47870, - "▁undertake": 47871, - "▁themed": 47872, - "audit": 47873, - ".scrollTop": 47874, - "▁rer": 47875, - "▁symptom": 47876, - "▁openings": 47877, - ".blocks": 47878, - "openid": 47879, - "▁assh": 47880, - "-save": 47881, - "▁Pig": 47882, - "▁regain": 47883, - "▁inicial": 47884, - "/favicon": 47885, - "\texp": 47886, - "▁spices": 47887, - "iska": 47888, - "claims": 47889, - "mak": 47890, - "definitions": 47891, - "▁correspondent": 47892, - "▁Cannabis": 47893, - "__,\n": 47894, - "▁Lucky": 47895, - "▁Gaussian": 47896, - "▁Nearly": 47897, - "CAD": 47898, - "']]\n": 47899, - "▁adequately": 47900, - "▁TITLE": 47901, - "constitutional": 47902, - "-mm": 47903, - "_override": 47904, - "▁blas": 47905, - ".readyState": 47906, - "▁reminis": 47907, - "▁reinforced": 47908, - "▁Collabor": 47909, - "▁decorating": 47910, - "▁bachelor": 47911, - "ERRUPT": 47912, - "▁upright": 47913, - "ipation": 47914, - "▁Noble": 47915, - "▁valueForKey": 47916, - "▁setLoading": 47917, - ".Ignore": 47918, - "Globals": 47919, - "▁Ment": 47920, - "ASSES": 47921, - "▁limbs": 47922, - "▁HUD": 47923, - "inci": 47924, - ".iv": 47925, - "▁QModelIndex": 47926, - "Fuse": 47927, - "▁pedal": 47928, - "_FREQ": 47929, - "(verbose": 47930, - "▁longitud": 47931, - "▁Charter": 47932, - "▁bundles": 47933, - ".ignore": 47934, - "umbo": 47935, - "EMA": 47936, - ".......": 47937, - "sx": 47938, - ".Card": 47939, - "▁heute": 47940, - "▁steer": 47941, - "jumlah": 47942, - "▁{_": 47943, - "_Checked": 47944, - "▁fax": 47945, - "▁Gust": 47946, - "itchens": 47947, - "▁))\n\n": 47948, - "▁remarkably": 47949, - "/XML": 47950, - "-remove": 47951, - "_bt": 47952, - "▁incub": 47953, - ".package": 47954, - ".currentThread": 47955, - "▁Highlander": 47956, - ".side": 47957, - "splash": 47958, - "▁ici": 47959, - "=D": 47960, - "▁puck": 47961, - "▁ballots": 47962, - "▁hugely": 47963, - "coeff": 47964, - "▁pData": 47965, - ".COLUMN": 47966, - "▁Healing": 47967, - "▁ordin": 47968, - "!),": 47969, - "▁'',\r\n": 47970, - "(md": 47971, - "▁Sask": 47972, - "\r\n": 47994, - "▁blunt": 47995, - "▁ImageIcon": 47996, - "ifik": 47997, - "RTC": 47998, - "▁fibers": 47999, - "▁toile": 48000, - ".sent": 48001, - "▁PyQt": 48002, - "$app": 48003, - "▁medio": 48004, - "▁granting": 48005, - "▁tslint": 48006, - "(figsize": 48007, - "▁hurricane": 48008, - "▁lifes": 48009, - "rocessing": 48010, - "_standard": 48011, - "-option": 48012, - "')))": 48013, - "▁vacant": 48014, - "▁Hollow": 48015, - "handleChange": 48016, - "▁divider": 48017, - "▁Engineers": 48018, - "▁svens": 48019, - "▁compliant": 48020, - "tanggal": 48021, - "▁Credits": 48022, - "▁Emirates": 48023, - "RuleContext": 48024, - "▁realization": 48025, - "▁distracted": 48026, - "]+=": 48027, - "▁augment": 48028, - "▁Dw": 48029, - "otp": 48030, - "orrent": 48031, - "Editar": 48032, - ".stock": 48033, - "Study": 48034, - "pections": 48035, - "▁GameManager": 48036, - "=cut": 48037, - "▁flock": 48038, - "▁Romans": 48039, - "them": 48040, - "-hop": 48041, - "▁screenshots": 48042, - "▁/*!\n": 48043, - "▁conversions": 48044, - "▁normalization": 48045, - "(configuration": 48046, - "▁aeros": 48047, - "_security": 48048, - "!'\n": 48049, - "Bonus": 48050, - "▁DRIVER": 48051, - "\tDate": 48052, - "tie": 48053, - "▁Wyoming": 48054, - "Stand": 48055, - "itre": 48056, - "▁shoppers": 48057, - "▁disadvantage": 48058, - "▁liking": 48059, - "▁understandable": 48060, - "SEE": 48061, - "▁hoy": 48062, - "▁ninete": 48063, - "▁confer": 48064, - "▁nowrap": 48065, - "▁Vern": 48066, - ",\r\n\r\n": 48067, - "imestep": 48068, - "LayoutManager": 48069, - "\twait": 48070, - "PLETED": 48071, - "Japan": 48072, - "▁induce": 48073, - "_ENDPOINT": 48074, - ".horizontal": 48075, - "▁accelerated": 48076, - "rimon": 48077, - "IVES": 48078, - "Transactions": 48079, - "Lean": 48080, - "▁SOUR": 48081, - "whether": 48082, - "yg": 48083, - "▁oid": 48084, - "▁EntityManager": 48085, - "OUNTRY": 48086, - "▁fila": 48087, - "OLUMNS": 48088, - "INUE": 48089, - "▁Anchor": 48090, - "TRAN": 48091, - "woo": 48092, - "blockquote": 48093, - "▁Nurse": 48094, - "▁Carp": 48095, - "▁redeem": 48096, - ".try": 48097, - "▁JP": 48098, - "▁timestamps": 48099, - "▁?>\"><": 48100, - "▁REMOVE": 48101, - "▁Starbucks": 48102, - "Really": 48103, - "▁flooded": 48104, - ".Callback": 48105, - "DropDown": 48106, - "ipro": 48107, - "▁tended": 48108, - "lte": 48109, - "▁proportions": 48110, - "-te": 48111, - "▁Rena": 48112, - "licate": 48113, - "forces": 48114, - ".extra": 48115, - ".authenticate": 48116, - "▁forControlEvents": 48117, - "▁senha": 48118, - "▁kein": 48119, - "▁minist": 48120, - "▁Preference": 48121, - "▁Telegraph": 48122, - "strpos": 48123, - "▁illnesses": 48124, - "▁pigs": 48125, - "▁getIntent": 48126, - "Sol": 48127, - "(cpu": 48128, - "[prop": 48129, - "screens": 48130, - "');?>": 48131, - "▁Acts": 48132, - "▁strdup": 48133, - "▁averages": 48134, - "anal": 48135, - "▁Casual": 48136, - "GroupBox": 48137, - "▁Handbook": 48138, - "/comments": 48139, - "▁numbered": 48140, - "▁broadcasting": 48141, - ".nativeElement": 48142, - ".mu": 48143, - "▁updatedAt": 48144, - "▁Doesn": 48145, - ".AC": 48146, - ".coll": 48147, - "▁recorder": 48148, - "_sha": 48149, - "Bg": 48150, - "bil": 48151, - "▁bolts": 48152, - "▁imposing": 48153, - "▁Informationen": 48154, - "_flashdata": 48155, - "economic": 48156, - "Remark": 48157, - "ucas": 48158, - "▁Officers": 48159, - "▁TER": 48160, - "Walk": 48161, - "▁mercado": 48162, - "_generate": 48163, - "HY": 48164, - "Calling": 48165, - "snap": 48166, - "scriptId": 48167, - ".operation": 48168, - "▁Flame": 48169, - "liness": 48170, - "▁rented": 48171, - "_toggle": 48172, - "-changing": 48173, - "▁TY": 48174, - "'util": 48175, - "EEP": 48176, - "▁graphql": 48177, - "▁Uni": 48178, - "▁impulse": 48179, - ".Basic": 48180, - "▁energies": 48181, - "MARY": 48182, - "▁Marcel": 48183, - "▁mortal": 48184, - "▁fres": 48185, - "mens": 48186, - "motion": 48187, - "▁sampled": 48188, - "iday": 48189, - "quipment": 48190, - "getInt": 48191, - "▁Absolute": 48192, - ",'\"": 48193, - "uned": 48194, - ".share": 48195, - "▁})(": 48196, - "mmm": 48197, - "▁Rising": 48198, - "▁unemployed": 48199, - "xfa": 48200, - ".follow": 48201, - "\t\t\t\t▁▁▁▁▁▁": 48202, - "slt": 48203, - ".Phone": 48204, - "▁knives": 48205, - "▁eve": 48206, - "onClick": 48207, - "]))\r\n": 48208, - "▁Witness": 48209, - "\tNS": 48210, - "▁EOS": 48211, - "▁Stefan": 48212, - "▁Priest": 48213, - "GetString": 48214, - ".By": 48215, - "▁upstairs": 48216, - "▁detriment": 48217, - "broken": 48218, - "embro": 48219, - "▁nicotine": 48220, - "ilion": 48221, - "▁astonishing": 48222, - "_aff": 48223, - "▁Lesson": 48224, - "▁accidental": 48225, - "odor": 48226, - "▁decir": 48227, - "▁newName": 48228, - "+.": 48229, - "igslist": 48230, - "▁Github": 48231, - "▁successive": 48232, - "racial": 48233, - "▁environ": 48234, - "▁redirected": 48235, - "TOTAL": 48236, - "▁grabbing": 48237, - "▁Lance": 48238, - "▁forfe": 48239, - "_CB": 48240, - "Elapsed": 48241, - "_way": 48242, - "(DialogInterface": 48243, - "_measure": 48244, - "xbb": 48245, - "Dog": 48246, - "Depart": 48247, - "-src": 48248, - "resolver": 48249, - "withstanding": 48250, - "_shell": 48251, - "▁LastName": 48252, - "▁Aviation": 48253, - "▁beginner": 48254, - "(\"%.": 48255, - "(tool": 48256, - ":init": 48257, - "(API": 48258, - "▁Morrison": 48259, - "vtColor": 48260, - "▁staple": 48261, - "/INFO": 48262, - "▁supernatural": 48263, - "▁steak": 48264, - "timeline": 48265, - "zzle": 48266, - "\"`\n\n": 48267, - "Secondary": 48268, - "▁Nepal": 48269, - ".StringUtils": 48270, - "▁adam": 48271, - "▁(...": 48272, - "▁substitution": 48273, - "▁boarding": 48274, - "▁Keyword": 48275, - "▁Assault": 48276, - "dbcTemplate": 48277, - "▁orderId": 48278, - "(engine": 48279, - ".assertThat": 48280, - "▁Venus": 48281, - "▁homicide": 48282, - "▁Aval": 48283, - "▁gutter": 48284, - "▁Supported": 48285, - "/part": 48286, - "▁acclaimed": 48287, - "Histor": 48288, - "▁meses": 48289, - "▁Renew": 48290, - "▁gras": 48291, - "▁Ek": 48292, - "▁infile": 48293, - "indy": 48294, - ".music": 48295, - ".Scroll": 48296, - "▁Ages": 48297, - "▁Naruto": 48298, - "▁Gather": 48299, - "▁confirming": 48300, - "=(\"": 48301, - "▁pitched": 48302, - "oley": 48303, - "France": 48304, - "+'\"": 48305, - "$total": 48306, - "▁onde": 48307, - "▁ditch": 48308, - "_sigma": 48309, - "▁continuity": 48310, - "reward": 48311, - "-load": 48312, - "▁proceso": 48313, - "Locked": 48314, - "staw": 48315, - "▁spinal": 48316, - "lazy": 48317, - "!==": 48318, - "jest": 48319, - "▁dun": 48320, - "▁Rodgers": 48321, - "\tgrid": 48322, - "▁logos": 48323, - "▁Bengal": 48324, - ".super": 48325, - "Provides": 48326, - "▁nutrient": 48327, - ".Timestamp": 48328, - "IZATION": 48329, - "▁fats": 48330, - "▁Xxx": 48331, - "ctica": 48332, - "Targets": 48333, - "▁contours": 48334, - "▁reordered": 48335, - ":Array": 48336, - "▁tolerate": 48337, - "Vir": 48338, - "▁terribly": 48339, - "▁bricks": 48340, - "(&_": 48341, - "hb": 48342, - "Portal": 48343, - "▁Bread": 48344, - ".which": 48345, - "asInstanceOf": 48346, - "▁jobject": 48347, - "\tlength": 48348, - "_MT": 48349, - ";\">\r\n": 48350, - "_EXIST": 48351, - "▁maternal": 48352, - "REL": 48353, - "hee": 48354, - "▁layouts": 48355, - "▁Lap": 48356, - "aisy": 48357, - "▁stumbled": 48358, - "▁UIG": 48359, - "▁Sco": 48360, - "▁impaired": 48361, - "RESSED": 48362, - "▁abuses": 48363, - "VF": 48364, - "ARB": 48365, - ".NAME": 48366, - "rch": 48367, - "primir": 48368, - "_completed": 48369, - "▁penny": 48370, - "Chrome": 48371, - "(begin": 48372, - "ernen": 48373, - "-checkbox": 48374, - "PlainOldData": 48375, - "▁LPC": 48376, - "rade": 48377, - "spir": 48378, - "▁conceived": 48379, - "Tips": 48380, - "▁IoT": 48381, - "▁Gan": 48382, - "▁biases": 48383, - "▁consultants": 48384, - "pled": 48385, - "_ht": 48386, - "associated": 48387, - "],\n\n": 48388, - "▁delightful": 48389, - "Helvetica": 48390, - "(load": 48391, - "-expand": 48392, - "_WIDGET": 48393, - "toa": 48394, - "▁Akt": 48395, - "▁omn": 48396, - "▁clauses": 48397, - "Intel": 48398, - "*/}\n": 48399, - "_registration": 48400, - "▁oldValue": 48401, - "▁restoring": 48402, - "▁unreal": 48403, - "OVER": 48404, - "\t\n\t\n\t\n": 48405, - "ATS": 48406, - "_probe": 48407, - "▁divisor": 48408, - ".updateDynamic": 48409, - "Produces": 48410, - "stamp": 48411, - ".jboss": 48412, - "\ttask": 48413, - "!(:": 48414, - "▁psychic": 48415, - "@class": 48416, - "Martin": 48417, - "▁Passed": 48418, - "clarations": 48419, - "hel": 48420, - "\tcopy": 48421, - "-bin": 48422, - "zan": 48423, - "igram": 48424, - "(sig": 48425, - "▁Caval": 48426, - "_##": 48427, - "▁%=": 48428, - "outlined": 48429, - "▁Acid": 48430, - "▁unpredictable": 48431, - "-dashboard": 48432, - "HexString": 48433, - "+c": 48434, - ".Public": 48435, - "▁conveyor": 48436, - "▁EB": 48437, - "▁selects": 48438, - "▁knocking": 48439, - "▁Cec": 48440, - "IBUTES": 48441, - "gatsby": 48442, - "*v": 48443, - "entropy": 48444, - "▁dispatched": 48445, - "▁camel": 48446, - "▁Saturn": 48447, - "▁overweight": 48448, - "(phone": 48449, - "parable": 48450, - "%B": 48451, - "_vectors": 48452, - "▁brewing": 48453, - "▁Tk": 48454, - "▁Downloads": 48455, - "▁Saved": 48456, - ".Price": 48457, - "▁curved": 48458, - "▁Parenthood": 48459, - ".pnl": 48460, - "pletely": 48461, - ".Day": 48462, - "▁advertisers": 48463, - "▁ejec": 48464, - "▁przed": 48465, - "!';\n": 48466, - "▁Kush": 48467, - "▁TAB": 48468, - "▁quests": 48469, - "▁coincidence": 48470, - "ummies": 48471, - "▁Kashmir": 48472, - "▁Ethics": 48473, - "_growth": 48474, - "▁aktiv": 48475, - "▁grouping": 48476, - "_truth": 48477, - "todos": 48478, - "iset": 48479, - "TexCoord": 48480, - "▁Zur": 48481, - "roys": 48482, - "_MAGIC": 48483, - "▁brewery": 48484, - "(State": 48485, - "▁SMALL": 48486, - "▁Plants": 48487, - "itbart": 48488, - "eacher": 48489, - "▁Adelaide": 48490, - "Lu": 48491, - "▁fick": 48492, - "undles": 48493, - "_loaded": 48494, - "Poll": 48495, - "ritic": 48496, - "ELY": 48497, - "▁+'": 48498, - "▁Profession": 48499, - "▁stamps": 48500, - "▁Sew": 48501, - "scrollView": 48502, - "▁communist": 48503, - "/problems": 48504, - "}\r\n\r\n\r\n\r\n": 48505, - ",o": 48506, - "▁udp": 48507, - "▁obese": 48508, - "approve": 48509, - "ancellation": 48510, - "_Game": 48511, - "▁Hashtable": 48512, - "adaptiveStyles": 48513, - "▁possesses": 48514, - ".matcher": 48515, - "functional": 48516, - "Mrs": 48517, - "\tsave": 48518, - "▁DbType": 48519, - "▁ken": 48520, - "getContext": 48521, - "▁mans": 48522, - "(rel": 48523, - "▁Brotherhood": 48524, - ")`\n": 48525, - ".Information": 48526, - "OutOfRangeException": 48527, - "▁Sek": 48528, - "Cas": 48529, - "▁bloggers": 48530, - "Either": 48531, - "(\"\"\"": 48532, - "▁pinch": 48533, - "▁coarse": 48534, - ")p": 48535, - "▁Pulse": 48536, - "▁learnt": 48537, - "▁dentist": 48538, - "▁onchange": 48539, - "▁directives": 48540, - "(actions": 48541, - "nyder": 48542, - "▁Shir": 48543, - "Trait": 48544, - "_dep": 48545, - "▁PET": 48546, - "▁REP": 48547, - ".AppSettings": 48548, - "cuador": 48549, - "idenav": 48550, - "▁envi": 48551, - "▁slammed": 48552, - "▁Shoot": 48553, - "▁dateFormat": 48554, - ".joda": 48555, - "veys": 48556, - "▁).\n\n": 48557, - "▁careg": 48558, - "▁Parallel": 48559, - "_translation": 48560, - ".functions": 48561, - ".obs": 48562, - "RuntimeException": 48563, - "[]=": 48564, - "overview": 48565, - "▁Schl": 48566, - "▁noisy": 48567, - "▁OnPropertyChanged": 48568, - "Sending": 48569, - "▁unfamiliar": 48570, - "Upon": 48571, - "▁Prints": 48572, - ".typ": 48573, - "▁fleeing": 48574, - "\tmove": 48575, - "(Un": 48576, - "▁qr": 48577, - "_beta": 48578, - "▁skies": 48579, - "\tme": 48580, - "WND": 48581, - "▁stickers": 48582, - "blas": 48583, - "▁inserts": 48584, - "▁verses": 48585, - "▁Dew": 48586, - "▁tangible": 48587, - "▁hecho": 48588, - "POL": 48589, - "▁teardown": 48590, - "omnia": 48591, - "IBE": 48592, - ".cover": 48593, - "_strategy": 48594, - "^-": 48595, - "setPosition": 48596, - "uale": 48597, - "Signed": 48598, - "▁iface": 48599, - "aseline": 48600, - ".setTime": 48601, - "▁Mineral": 48602, - "▁Fighting": 48603, - "skins": 48604, - "▁discrimin": 48605, - "▁dansk": 48606, - "▁Princeton": 48607, - "acist": 48608, - "▁());\n": 48609, - "tracks": 48610, - "imonial": 48611, - "adecimal": 48612, - "EPROM": 48613, - "uggle": 48614, - ".Notification": 48615, - "$mail": 48616, - "cantidad": 48617, - "▁Jung": 48618, - "▁seekers": 48619, - "▁plausible": 48620, - "tier": 48621, - "▁rapper": 48622, - "▁Mana": 48623, - "▁HttpStatusCode": 48624, - "▁burnt": 48625, - "loses": 48626, - "▁Foto": 48627, - "▁JsonObject": 48628, - "Instagram": 48629, - "▁syscall": 48630, - "▁realities": 48631, - "▁MATLAB": 48632, - ":^{\n": 48633, - "TERM": 48634, - "▁Cbd": 48635, - "▁Paragraph": 48636, - "▁constructing": 48637, - "▁swal": 48638, - "▁pige": 48639, - "LLLL": 48640, - "-existing": 48641, - "Gets": 48642, - "▁melted": 48643, - "▁mitigate": 48644, - "Hen": 48645, - "▁hm": 48646, - "imas": 48647, - "▁Ao": 48648, - "▁Perez": 48649, - "▁DAL": 48650, - "▁divis": 48651, - "StoryboardSegue": 48652, - "▁Modify": 48653, - "_OVERRIDE": 48654, - ".pem": 48655, - "untos": 48656, - "▁{?": 48657, - "▁PAY": 48658, - "_ipv": 48659, - "▁Fury": 48660, - "__.__": 48661, - "elow": 48662, - "-centered": 48663, - "checks": 48664, - "_Reg": 48665, - "-Javadoc": 48666, - "\tload": 48667, - "▁Likewise": 48668, - "UNE": 48669, - ".sem": 48670, - "xcb": 48671, - "▁Cave": 48672, - "_sleep": 48673, - "▁silently": 48674, - "▁Extreme": 48675, - ".ToUpper": 48676, - "\tCHECK": 48677, - "▁cue": 48678, - "▁QByteArray": 48679, - "▁corrupted": 48680, - "▁imped": 48681, - "GetName": 48682, - "▁inaccurate": 48683, - "▁sober": 48684, - "▁barcode": 48685, - "--){\n": 48686, - "inki": 48687, - "▁dri": 48688, - "▁ALT": 48689, - ">>>>>>>>": 48690, - "onta": 48691, - "[L": 48692, - "▁interes": 48693, - "verting": 48694, - "▁diagnostics": 48695, - "pdev": 48696, - "▁Integrated": 48697, - ").'": 48698, - "_gc": 48699, - "$text": 48700, - ".games": 48701, - "▁Terra": 48702, - "'Re": 48703, - ".transfer": 48704, - "_FIFO": 48705, - "getModel": 48706, - "▁bland": 48707, - "▁Coleman": 48708, - "▁primes": 48709, - "▁crosses": 48710, - "nk": 48711, - "GING": 48712, - "▁'^": 48713, - "▁Blob": 48714, - "▁intercourse": 48715, - "▁Blvd": 48716, - "▁weighs": 48717, - "_regular": 48718, - "▁Perth": 48719, - "▁separating": 48720, - "▁billed": 48721, - ".tabControl": 48722, - "▁puppet": 48723, - "▁utilization": 48724, - "▁succes": 48725, - "▁lamps": 48726, - "_proj": 48727, - "Eric": 48728, - "▁renovation": 48729, - "▁Families": 48730, - "▁Bits": 48731, - "partials": 48732, - "-Men": 48733, - "solution": 48734, - "▁dwarf": 48735, - ".INTEGER": 48736, - "▁LOCK": 48737, - ".ct": 48738, - "▁excerpt": 48739, - "▁Pix": 48740, - "▁FirstName": 48741, - "ANTED": 48742, - "▁Admir": 48743, - "-help": 48744, - "Prior": 48745, - "▁Align": 48746, - ".INSTANCE": 48747, - "LineEdit": 48748, - "('/:": 48749, - "▁inet": 48750, - "odus": 48751, - ".pkl": 48752, - "▁KY": 48753, - "upert": 48754, - "▁nerves": 48755, - "_gradient": 48756, - "}','": 48757, - "_unref": 48758, - "▁saturated": 48759, - "▁Connected": 48760, - "▁FN": 48761, - "EXIT": 48762, - "▁teleport": 48763, - "▁avait": 48764, - "PageRoute": 48765, - "▁divorced": 48766, - "(lang": 48767, - "fst": 48768, - "▁Tyr": 48769, - "▁messenger": 48770, - "ifstream": 48771, - "XS": 48772, - "▁Banking": 48773, - "▁infectious": 48774, - "▁Mons": 48775, - "_LOOP": 48776, - "▁obtener": 48777, - "/repos": 48778, - "Vel": 48779, - "acro": 48780, - "▁userRepository": 48781, - "styleType": 48782, - "▁SRC": 48783, - "VMLINUX": 48784, - "recursive": 48785, - "/bar": 48786, - "_chip": 48787, - "ominated": 48788, - "▁Nit": 48789, - "▁Buddh": 48790, - "▁MAG": 48791, - "▁CHE": 48792, - "_den": 48793, - ".raises": 48794, - "_degree": 48795, - "▁pumpkin": 48796, - "_templates": 48797, - "_MEDIA": 48798, - "▁Timeline": 48799, - "▁bots": 48800, - "ObjectType": 48801, - "▁buys": 48802, - ".posts": 48803, - "CAL": 48804, - "waiting": 48805, - "▁Daniels": 48806, - "▁dabei": 48807, - "▁Sigma": 48808, - "ilor": 48809, - "igel": 48810, - ",W": 48811, - "ADS": 48812, - "(panel": 48813, - "itating": 48814, - ".palette": 48815, - "▁mosquito": 48816, - "▁tego": 48817, - "(parseInt": 48818, - "promise": 48819, - "▁wij": 48820, - "typescript": 48821, - "▁Tv": 48822, - "_IDENTIFIER": 48823, - ").\n\n\n": 48824, - "_flat": 48825, - "itsu": 48826, - "USR": 48827, - "experience": 48828, - "-fit": 48829, - "phinx": 48830, - "_thresh": 48831, - "▁ideally": 48832, - "▁Freeman": 48833, - ",DB": 48834, - "_rw": 48835, - "Ub": 48836, - "_statistics": 48837, - "=\"\"><": 48838, - "▁chore": 48839, - "▁york": 48840, - "installed": 48841, - "Additionally": 48842, - "▁pstmt": 48843, - "ylko": 48844, - "::\n": 48845, - "Forest": 48846, - "▁headset": 48847, - "▁gallon": 48848, - "▁withdrawn": 48849, - "▁Candidate": 48850, - "▁melting": 48851, - "▁freezer": 48852, - "▁hl": 48853, - "_HELP": 48854, - "mime": 48855, - "(/*": 48856, - "▁thirst": 48857, - "$return": 48858, - "memberof": 48859, - "▁HttpServletRequest": 48860, - "(ob": 48861, - "_Result": 48862, - "▁asserted": 48863, - "▁fulfilling": 48864, - "▁stretches": 48865, - "parated": 48866, - "-funded": 48867, - "ingles": 48868, - "_ca": 48869, - ".condition": 48870, - "▁Displays": 48871, - "▁orang": 48872, - "▁CRE": 48873, - "▁glBind": 48874, - "▁Selector": 48875, - "/type": 48876, - "▁Alexa": 48877, - "chedules": 48878, - "▁Peninsula": 48879, - "▁parity": 48880, - "\tdest": 48881, - "▁Doors": 48882, - "\r\n\t\r\n": 48883, - "_dimension": 48884, - "▁aload": 48885, - ".StoredProcedure": 48886, - "(paren": 48887, - "▁Burke": 48888, - "')]\n": 48889, - "-engine": 48890, - "▁quir": 48891, - "▁Hybrid": 48892, - "▁Doe": 48893, - "▁outlines": 48894, - "▁Trends": 48895, - "_NV": 48896, - "periments": 48897, - "▁Hin": 48898, - "?',": 48899, - "\tText": 48900, - "FUL": 48901, - "▁smells": 48902, - "▁slick": 48903, - "▁miserable": 48904, - "▁ArrayAdapter": 48905, - "▁paramString": 48906, - "Hom": 48907, - "_literals": 48908, - "usuarios": 48909, - "▁prompting": 48910, - "_lazy": 48911, - "▁Activation": 48912, - "_oc": 48913, - "Weak": 48914, - "▁anecd": 48915, - "▁UCLA": 48916, - "=re": 48917, - "issement": 48918, - "▁Escorts": 48919, - "Excellent": 48920, - "▁Pause": 48921, - "▁repositories": 48922, - "TOR": 48923, - "ariate": 48924, - "_iso": 48925, - "updates": 48926, - "halb": 48927, - "udiante": 48928, - "▁naive": 48929, - "▁Peg": 48930, - "▁Lounge": 48931, - "ARGIN": 48932, - "(bin": 48933, - "OnClickListener": 48934, - "▁FAILED": 48935, - "▁lite": 48936, - "▁dzie": 48937, - "▁Literal": 48938, - "ivor": 48939, - "fcntl": 48940, - "▁eats": 48941, - "▁qed": 48942, - "Unlock": 48943, - "riding": 48944, - "undai": 48945, - "=M": 48946, - "ATTER": 48947, - "ConfigureAwait": 48948, - "icias": 48949, - "ustomed": 48950, - "▁succession": 48951, - "endTime": 48952, - "▁Jupiter": 48953, - "▁judging": 48954, - "dration": 48955, - "_docs": 48956, - ".mo": 48957, - "▁educators": 48958, - "▁Vine": 48959, - "Cond": 48960, - "[out": 48961, - "qb": 48962, - "\\Validator": 48963, - "▁meanings": 48964, - "▁presently": 48965, - "▁dividing": 48966, - "ottenham": 48967, - "ascular": 48968, - "▁trailers": 48969, - "▁CLOSE": 48970, - "▁Gain": 48971, - "wor": 48972, - "▁planner": 48973, - "▁distributing": 48974, - "vat": 48975, - "months": 48976, - "xlabel": 48977, - "HF": 48978, - "Viol": 48979, - ".BASELINE": 48980, - "▁Rotate": 48981, - "▁txn": 48982, - ":bold": 48983, - "▁bloss": 48984, - "Forgery": 48985, - "(embed": 48986, - "▁jako": 48987, - "sprintf": 48988, - "their": 48989, - "▁exhibits": 48990, - "-static": 48991, - "hecy": 48992, - "getActiveSheet": 48993, - ".clients": 48994, - "_hide": 48995, - "[word": 48996, - "Cb": 48997, - "addItem": 48998, - "axe": 48999, - "_radio": 49000, - "alion": 49001, - "modifier": 49002, - "▁saturation": 49003, - "▁denom": 49004, - "_pixels": 49005, - "mess": 49006, - "(fl": 49007, - "atif": 49008, - "▁secs": 49009, - "▁prostitution": 49010, - "▁grandchildren": 49011, - "▁paradise": 49012, - "▁Feld": 49013, - "_BINARY": 49014, - "itous": 49015, - "▁flashing": 49016, - "-sided": 49017, - "▁contradiction": 49018, - "/*\n\n": 49019, - "ylabel": 49020, - "▁Tet": 49021, - "▁admire": 49022, - "reso": 49023, - "▁letz": 49024, - "▁SEARCH": 49025, - "slots": 49026, - "▁Rewards": 49027, - "▁Hog": 49028, - "▁NSData": 49029, - "stash": 49030, - "Fall": 49031, - "▁Amer": 49032, - "LinearLayout": 49033, - "/photos": 49034, - "▁feather": 49035, - "▁|\r\n": 49036, - "Downloads": 49037, - ".StartsWith": 49038, - "▁//#": 49039, - "ineTransform": 49040, - "▁affid": 49041, - "Vtbl": 49042, - "▁Rogue": 49043, - "scribed": 49044, - "▁fauc": 49045, - "▁Monroe": 49046, - "▁declares": 49047, - "modern": 49048, - "reon": 49049, - "aybe": 49050, - "PASS": 49051, - "fers": 49052, - "_MULTI": 49053, - "▁Mathematics": 49054, - "▁sudah": 49055, - "_ATTACH": 49056, - "▁numberWith": 49057, - "▁Solomon": 49058, - "jin": 49059, - "ografia": 49060, - "_design": 49061, - "culated": 49062, - "▁Luna": 49063, - "iesz": 49064, - "▁=>'": 49065, - "▁revelations": 49066, - "Along": 49067, - "(ed": 49068, - "▁Filename": 49069, - "▁ylabel": 49070, - "Secure": 49071, - "▁busca": 49072, - "agnosis": 49073, - "_RECE": 49074, - "▁overlapping": 49075, - "Extent": 49076, - "▁anticipation": 49077, - "Checks": 49078, - "▁ALSO": 49079, - "orc": 49080, - "ilingual": 49081, - "itational": 49082, - "▁advancement": 49083, - "ouro": 49084, - "▁Predicate": 49085, - "eria": 49086, - "▁Pierce": 49087, - "orio": 49088, - "▁merits": 49089, - "▁peanut": 49090, - ".Package": 49091, - "▁Conduct": 49092, - "_SENSOR": 49093, - "▁boiling": 49094, - "▁intra": 49095, - "▁IGN": 49096, - "▁Fur": 49097, - ".Refresh": 49098, - "▁Reach": 49099, - "_decoder": 49100, - ".Exp": 49101, - "pill": 49102, - ",Q": 49103, - "▁Grill": 49104, - "▁popping": 49105, - ".Ag": 49106, - "▁proyecto": 49107, - "▁mileage": 49108, - "▁ecological": 49109, - "]]);\n": 49110, - "subplot": 49111, - "acad": 49112, - "▁Trying": 49113, - "recipes": 49114, - "$criteria": 49115, - "▁Persian": 49116, - "-bound": 49117, - "MASK": 49118, - "▁Gesture": 49119, - "▁kk": 49120, - "▁PVC": 49121, - "▁prohibition": 49122, - "▁comando": 49123, - "▁LOOK": 49124, - "Shopping": 49125, - "▁distortion": 49126, - "\r\n": 49171, - ".Dependency": 49172, - ".QueryString": 49173, - ".Owner": 49174, - "▁expiry": 49175, - "Thu": 49176, - "(Vec": 49177, - "▁hazardous": 49178, - "▁rpm": 49179, - "APON": 49180, - "▁addTarget": 49181, - "sville": 49182, - "pNet": 49183, - "▁Img": 49184, - "▁TIMER": 49185, - ".Animation": 49186, - "▁bek": 49187, - "▁assort": 49188, - "▁lebih": 49189, - "▁bodyParser": 49190, - "▁vibrating": 49191, - "IDL": 49192, - "▁butterknife": 49193, - "inters": 49194, - "▁persuade": 49195, - "▁LGBTQ": 49196, - ".soft": 49197, - "▁beams": 49198, - "_sur": 49199, - ".Def": 49200, - "▁labs": 49201, - "\tplt": 49202, - "▁skins": 49203, - "▁transferring": 49204, - "▁imaginary": 49205, - "_End": 49206, - ";background": 49207, - "▁laps": 49208, - "_COMMENT": 49209, - "(SDL": 49210, - "onds": 49211, - ".Record": 49212, - "▁Implements": 49213, - "_ticks": 49214, - "()))\n\n": 49215, - "▁arose": 49216, - "]?": 49217, - "▁Mp": 49218, - "▁ICommand": 49219, - "▁sculpture": 49220, - "▁contracted": 49221, - "\">'": 49663, - "kinson": 49664, - "ognitive": 49665, - "_li": 49666, - "▁imminent": 49667, - "▁affinity": 49668, - ".signal": 49669, - "▁notch": 49670, - "▁Steelers": 49671, - "maxlength": 49672, - "KK": 49673, - "▁Eugene": 49674, - "_PWM": 49675, - "roi": 49676, - "▁Hamburg": 49677, - ".Must": 49678, - "▁axe": 49679, - "enef": 49680, - "▁ambitions": 49681, - "▁Species": 49682, - "▁Stress": 49683, - "▁awhile": 49684, - "▁withstand": 49685, - "▁Decoder": 49686, - "_inventory": 49687, - "▁{\r\r\n": 49688, - "▁tgt": 49689, - "▁railroad": 49690, - "WASHINGTON": 49691, - "▁negotiated": 49692, - "NST": 49693, - "-phone": 49694, - ",U": 49695, - "▁exercising": 49696, - "_PIXEL": 49697, - "avors": 49698, - "iterated": 49699, - "▁vampire": 49700, - "adal": 49701, - "Ingrese": 49702, - "▁ung": 49703, - "jective": 49704, - ".cells": 49705, - "▁nano": 49706, - "▁markdown": 49707, - "_RULE": 49708, - "(events": 49709, - "▁luggage": 49710, - "MESSAGE": 49711, - "igkeit": 49712, - "$count": 49713, - "AttributeName": 49714, - "IGINAL": 49715, - "_Ent": 49716, - "▁BF": 49717, - "▁COMMENT": 49718, - "_ini": 49719, - "▁Europeans": 49720, - "▁Belle": 49721, - ")['": 49722, - "▁Useful": 49723, - ".reference": 49724, - "()\",": 49725, - "_grade": 49726, - "▁Kaw": 49727, - "▁sentencing": 49728, - "▁socialism": 49729, - "monster": 49730, - "_LAYER": 49731, - "▁deepest": 49732, - "wk": 49733, - "▁Noise": 49734, - "###\n\n": 49735, - "otle": 49736, - "auf": 49737, - "ibal": 49738, - "▁conquer": 49739, - ">Email": 49740, - "▁ambulance": 49741, - "OAD": 49742, - "▁(\"%": 49743, - "▁FI": 49744, - ".fixture": 49745, - "▁terse": 49746, - "▁▁▁▁\t\t\t\t": 49747, - "▁sanctuary": 49748, - "ugi": 49749, - "▁Comparator": 49750, - "Definitions": 49751, - "▁asthma": 49752, - "▁lact": 49753, - "▁hardwood": 49754, - ".clock": 49755, - "▁attracting": 49756, - "▁Mour": 49757, - "(distance": 49758, - "icits": 49759, - "▁bonne": 49760, - "▁ACCESS": 49761, - ".DeserializeObject": 49762, - "▁Typed": 49763, - "▁jeu": 49764, - "▁appId": 49765, - "▁Clara": 49766, - "▁HF": 49767, - "▁Reich": 49768, - "ipples": 49769, - "//--------------------------------------------------------------------------------": 49770, - "_delivery": 49771, - "erialization": 49772, - "▁plaintiffs": 49773, - "Scient": 49774, - "shopping": 49775, - "▁Dummy": 49776, - "▁Wald": 49777, - "GroupName": 49778, - "▁inscription": 49779, - "elog": 49780, - "::::::::": 49781, - "_ld": 49782, - "BackPressed": 49783, - ".Raw": 49784, - "▁OnTrigger": 49785, - "▁museums": 49786, - "▁Been": 49787, - "▁Adventures": 49788, - "▁slate": 49789, - "▁lett": 49790, - "▁sund": 49791, - "▁Gin": 49792, - "▁Mechanical": 49793, - ".ship": 49794, - "AppComponent": 49795, - "▁destined": 49796, - "▁dwelling": 49797, - "Profiler": 49798, - "Prepare": 49799, - "zeich": 49800, - "▁silicon": 49801, - "(has": 49802, - "▁#%": 49803, - "VIDEO": 49804, - "▁collaborate": 49805, - "Lin": 49806, - "▁scopes": 49807, - "(className": 49808, - "(sd": 49809, - "andin": 49810, - ".ham": 49811, - "ServiceImpl": 49812, - "-described": 49813, - "▁irony": 49814, - "stial": 49815, - "▁Huawei": 49816, - "(repo": 49817, - "▁unexpectedly": 49818, - "▁Kai": 49819, - ".install": 49820, - "\\xf": 49821, - "▁exhibited": 49822, - "_TCP": 49823, - "▁Ox": 49824, - "_CHO": 49825, - "▁prostituerte": 49826, - "▁sito": 49827, - "▁constituents": 49828, - "▁Continued": 49829, - "▁SAVE": 49830, - "rss": 49831, - "/message": 49832, - "ubes": 49833, - "▁misdemean": 49834, - "▁taxation": 49835, - "▁storyline": 49836, - "hair": 49837, - "▁Finds": 49838, - "SIG": 49839, - "verification": 49840, - "~=": 49841, - ".hp": 49842, - "Iterable": 49843, - "atori": 49844, - "▁ctr": 49845, - "Rx": 49846, - "_);\n\n": 49847, - "dag": 49848, - ".pin": 49849, - "▁pseud": 49850, - "▁invo": 49851, - "_pix": 49852, - "▁sworn": 49853, - "_registry": 49854, - "▁disasters": 49855, - "▁ROI": 49856, - "aktu": 49857, - "forest": 49858, - "beiten": 49859, - "ueva": 49860, - "egt": 49861, - "▁spikes": 49862, - "URES": 49863, - "▁Recommended": 49864, - "▁exploited": 49865, - "▁Frederick": 49866, - "_COMPLETE": 49867, - "▁Drugs": 49868, - "!!!!!!!!": 49869, - "▁Riv": 49870, - "STOP": 49871, - "ROOM": 49872, - "▁PASSWORD": 49873, - "Cookies": 49874, - ".El": 49875, - "▁Bert": 49876, - "▁hashed": 49877, - "icester": 49878, - "▁decorator": 49879, - "▁queryString": 49880, - ":;\n": 49881, - "▁\"[\"": 49882, - "otope": 49883, - "-Americ": 49884, - "▁Matthews": 49885, - "URAL": 49886, - "Summer": 49887, - "fos": 49888, - "_CONTAINER": 49889, - "_ACK": 49890, - "▁filtr": 49891, - "_disp": 49892, - "_Re": 49893, - "▁facile": 49894, - "▁eben": 49895, - "▁sprink": 49896, - "▁Quint": 49897, - ">V": 49898, - "▁historians": 49899, - "ourmet": 49900, - "▁Monitoring": 49901, - "ledger": 49902, - "cott": 49903, - "▁ware": 49904, - "GGLE": 49905, - "cars": 49906, - "▁MEDIATEK": 49907, - "▁volupt": 49908, - "_View": 49909, - "HEL": 49910, - "(copy": 49911, - "(stats": 49912, - "▁chromosome": 49913, - "▁Curtis": 49914, - "-conf": 49915, - "(asset": 49916, - "▁hvor": 49917, - "FileSystem": 49918, - "<>();\r\n": 49919, - "ocoder": 49920, - "▁Cannon": 49921, - ")x": 49922, - "▁Smooth": 49923, - "▁SAS": 49924, - "_ce": 49925, - "\tprev": 49926, - "_movie": 49927, - "Ec": 49928, - "_wall": 49929, - ".\n\n": 50440, - "ogenesis": 50441, - "▁OPTIONS": 50442, - "uptools": 50443, - "▁militant": 50444, - "▁exited": 50445, - "igar": 50446, - "▁COMM": 50447, - "▁Disposable": 50448, - "aycast": 50449, - "▁rowspan": 50450, - "▁synthes": 50451, - "▁sondern": 50452, - "▁\n": 53759, - "▁Jacket": 53760, - "RATION": 53761, - ".getSelectedItem": 53762, - "-init": 53763, - "▁Registers": 53764, - "_sep": 53765, - "▁Toolkit": 53766, - ".dict": 53767, - "▁xlabel": 53768, - "\\Table": 53769, - "toc": 53770, - "_combo": 53771, - "▁Compact": 53772, - "▁rugged": 53773, - "-management": 53774, - "')}}\">\n": 53775, - "▁Stamp": 53776, - "rox": 53777, - "▁landscapes": 53778, - "_NOTE": 53779, - "monary": 53780, - "cab": 53781, - "▁moet": 53782, - "xaf": 53783, - "rcode": 53784, - "-cli": 53785, - "_gate": 53786, - "[event": 53787, - "SPORT": 53788, - "gia": 53789, - "▁SUPER": 53790, - "/Login": 53791, - "_shutdown": 53792, - "interrupt": 53793, - "▁pretending": 53794, - "▁fringe": 53795, - "▁Reds": 53796, - "▁CUDA": 53797, - "▁UNIX": 53798, - "vit": 53799, - "▁brig": 53800, - "drv": 53801, - "▁Connector": 53802, - "Therefore": 53803, - "▁lia": 53804, - "Detection": 53805, - "_actor": 53806, - "▁tempfile": 53807, - "▁eccentric": 53808, - "-role": 53809, - "▁padx": 53810, - "dent": 53811, - "Western": 53812, - "▁ApplicationRecord": 53813, - "▁campaigning": 53814, - "_runner": 53815, - "▁Civic": 53816, - "aleigh": 53817, - "▁direkt": 53818, - ".sul": 53819, - "▁▁\t\t\t": 53820, - "anten": 53821, - "▁issuer": 53822, - "▁assertions": 53823, - "(orig": 53824, - "ATIO": 53825, - "▁leaned": 53826, - ".DTO": 53827, - "explode": 53828, - ".Observable": 53829, - "▁staggering": 53830, - "▁kidnapped": 53831, - "▁programmers": 53832, - "▁Innov": 53833, - ".parameter": 53834, - "▁domination": 53835, - "▁skeptic": 53836, - "▁avoids": 53837, - ".Verify": 53838, - "ubby": 53839, - "▁ASN": 53840, - "▁formato": 53841, - "▁Beatles": 53842, - "_brand": 53843, - "▁inset": 53844, - "youtu": 53845, - "▁toc": 53846, - "-final": 53847, - "Showing": 53848, - "▁Doub": 53849, - "▁Mesa": 53850, - "Adj": 53851, - "_medium": 53852, - "Creates": 53853, - "(endpoint": 53854, - "\tUP": 53855, - "bbie": 53856, - "▁stalk": 53857, - ".databind": 53858, - ".Scan": 53859, - "agents": 53860, - "$,": 53861, - "individual": 53862, - "+)/": 53863, - "\tvm": 53864, - "(notification": 53865, - "▁inex": 53866, - "▁Classification": 53867, - "reno": 53868, - "▁olig": 53869, - "-rated": 53870, - "▁formulation": 53871, - "',{": 53872, - "▁acept": 53873, - "_unpack": 53874, - "_CA": 53875, - ".Pow": 53876, - "\tim": 53877, - "▁aluminium": 53878, - "ANO": 53879, - "▁xn": 53880, - "▁Ingredient": 53881, - "▁seizures": 53882, - "ificador": 53883, - "▁siguiente": 53884, - "▁Infragistics": 53885, - "▁duplicated": 53886, - "▁Dee": 53887, - "▁ACCEPT": 53888, - "(crate": 53889, - "-less": 53890, - "▁infinity": 53891, - "Analyzer": 53892, - "-Day": 53893, - "ritt": 53894, - "(cin": 53895, - "▁Gy": 53896, - "▁multiplied": 53897, - "uchi": 53898, - "▁Baldwin": 53899, - "/ip": 53900, - "▁shortcuts": 53901, - ".ADD": 53902, - "▁vigor": 53903, - "_instruction": 53904, - "(;": 53905, - "_eta": 53906, - "utorials": 53907, - "▁boosting": 53908, - "bv": 53909, - "▁acknowledges": 53910, - "Listening": 53911, - "FAQ": 53912, - ";b": 53913, - "((-": 53914, - "▁architects": 53915, - "▁zwe": 53916, - "▁puls": 53917, - "▁getCount": 53918, - "verbs": 53919, - "(Collection": 53920, - "kre": 53921, - "▁jurisdictions": 53922, - "_bridge": 53923, - "▁Crack": 53924, - "▁Difficulty": 53925, - "KO": 53926, - "Reservation": 53927, - "_requires": 53928, - "Tour": 53929, - ".setCurrent": 53930, - "▁ky": 53931, - "▁Albany": 53932, - "ller": 53933, - "agna": 53934, - "workers": 53935, - ".blank": 53936, - "▁Prayer": 53937, - "MIC": 53938, - "▁resilience": 53939, - "TeX": 53940, - "▁Languages": 53941, - "study": 53942, - "\tcurr": 53943, - "▁enzymes": 53944, - "Slug": 53945, - "stral": 53946, - "▁tumors": 53947, - "▁segunda": 53948, - "='{": 53949, - "instruction": 53950, - "▁Lisp": 53951, - "/info": 53952, - "▁\"{$": 53953, - ",:),": 53954, - "▁gv": 53955, - "(ErrorMessage": 53956, - "▁'=": 53957, - "}-${": 53958, - ".Documents": 53959, - "\"Well": 53960, - "▁reminiscent": 53961, - "▁gaz": 53962, - "iropr": 53963, - "ehr": 53964, - "▁suppressed": 53965, - "ersh": 53966, - ".scrollTo": 53967, - "▁cadena": 53968, - "▁gameState": 53969, - "(conv": 53970, - "▁Tomorrow": 53971, - "▁CCT": 53972, - "Mongo": 53973, - "ulg": 53974, - ".Camera": 53975, - ".handlers": 53976, - "mph": 53977, - "▁stk": 53978, - "▁genetics": 53979, - "ACING": 53980, - "Trivia": 53981, - "▁Bam": 53982, - "(marker": 53983, - ".Stretch": 53984, - "▁Sunni": 53985, - "▁Betty": 53986, - ".tolist": 53987, - "unlikely": 53988, - ".Rectangle": 53989, - "obsolete": 53990, - "ILON": 53991, - "innerText": 53992, - "embourg": 53993, - "aN": 53994, - "▁Vehicles": 53995, - "unlock": 53996, - ":utf": 53997, - "nob": 53998, - "▁Seeing": 53999, - "▁NEVER": 54000, - "▁tls": 54001, - "▁filles": 54002, - "▁benefited": 54003, - "▁Clint": 54004, - "*/),": 54005, - ".fold": 54006, - "▁posible": 54007, - "ADED": 54008, - "thouse": 54009, - ".DAL": 54010, - "▁Odd": 54011, - "rokes": 54012, - "▁Sunny": 54013, - "▁PartialEq": 54014, - "_Buffer": 54015, - "▁Levi": 54016, - "longrightarrow": 54017, - "eldon": 54018, - "gages": 54019, - "_warn": 54020, - ".CreateTable": 54021, - "▁Dip": 54022, - "_questions": 54023, - ".logic": 54024, - "▁#\"": 54025, - "={()=>": 54026, - "▁tep": 54027, - "▁juicy": 54028, - "enko": 54029, - "ialect": 54030, - "▁onboard": 54031, - "\trt": 54032, - "_UTF": 54033, - "▁QAction": 54034, - "(Component": 54035, - "(audio": 54036, - ".hit": 54037, - "gte": 54038, - "▁programmed": 54039, - "stateParams": 54040, - "▁polyester": 54041, - "fires": 54042, - "byss": 54043, - "]=(": 54044, - "_quality": 54045, - "OfDay": 54046, - "▁Fairy": 54047, - "▁yelled": 54048, - "opl": 54049, - "(userName": 54050, - "▁Difference": 54051, - "▁evaluations": 54052, - "iffany": 54053, - "▁cyclists": 54054, - "▁cidade": 54055, - "▁textbook": 54056, - "▁profiling": 54057, - "__),": 54058, - "dea": 54059, - ".activate": 54060, - "▁indications": 54061, - "TouchUpInside": 54062, - "▁invaluable": 54063, - "▁MASK": 54064, - "▁contend": 54065, - "Freq": 54066, - "▁recruits": 54067, - "(interval": 54068, - "▁UserProfile": 54069, - "▁'./../": 54070, - "edu": 54071, - "_Callback": 54072, - "▁analogy": 54073, - "▁Trophy": 54074, - "apphire": 54075, - "Videos": 54076, - "▁Cher": 54077, - "▁Hav": 54078, - ".validator": 54079, - "gfx": 54080, - "▁UObject": 54081, - "classnames": 54082, - "triangle": 54083, - "▁Encoder": 54084, - ".spy": 54085, - "▁predators": 54086, - "=status": 54087, - "-safe": 54088, - ":\",\n": 54089, - "▁Including": 54090, - "▁{};\r\n": 54091, - "*cos": 54092, - "▁endured": 54093, - ".sulake": 54094, - "▁nursery": 54095, - "▁fragrance": 54096, - "▁rebuilding": 54097, - "▁nth": 54098, - "▁Fraser": 54099, - ".setDate": 54100, - "▁Vince": 54101, - "_REST": 54102, - "▁ventilation": 54103, - "cribes": 54104, - ".asm": 54105, - "lpVtbl": 54106, - "▁Abe": 54107, - "uisine": 54108, - ",array": 54109, - "\tclassName": 54110, - "errals": 54111, - "▁'\n\n": 54112, - "Checkout": 54113, - "▁solicit": 54114, - "Aux": 54115, - "_capture": 54116, - "▁ribs": 54117, - "ragon": 54118, - "viol": 54119, - "topics": 54120, - "FunctionFlags": 54121, - "▁Marty": 54122, - "bike": 54123, - "▁Tucker": 54124, - "(kernel": 54125, - "▁Ops": 54126, - "CloseOperation": 54127, - "/demo": 54128, - "ilda": 54129, - "APPING": 54130, - "▁suites": 54131, - ".visitVarInsn": 54132, - "urus": 54133, - "▁Minute": 54134, - "(manager": 54135, - "▁butterfly": 54136, - "▁apare": 54137, - "▁wolves": 54138, - "JWT": 54139, - "▁Salon": 54140, - "\tdelay": 54141, - "-eslint": 54142, - "isations": 54143, - ".rpc": 54144, - ")|(": 54145, - "▁Snapchat": 54146, - "/mm": 54147, - "MN": 54148, - "ceries": 54149, - ".textAlignment": 54150, - "▁Frankfurt": 54151, - "▁ado": 54152, - "(newValue": 54153, - "(access": 54154, - "(Expression": 54155, - "▁SignIn": 54156, - "▁Haiti": 54157, - "_tp": 54158, - ".setParameter": 54159, - "Minute": 54160, - "▁manuals": 54161, - "ricanes": 54162, - "▁PTR": 54163, - "▁Outer": 54164, - "▁getline": 54165, - "ocations": 54166, - "_CD": 54167, - "▁Lyon": 54168, - "/gui": 54169, - "_live": 54170, - "idan": 54171, - ".geom": 54172, - "▁borderBottom": 54173, - "imuth": 54174, - "_checkpoint": 54175, - "▁meu": 54176, - "▁Irving": 54177, - "▁peuvent": 54178, - "(MAX": 54179, - "▁ARCH": 54180, - "▁pov": 54181, - ".sourceforge": 54182, - "▁jamais": 54183, - "▁ark": 54184, - "▁Baghdad": 54185, - "▁CLEAR": 54186, - "MenuBar": 54187, - "▁trois": 54188, - "CHEDULE": 54189, - "▁#\r\n": 54190, - "(Call": 54191, - "$order": 54192, - "(Material": 54193, - "▁encontrado": 54194, - "$list": 54195, - "▁METHODS": 54196, - ".beginTransaction": 54197, - "_MAG": 54198, - "StyleSheet": 54199, - "▁majors": 54200, - "▁indefinitely": 54201, - "cleanup": 54202, - "▁homeland": 54203, - "(dto": 54204, - "Dates": 54205, - "Presentation": 54206, - "▁DK": 54207, - "={`/": 54208, - "\tKey": 54209, - "(Block": 54210, - "_checkbox": 54211, - "needs": 54212, - "▁onComplete": 54213, - "rico": 54214, - "▁gleich": 54215, - "▁xm": 54216, - "OOD": 54217, - "Better": 54218, - "▁SQLITE": 54219, - ".Book": 54220, - "xad": 54221, - "▁Gone": 54222, - "\tdp": 54223, - "▁devotion": 54224, - "▁stm": 54225, - "▁obsess": 54226, - "▁Backend": 54227, - "Queries": 54228, - "Ik": 54229, - "//****************************************************************": 54230, - "▁dividends": 54231, - ".parentElement": 54232, - "}\")\n\n": 54233, - "▁MaterialPageRoute": 54234, - ":num": 54235, - "▁explic": 54236, - "▁OL": 54237, - "least": 54238, - "Oops": 54239, - "imentos": 54240, - "▁insurers": 54241, - "▁heroic": 54242, - "\tfields": 54243, - ".imgur": 54244, - ".btnCancel": 54245, - "▁Detective": 54246, - "(sm": 54247, - "▁MutableLiveData": 54248, - ".lab": 54249, - "(([": 54250, - "▁hairst": 54251, - "▁Transactions": 54252, - "▁stdClass": 54253, - "uento": 54254, - "GIS": 54255, - "_cod": 54256, - "Instructions": 54257, - "Calls": 54258, - "PointerType": 54259, - "▁Rw": 54260, - "▁assortment": 54261, - "▁DIG": 54262, - "+r": 54263, - "_CERT": 54264, - "▁instability": 54265, - "▁vib": 54266, - "onas": 54267, - "▁roku": 54268, - "apellido": 54269, - "▁angl": 54270, - "preneur": 54271, - "▁fluids": 54272, - "isease": 54273, - "▁deed": 54274, - "quist": 54275, - "_CONSTANT": 54276, - "▁equilibrium": 54277, - "_delegate": 54278, - "▁Quantum": 54279, - "rei": 54280, - "Capabilities": 54281, - "rectangle": 54282, - "?><": 54283, - "alien": 54284, - "▁Jug": 54285, - "DNA": 54286, - "Tickets": 54287, - "Occurs": 54288, - "▁Hawk": 54289, - ".setHorizontalGroup": 54290, - "\\Collection": 54291, - "ffiti": 54292, - "▁rearr": 54293, - ".setVerticalGroup": 54294, - "▁cavity": 54295, - "▁adulte": 54296, - "Facade": 54297, - "-wh": 54298, - "▁LOL": 54299, - "▁grandparents": 54300, - "Swift": 54301, - "\twx": 54302, - "ifen": 54303, - "ffset": 54304, - "Beyond": 54305, - "//}\n\n": 54306, - "▁wager": 54307, - "▁bury": 54308, - "▁commence": 54309, - "registro": 54310, - "scient": 54311, - "▁Percent": 54312, - "(identifier": 54313, - ".setModel": 54314, - "▁seldom": 54315, - "nton": 54316, - "▁appliance": 54317, - "amus": 54318, - "rysler": 54319, - "▁panties": 54320, - "enguins": 54321, - "▁mimic": 54322, - "▁onChanged": 54323, - "▁alcoholic": 54324, - ".reloadData": 54325, - "Charge": 54326, - "▁Fax": 54327, - "▁jScrollPane": 54328, - "Empresa": 54329, - "▁shattered": 54330, - "xba": 54331, - "Fonts": 54332, - "?s": 54333, - "▁postseason": 54334, - "retain": 54335, - "_rates": 54336, - "▁requestCode": 54337, - ".todo": 54338, - "CHK": 54339, - "▁Keeping": 54340, - "engeance": 54341, - "▁vscode": 54342, - "IPPING": 54343, - "DefaultCloseOperation": 54344, - "_raise": 54345, - "▁Oculus": 54346, - "ograms": 54347, - "raj": 54348, - "pci": 54349, - "▁corrosion": 54350, - ".handleSubmit": 54351, - "Accessible": 54352, - "▁Piano": 54353, - "little": 54354, - "ACL": 54355, - ".unwrap": 54356, - "▁Convers": 54357, - "▁Leben": 54358, - "ioneer": 54359, - "▁Merchant": 54360, - "▁Jorge": 54361, - "▁embracing": 54362, - "▁venta": 54363, - "▁viene": 54364, - "\n": 54512, - "-growing": 54513, - "▁deepcopy": 54514, - "Ack": 54515, - "eggies": 54516, - "▁__(\"": 54517, - "▁noir": 54518, - "terrorism": 54519, - "▁anthem": 54520, - "agency": 54521, - "_PACKAGE": 54522, - "▁Closure": 54523, - ".registry": 54524, - "▁mammals": 54525, - "L": 54556, - "▁bluetooth": 54557, - ".Deep": 54558, - "-standing": 54559, - "▁rooft": 54560, - "▁Paths": 54561, - "_iterations": 54562, - "InvalidArgumentException": 54563, - ".spi": 54564, - "▁UIAlertAction": 54565, - "uye": 54566, - "signin": 54567, - ".priority": 54568, - "▁Essays": 54569, - "='{$": 54570, - "_signed": 54571, - ".persist": 54572, - "▁redesign": 54573, - "ToLower": 54574, - "▁Newman": 54575, - "=start": 54576, - "▁Israelis": 54577, - "asiswa": 54578, - "Speech": 54579, - "▁numeros": 54580, - "handlers": 54581, - "▁Wong": 54582, - "Weights": 54583, - "▁Gujar": 54584, - "teil": 54585, - "▁Nonetheless": 54586, - "_EFFECT": 54587, - "▁vect": 54588, - "▁Osc": 54589, - "▁coats": 54590, - "▁Wheat": 54591, - "▁geek": 54592, - "▁PROPERTY": 54593, - "worm": 54594, - "_constants": 54595, - "▁Boulder": 54596, - "▁Parm": 54597, - "cole": 54598, - "▁defaultCenter": 54599, - "▁Rouge": 54600, - ":A": 54601, - "xcf": 54602, - "▁Venice": 54603, - "median": 54604, - "▁redemption": 54605, - "Fresh": 54606, - "▁cosm": 54607, - "▁figur": 54608, - "▁refurb": 54609, - "COPE": 54610, - ".cd": 54611, - "▁chords": 54612, - "▁Sgt": 54613, - "VPN": 54614, - "▁SEND": 54615, - "ainen": 54616, - "_accounts": 54617, - "▁tenth": 54618, - "▁dissolved": 54619, - "": 54841, - "▁legitimacy": 54842, - "▁oo": 54843, - "Slinky": 54844, - "▁nationals": 54845, - ".words": 54846, - ";p": 54847, - "trap": 54848, - "omanip": 54849, - "▁cues": 54850, - "▁graduating": 54851, - "▁semaphore": 54852, - "\"]);\n\n": 54853, - "acey": 54854, - "REET": 54855, - "Grab": 54856, - "▁Felix": 54857, - "(Id": 54858, - "_neighbors": 54859, - "▁meaningless": 54860, - "(del": 54861, - "▁jeder": 54862, - "▁ContentValues": 54863, - ".absolute": 54864, - "/cl": 54865, - "▁xb": 54866, - "datum": 54867, - "▁tortured": 54868, - "▁rubbing": 54869, - "Scores": 54870, - "▁avons": 54871, - "▁amsterdam": 54872, - "EOS": 54873, - "Hal": 54874, - "▁trustworthy": 54875, - "#=": 54876, - ".EXTRA": 54877, - "▁mano": 54878, - "isicing": 54879, - "-support": 54880, - "\tcursor": 54881, - "▁Spo": 54882, - "aimassage": 54883, - "Mission": 54884, - "[]{\"": 54885, - "▁printers": 54886, - "GREEN": 54887, - "▁teg": 54888, - "▁abdominal": 54889, - "!\n\n\n\n\n\n": 54890, - ".Short": 54891, - "▁Gifts": 54892, - "}\")": 54893, - "(binding": 54894, - "xce": 54895, - "infos": 54896, - "FormData": 54897, - "▁dart": 54898, - "▁elems": 54899, - "(inv": 54900, - "YL": 54901, - "tin": 54902, - "GENER": 54903, - "▁Taken": 54904, - "uckle": 54905, - ":e": 54906, - "▁spectral": 54907, - ".baidu": 54908, - "/');\n": 54909, - "▁greedy": 54910, - "esion": 54911, - ",,,,,,,,": 54912, - "▁/>,\n": 54913, - "InternalServerError": 54914, - "NSNotificationCenter": 54915, - "▁Ai": 54916, - "▁spit": 54917, - "▁augmented": 54918, - "▁standardUserDefaults": 54919, - "FINITY": 54920, - "Race": 54921, - ":C": 54922, - "▁RECORD": 54923, - "▁Highlight": 54924, - "▁'`": 54925, - "▁deficits": 54926, - "▁nei": 54927, - "▁researched": 54928, - "Ta": 54929, - "▁copp": 54930, - ".GetHashCode": 54931, - "):\r\n\r\n": 54932, - "OnClick": 54933, - "▁Wellington": 54934, - "▁revival": 54935, - "▁NSS": 54936, - "▁forn": 54937, - "▁Kuwait": 54938, - "_flip": 54939, - "_bo": 54940, - "_\\": 54941, - "▁occurrences": 54942, - "▁Scientists": 54943, - "SRC": 54944, - "ogens": 54945, - "igrant": 54946, - "REMOTE": 54947, - "▁SID": 54948, - ".opts": 54949, - "uve": 54950, - "()])\n": 54951, - "▁libertarian": 54952, - "▁Glide": 54953, - "lesen": 54954, - "▁forme": 54955, - "owania": 54956, - "▁annoyed": 54957, - "Defs": 54958, - "▁Executor": 54959, - "▁casts": 54960, - ".setChecked": 54961, - "▁Sharing": 54962, - ".SerializeObject": 54963, - "▁selectors": 54964, - "_OTHER": 54965, - "(super": 54966, - "(OS": 54967, - "_VERIFY": 54968, - "idunt": 54969, - "';\n": 54971, - "▁Negro": 54972, - "▁Lords": 54973, - "▁Tours": 54974, - "▁softly": 54975, - ".receive": 54976, - "▁ERC": 54977, - "▁dataSet": 54978, - "Badge": 54979, - "\tEvent": 54980, - "▁perl": 54981, - "▁{}\\": 54982, - "(sentence": 54983, - "OrUpdate": 54984, - "▁diminish": 54985, - "PIN": 54986, - "(draw": 54987, - ".ToDateTime": 54988, - ".EqualTo": 54989, - "(pin": 54990, - "-pencil": 54991, - "luent": 54992, - "▁Caller": 54993, - "▁playful": 54994, - "-'+": 54995, - "xca": 54996, - "swick": 54997, - "){}\n": 54998, - "}:${": 54999, - "▁Meth": 55000, - ".getCell": 55001, - ".break": 55002, - "▁ymax": 55003, - "='\n": 55203, - "▁Hiro": 55204, - "(TRUE": 55205, - "asurer": 55206, - "▁cuer": 55207, - "Uber": 55208, - ".Operation": 55209, - "▁olan": 55210, - "▁thrilling": 55211, - "'.": 55233, - "\tvalid": 55234, - "\"\",": 55235, - "Instrument": 55236, - ">J": 55237, - "▁nostr": 55238, - "▁Rift": 55239, - "_Port": 55240, - "▁veces": 55241, - "[['": 55242, - "▁rallies": 55243, - "-series": 55244, - "▁vv": 55245, - ".uc": 55246, - "▁rtn": 55247, - "StateChanged": 55248, - "(ins": 55249, - "▁Cla": 55250, - "------------\n": 55251, - "cus": 55252, - "▁Reload": 55253, - "//------------------------------------------------------------------------------------------------": 55254, - ".seconds": 55255, - "_destination": 55256, - "▁screwed": 55257, - ">c": 55258, - "Thickness": 55259, - "Designer": 55260, - "▁grids": 55261, - "(cookie": 55262, - "Trip": 55263, - "-Mobile": 55264, - "▁voll": 55265, - "▁genital": 55266, - "▁confisc": 55267, - "▁Confederate": 55268, - "▁webView": 55269, - "▁mise": 55270, - "▁cler": 55271, - "(selection": 55272, - "$date": 55273, - "▁sharpen": 55274, - "ragen": 55275, - "AndUpdate": 55276, - "▁remix": 55277, - "▁htons": 55278, - "RW": 55279, - "MPI": 55280, - "▁retrieval": 55281, - "▁richest": 55282, - ".Decode": 55283, - ":initComponents": 55284, - "▁TValue": 55285, - "Saint": 55286, - "@include": 55287, - "▁PERSON": 55288, - ".sep": 55289, - "▁LDAP": 55290, - "gba": 55291, - "▁reliably": 55292, - "▁DFS": 55293, - ".getItemId": 55294, - ".getToken": 55295, - "▁chinese": 55296, - "▁Meal": 55297, - "YOU": 55298, - "\">>\n\n": 55827, - "bower": 55828, - "▁swapped": 55829, - "/install": 55830, - "▁sinks": 55831, - "etrize": 55832, - "▁declines": 55833, - "\tmysql": 55834, - "▁CString": 55835, - "▁MotionEvent": 55836, - ".Language": 55837, - "Road": 55838, - "ascimento": 55839, - "'))->": 55840, - ".about": 55841, - "(editor": 55842, - "▁Ratings": 55843, - "income": 55844, - ".dequeueReusableCell": 55845, - "▁Austrian": 55846, - "▁sulla": 55847, - "▁Tribunal": 55848, - "▁Didn": 55849, - "▁inspections": 55850, - "Boss": 55851, - "▁cocktails": 55852, - "▁apologized": 55853, - "_subplot": 55854, - "opal": 55855, - "+=(": 55856, - "▁resonance": 55857, - "ibu": 55858, - "roma": 55859, - "reserve": 55860, - "pls": 55861, - "▁Tah": 55862, - "axies": 55863, - "OPLE": 55864, - "▁Darren": 55865, - "▁Zombie": 55866, - "_Map": 55867, - "▁])\n\n": 55868, - "▁Qi": 55869, - "▁Sail": 55870, - "▁restrictive": 55871, - "▁erosion": 55872, - "-par": 55873, - "WHITE": 55874, - "▁oldu": 55875, - "▁aperture": 55876, - "▁bitcoins": 55877, - "texto": 55878, - "▁Comcast": 55879, - "▁timeless": 55880, - "enkins": 55881, - "▁feeder": 55882, - "/tmp": 55883, - "resden": 55884, - "+'_": 55885, - ".Destroy": 55886, - "▁DOCUMENT": 55887, - ".lng": 55888, - ".tagName": 55889, - "▁kullan": 55890, - "egrate": 55891, - "▁(*.": 55892, - "▁handshake": 55893, - "soc": 55894, - "_geometry": 55895, - "▁Damascus": 55896, - "Minor": 55897, - "▁Kafka": 55898, - "Florida": 55899, - "_compute": 55900, - ".expr": 55901, - "▁paralle": 55902, - "▁Diaz": 55903, - "cir": 55904, - "[target": 55905, - "▁joking": 55906, - "▁glor": 55907, - "(setq": 55908, - "_handlers": 55909, - "Hang": 55910, - "▁ferr": 55911, - "riminal": 55912, - "\t▁▁▁▁\t\t": 55913, - "enties": 55914, - "defines": 55915, - "-tax": 55916, - "jsonp": 55917, - "▁UPS": 55918, - "metro": 55919, - "__;\n": 55920, - "▁Uganda": 55921, - "])):\n": 55922, - "_td": 55923, - "xae": 55924, - "lw": 55925, - ".OS": 55926, - "▁Logged": 55927, - "acid": 55928, - "▁Mayo": 55929, - "aspect": 55930, - "▁vaginal": 55931, - "▁initializing": 55932, - "▁steroids": 55933, - "fiction": 55934, - "GRE": 55935, - "gend": 55936, - "▁liabilities": 55937, - "▁Lets": 55938, - "Mech": 55939, - "(nc": 55940, - "(change": 55941, - "▁connectors": 55942, - ":k": 55943, - "▁tast": 55944, - "!\");\n\n": 55945, - "things": 55946, - "rophy": 55947, - "luetooth": 55948, - "▁SignUp": 55949, - ".ctrl": 55950, - "▁therein": 55951, - "orda": 55952, - ".escape": 55953, - "igator": 55954, - "▁petrol": 55955, - "▁specimen": 55956, - "▁debuted": 55957, - "-Pro": 55958, - "▁crises": 55959, - ".addView": 55960, - "-door": 55961, - "▁monet": 55962, - "▁millis": 55963, - "▁vier": 55964, - "InternalEnumerator": 55965, - "▁admins": 55966, - "▁Lair": 55967, - "zin": 55968, - "getQuery": 55969, - "umbles": 55970, - "LIMIT": 55971, - "▁Vig": 55972, - "_song": 55973, - "": 56262, - "▁pasado": 56263, - "thank": 56264, - "_Delete": 56265, - "▁Brighton": 56266, - ",unsigned": 56267, - "▁aspirations": 56268, - "-how": 56269, - "Rose": 56270, - "=((": 56271, - "_needed": 56272, - "_plural": 56273, - ">\n\n": 56388, - "▁surfaced": 56389, - "platz": 56390, - "\temail": 56391, - "ceptors": 56392, - "\">(": 56393, - "▁epile": 56394, - "▁Debt": 56395, - "NOP": 56396, - "\"https": 56397, - ":j": 56398, - "FormItem": 56399, - "_LICENSE": 56400, - ".getDouble": 56401, - "▁Agenda": 56402, - "\tfinally": 56403, - "(filters": 56404, - "(av": 56405, - "APER": 56406, - "▁lava": 56407, - "))))\n\n": 56408, - "▁faulty": 56409, - "_nm": 56410, - "▁trava": 56411, - "(Bitmap": 56412, - "▁speeding": 56413, - ">').": 56414, - "▁screened": 56415, - "_roll": 56416, - "▁MacBook": 56417, - "▁AUD": 56418, - "▁diagnose": 56419, - ".Generate": 56420, - "▁^^": 56421, - "▁strs": 56422, - "[Test": 56423, - "▁ransom": 56424, - "▁DHCP": 56425, - "elden": 56426, - "▁interpretations": 56427, - "()].": 56428, - "flatMap": 56429, - "▁lineHeight": 56430, - "_mount": 56431, - "▁Wizards": 56432, - "▁sluts": 56433, - "ehler": 56434, - "odal": 56435, - "▁militia": 56436, - "earned": 56437, - "▁misery": 56438, - "intval": 56439, - "fund": 56440, - "▁hides": 56441, - "▁diarr": 56442, - "▁Wesley": 56443, - "▁xmm": 56444, - "▁quem": 56445, - "▁Arabs": 56446, - "ifth": 56447, - "ategorized": 56448, - "Disposable": 56449, - "Pure": 56450, - "_NOTIFY": 56451, - "snippet": 56452, - "▁Garrett": 56453, - ".running": 56454, - ".weights": 56455, - "▁(--": 56456, - "▁invariant": 56457, - "▁Allowed": 56458, - "dirs": 56459, - "▁passions": 56460, - "▁lad": 56461, - "▁Flush": 56462, - "menus": 56463, - ":block": 56464, - "▁compra": 56465, - ".chomp": 56466, - "allocator": 56467, - "▁curated": 56468, - "▁Knowing": 56469, - "▁Patterson": 56470, - "▁telah": 56471, - "'ex": 56472, - "▁doomed": 56473, - "▁philanth": 56474, - "otty": 56475, - ".styles": 56476, - "Owned": 56477, - "▁allergies": 56478, - "=params": 56479, - "ocese": 56480, - "itelist": 56481, - "▁Sending": 56482, - "bef": 56483, - "orrar": 56484, - "▁Fargo": 56485, - "▁Lub": 56486, - "▁Combined": 56487, - "_given": 56488, - "\t\t\t\t\t▁▁▁▁": 56489, - "▁reconciliation": 56490, - "Patterns": 56491, - "azard": 56492, - "▁biomass": 56493, - "▁Houses": 56494, - "respuesta": 56495, - "cco": 56496, - "/topics": 56497, - "▁Yuk": 56498, - "▁weakened": 56499, - "_calendar": 56500, - "▁mulheres": 56501, - "▁Marl": 56502, - "▁sine": 56503, - "▁Til": 56504, - "▁Souls": 56505, - "▁Deutsche": 56506, - "▁FOLLOW": 56507, - "▁pipelines": 56508, - "▁Beverly": 56509, - "_DIPSETTING": 56510, - "\"#": 56511, - "▁Proto": 56512, - ".big": 56513, - "▁Savings": 56514, - "▁Tanz": 56515, - "jun": 56516, - "▁Gamma": 56517, - "▁Sadd": 56518, - "▁advisors": 56519, - "▁roast": 56520, - "▁unters": 56521, - "udies": 56522, - "_lon": 56523, - "-pointer": 56524, - "▁ElementRef": 56525, - "\\Builder": 56526, - "exampleInput": 56527, - ".webdriver": 56528, - "dataType": 56529, - "▁Quite": 56530, - "▁Celtics": 56531, - "uil": 56532, - "-defense": 56533, - "bish": 56534, - "▁UIWindow": 56535, - "▁Suddenly": 56536, - ".hot": 56537, - ".reason": 56538, - "AMD": 56539, - ".Multi": 56540, - "authenticated": 56541, - "regions": 56542, - ";(": 56543, - "▁Kirby": 56544, - "$route": 56545, - "PRECATED": 56546, - "▁Durham": 56547, - "owo": 56548, - "▁Performs": 56549, - "▁disregard": 56550, - "nst": 56551, - "▁Pols": 56552, - "▁getP": 56553, - "\"]:": 56554, - "-colored": 56555, - "(Keys": 56556, - "▁Alleg": 56557, - "_modify": 56558, - "_loading": 56559, - "strained": 56560, - "▁atroc": 56561, - "_phr": 56562, - "": 57488, - "ceph": 57489, - ".DateTimePicker": 57490, - ".\";\n\n": 57491, - "▁Tie": 57492, - ",item": 57493, - "▁menn": 57494, - "Gas": 57495, - "ocha": 57496, - "_virtual": 57497, - "▁masterpiece": 57498, - "_sequences": 57499, - "LTE": 57500, - "▁Submission": 57501, - "Caller": 57502, - "$\\": 57503, - "Sport": 57504, - "agus": 57505, - "ConstraintMaker": 57506, - "▁coloc": 57507, - "▁wig": 57508, - "\tArray": 57509, - "Looks": 57510, - "▁GTA": 57511, - ".steps": 57512, - "atchewan": 57513, - "_ranges": 57514, - "extAlignment": 57515, - "▁Brennan": 57516, - "▁abstraction": 57517, - "ulerAngles": 57518, - ".misc": 57519, - "▁antibodies": 57520, - "▁exponential": 57521, - "▁CHANNEL": 57522, - "expense": 57523, - "'y": 57524, - "▁detectives": 57525, - "▁purported": 57526, - "YSTEM": 57527, - "▁radioactive": 57528, - "▁Latina": 57529, - ".Encoding": 57530, - ".TAG": 57531, - "xin": 57532, - "Degree": 57533, - "uracion": 57534, - "prices": 57535, - "▁ReferentialAction": 57536, - "▁rarity": 57537, - "▁piles": 57538, - "gende": 57539, - "_projects": 57540, - "_globals": 57541, - ".startTime": 57542, - "SECTION": 57543, - "_publish": 57544, - "Fault": 57545, - "DDL": 57546, - "_prior": 57547, - "Mom": 57548, - "▁thicker": 57549, - "▁sequelize": 57550, - "▁essentials": 57551, - "stras": 57552, - "intr": 57553, - ">(()": 57554, - ".management": 57555, - "eil": 57556, - "Aware": 57557, - ".City": 57558, - "▁Arbit": 57559, - "_DM": 57560, - "_keyboard": 57561, - "LObject": 57562, - "-webpack": 57563, - "▁Newport": 57564, - "▁principalColumn": 57565, - "legant": 57566, - "▁pallet": 57567, - "▁fracture": 57568, - "▁gmail": 57569, - ".Meta": 57570, - "Above": 57571, - ".KeyEvent": 57572, - "jit": 57573, - "_macro": 57574, - "_PUSH": 57575, - "/controller": 57576, - "▁superficial": 57577, - "exterity": 57578, - "▁mensagem": 57579, - "Wind": 57580, - "iston": 57581, - ".openapi": 57582, - "▁Serializer": 57583, - "uctive": 57584, - "▁zar": 57585, - "Places": 57586, - ".Static": 57587, - "Ba": 57588, - "▁inadvert": 57589, - "▁Indonesian": 57590, - "_IPV": 57591, - "(horizontal": 57592, - "▁getTitle": 57593, - "idepress": 57594, - "▁ConsoleColor": 57595, - "ipers": 57596, - "$out": 57597, - "▁festive": 57598, - "▁evenings": 57599, - ".GetData": 57600, - "uitka": 57601, - "▁Manuals": 57602, - "ussed": 57603, - "_Max": 57604, - ".Chat": 57605, - "▁Aircraft": 57606, - "=com": 57607, - "FOUND": 57608, - "apro": 57609, - "▁treasures": 57610, - "_alive": 57611, - "▁gadget": 57612, - "eking": 57613, - "ButtonDown": 57614, - "Browsable": 57615, - ".PERMISSION": 57616, - "PASSWORD": 57617, - "▁HASH": 57618, - "\\TestCase": 57619, - "LOSS": 57620, - "others": 57621, - ",J": 57622, - "▁asshole": 57623, - "werk": 57624, - ".ie": 57625, - "evil": 57626, - "kontakte": 57627, - "////////////////////////////////////////////////////////////////////////////////\n": 57628, - "=sys": 57629, - "\tlock": 57630, - "--;\n\n": 57631, - "_FUN": 57632, - "FillColor": 57633, - "prend": 57634, - "▁compressor": 57635, - "Mother": 57636, - "▁Archer": 57637, - ".goto": 57638, - "▁bamboo": 57639, - "▁Trees": 57640, - "▁bumper": 57641, - "▁sausage": 57642, - "▁Elasticsearch": 57643, - "▁horizontally": 57644, - "▁Gul": 57645, - "Immutable": 57646, - "▁loser": 57647, - "▁aborted": 57648, - "-demo": 57649, - "▁Hatch": 57650, - "▁unde": 57651, - "▁processo": 57652, - "-call": 57653, - "Income": 57654, - "_returns": 57655, - "'].\"'": 57656, - "(sw": 57657, - "CBS": 57658, - "amilies": 57659, - "▁Yourself": 57660, - "▁Holt": 57661, - ".MON": 57662, - "anon": 57663, - "▁FontAwesome": 57664, - "producer": 57665, - "jr": 57666, - "▁mau": 57667, - "\tinter": 57668, - "▁dishonest": 57669, - "▁magna": 57670, - "▁Collective": 57671, - "▁vraiment": 57672, - "▁choix": 57673, - "stay": 57674, - "▁welding": 57675, - "rising": 57676, - ",min": 57677, - "▁Fate": 57678, - "glob": 57679, - "RGBA": 57680, - "▁dette": 57681, - "Ven": 57682, - "▁embarrassment": 57683, - ".DELETE": 57684, - "gregar": 57685, - "-render": 57686, - "(bucket": 57687, - "\">\n\n\n": 57688, - ".waitKey": 57689, - "Busy": 57690, - "▁differentiation": 57691, - "▁CST": 57692, - ".Constant": 57693, - "▁lineNumber": 57694, - "(matches": 57695, - "▁websocket": 57696, - "▁barred": 57697, - "▁puedes": 57698, - "Mono": 57699, - "CORE": 57700, - "IID": 57701, - "▁▁▁▁\r\n\r\n": 57702, - "leaning": 57703, - "▁cleansing": 57704, - "▁cris": 57705, - "▁Devils": 57706, - "_SETTING": 57707, - "untary": 57708, - ".);\n": 57709, - "\n▁▁▁\n": 57710, - "[curr": 57711, - "tsy": 57712, - "▁Alexis": 57713, - "ritel": 57714, - "▁petroleum": 57715, - ".preprocessing": 57716, - "matter": 57717, - "ForResult": 57718, - "-license": 57719, - "▁travellers": 57720, - "▁Dispatcher": 57721, - "ennifer": 57722, - "▁digestive": 57723, - "PED": 57724, - "hibition": 57725, - "MASConstraintMaker": 57726, - "▁Watt": 57727, - "Benef": 57728, - ".setView": 57729, - "dto": 57730, - "TEE": 57731, - "▁Pelosi": 57732, - "_EXTRA": 57733, - "▁medals": 57734, - "xhr": 57735, - "forecast": 57736, - "▁nargin": 57737, - "ouns": 57738, - "-fill": 57739, - "_CURSOR": 57740, - "▁supervised": 57741, - "▁turf": 57742, - "▁Edgar": 57743, - "POSITION": 57744, - "▁categoryId": 57745, - "_ER": 57746, - "Shown": 57747, - ".ll": 57748, - "_POLICY": 57749, - "(),'": 57750, - "▁Prev": 57751, - "▁StringField": 57752, - "\tGlobal": 57753, - "assed": 57754, - "Throughout": 57755, - "ostringstream": 57756, - ".awtextra": 57757, - "▁slopes": 57758, - "▁Sequential": 57759, - "▁giorn": 57760, - "▁zelf": 57761, - "▁versatility": 57762, - "leneck": 57763, - ".cgi": 57764, - "▁doubling": 57765, - "▁Bangkok": 57766, - "▁buurt": 57767, - "studio": 57768, - "▁jeunes": 57769, - "▁muted": 57770, - "▁ips": 57771, - "_fraction": 57772, - "&&(": 57773, - "▁stunt": 57774, - "');?>\r\n": 57797, - "▁evapor": 57798, - "bable": 57799, - "▁PRICE": 57800, - "lucent": 57801, - "▁vamp": 57802, - "▁Technician": 57803, - "▁uniqueness": 57804, - "Mes": 57805, - "urban": 57806, - ".parametrize": 57807, - "▁Replay": 57808, - "Sessions": 57809, - "embr": 57810, - "-Americans": 57811, - "_PROXY": 57812, - "▁pian": 57813, - "▁trie": 57814, - "▁Destructor": 57815, - "GameState": 57816, - "▁IMF": 57817, - "chin": 57818, - "▁porte": 57819, - "▁Swal": 57820, - "Substring": 57821, - "iming": 57822, - "/Library": 57823, - "▁frightened": 57824, - "writes": 57825, - "▁recursos": 57826, - "arResult": 57827, - "_INITIALIZ": 57828, - "▁Badge": 57829, - "_crc": 57830, - "Eight": 57831, - "▁DISTINCT": 57832, - "▁thro": 57833, - "@Xml": 57834, - "▁Legendary": 57835, - "-twitter": 57836, - "_easy": 57837, - "▁+++": 57838, - "(DATA": 57839, - ".Locale": 57840, - "▁nurt": 57841, - "▁cruis": 57842, - "_ios": 57843, - "▁sensing": 57844, - "_Line": 57845, - "\n▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n": 57846, - "pong": 57847, - "oleon": 57848, - "▁wildcard": 57849, - "▁begging": 57850, - "Rod": 57851, - "_CELL": 57852, - "Researchers": 57853, - ".selector": 57854, - "_ing": 57855, - "▁aspiring": 57856, - "▁immortal": 57857, - "▁ymin": 57858, - "_robot": 57859, - "▁plur": 57860, - "BTC": 57861, - "▁DID": 57862, - "▁piercing": 57863, - "*u": 57864, - "_DEFINED": 57865, - "▁Thi": 57866, - "itaire": 57867, - "(media": 57868, - "-ons": 57869, - "▁chefs": 57870, - "▁\"*.": 57871, - "/AP": 57872, - "▁razor": 57873, - "▁searchData": 57874, - "▁=&": 57875, - "▁mourn": 57876, - "tingham": 57877, - "▁oli": 57878, - "▁Vernon": 57879, - "_RS": 57880, - "angen": 57881, - "celain": 57882, - "▁ail": 57883, - "lest": 57884, - "▁QCOMPARE": 57885, - "gain": 57886, - "▁Kob": 57887, - "▁Fault": 57888, - "_configs": 57889, - ".+": 57890, - "calar": 57891, - "(colors": 57892, - "Mul": 57893, - "_ART": 57894, - "▁experimenting": 57895, - "ermen": 57896, - "▁Anglo": 57897, - ".FixedSingle": 57898, - "Sea": 57899, - "▁ctxt": 57900, - ".slider": 57901, - "Collapse": 57902, - "Grey": 57903, - "▁fld": 57904, - "-proof": 57905, - ".capacity": 57906, - "getParent": 57907, - "▁Compliance": 57908, - "▁burgl": 57909, - "-rec": 57910, - "▁overwritten": 57911, - "MU": 57912, - "▁routers": 57913, - "\tModel": 57914, - "▁fantasies": 57915, - "avian": 57916, - "_prec": 57917, - "▁Scandin": 57918, - "▁//<": 57919, - "/oct": 57920, - "▁ceremonies": 57921, - "Months": 57922, - "undy": 57923, - "▁qued": 57924, - "▁Nou": 57925, - "▁Vibr": 57926, - ".rgb": 57927, - "▁citrus": 57928, - "▁braces": 57929, - "-uppercase": 57930, - "getTable": 57931, - "▁dopo": 57932, - "▁Kerr": 57933, - "_CHILD": 57934, - "-cloud": 57935, - "\tMatrix": 57936, - "▁gardening": 57937, - "Sing": 57938, - "almost": 57939, - "Requirements": 57940, - "uguay": 57941, - "(Property": 57942, - "subscriber": 57943, - "FAST": 57944, - "reaction": 57945, - "(lp": 57946, - ")})\n": 57947, - "`).": 57948, - ".wallet": 57949, - "_exchange": 57950, - ".Maximum": 57951, - "▁Verb": 57952, - "()<": 57953, - "ROT": 57954, - "CARD": 57955, - "ubit": 57956, - "{@": 57957, - "_kel": 57958, - "▁Tooltip": 57959, - "MySQL": 57960, - "MainActivity": 57961, - "arf": 57962, - "▁malign": 57963, - "▁seinen": 57964, - "apist": 57965, - "▁<%": 57966, - "MethodImpl": 57967, - "Mil": 57968, - "▁Mick": 57969, - ".depend": 57970, - ">&": 58002, - "\tok": 58003, - "-low": 58004, - ".usuario": 58005, - "nested": 58006, - "XB": 58007, - "OURS": 58008, - ".BorderColor": 58009, - "▁brow": 58010, - "corr": 58011, - "▁Redskins": 58012, - ".getTag": 58013, - ".getTransaction": 58014, - "▁stigma": 58015, - "hardt": 58016, - "▁PlayerPrefs": 58017, - "alsy": 58018, - "ucson": 58019, - "Languages": 58020, - "▁Olivia": 58021, - "▁tac": 58022, - "▁bli": 58023, - "▁caval": 58024, - "▁consolidated": 58025, - "▁peril": 58026, - "▁dele": 58027, - "▁formulated": 58028, - "▁highways": 58029, - ".spawn": 58030, - "==$": 58031, - "▁Niet": 58032, - "▁veggies": 58033, - "ypo": 58034, - "-rule": 58035, - "▁Vie": 58036, - "/epl": 58037, - "▁enfants": 58038, - "stringLiteral": 58039, - "▁toughest": 58040, - "buyer": 58041, - "▁covariance": 58042, - "▁ili": 58043, - "▁Sophie": 58044, - "▁BAB": 58045, - "▁\"),": 58046, - "▁Uk": 58047, - "currentIndex": 58048, - "_userdata": 58049, - ".codec": 58050, - "▁Punjab": 58051, - "▁SNP": 58052, - "lol": 58053, - "advance": 58054, - "▁comfy": 58055, - "JsonIgnore": 58056, - "▁fashionable": 58057, - "▁ICON": 58058, - "▁ora": 58059, - "▁Pricing": 58060, - "E": 58114, - "tering": 58115, - "/screens": 58116, - "▁heightened": 58117, - "Authorities": 58118, - "_bbox": 58119, - ".fontSize": 58120, - "▁BOOLEAN": 58121, - "divide": 58122, - "▁Sloven": 58123, - "ucer": 58124, - "stub": 58125, - "▁navigating": 58126, - ":animated": 58127, - "_NOW": 58128, - "_vect": 58129, - "}{\n": 58130, - "@(": 58131, - "▁telecom": 58132, - "▁contracting": 58133, - "▁Assange": 58134, - "▁extracting": 58135, - "cobra": 58136, - ".DIS": 58137, - "▁crab": 58138, - "▁twitch": 58139, - "▁verts": 58140, - "▁rejects": 58141, - "\tformat": 58142, - "▁regeneration": 58143, - ".Sys": 58144, - "solve": 58145, - "\tdialog": 58146, - "shi": 58147, - "meter": 58148, - "(best": 58149, - "validators": 58150, - "▁onwards": 58151, - "▁guru": 58152, - "▁moderator": 58153, - "owied": 58154, - "experiment": 58155, - "rub": 58156, - "▁mqtt": 58157, - "▁Caucas": 58158, - "▁nationalism": 58159, - "▁mange": 58160, - "\tImGui": 58161, - "/Edit": 58162, - "▁inh": 58163, - "▁intellig": 58164, - "erokee": 58165, - "\texport": 58166, - "▁discriminate": 58167, - "subtract": 58168, - "▁Moodle": 58169, - "enser": 58170, - "▁Guides": 58171, - "RAP": 58172, - "-hot": 58173, - "_grp": 58174, - ".picture": 58175, - "XA": 58176, - "▁initView": 58177, - "_Comm": 58178, - "▁overdose": 58179, - "▁+\n\n": 58180, - "▁Silent": 58181, - "shows": 58182, - "▁interpolate": 58183, - "Formation": 58184, - "▁bisc": 58185, - "markets": 58186, - "(SC": 58187, - "Ze": 58188, - "▁Networking": 58189, - "▁adrenal": 58190, - "▁Guns": 58191, - "eteor": 58192, - "Declared": 58193, - "orgetown": 58194, - "▁karena": 58195, - "/password": 58196, - "_addresses": 58197, - "ITERAL": 58198, - "Buzz": 58199, - "▁Conway": 58200, - "(case": 58201, - "PWD": 58202, - "heiro": 58203, - "(act": 58204, - "**\r\n": 58205, - "());\n\n\n": 58206, - "▁anv": 58207, - "▁..\n\n": 58208, - "(MenuItem": 58209, - "(mail": 58210, - "_sections": 58211, - "\tnet": 58212, - "▁plut": 58213, - "▁wrench": 58214, - "/object": 58215, - "▁Ist": 58216, - "▁VIS": 58217, - "/pub": 58218, - "alten": 58219, - "▁guitars": 58220, - "▁antibiotic": 58221, - "▁\"+\"": 58222, - "formula": 58223, - "▁babes": 58224, - "▁Prompt": 58225, - "▁enim": 58226, - "/player": 58227, - "\tref": 58228, - "▁consumes": 58229, - "▁Hast": 58230, - "▁Tao": 58231, - "▁'))\n": 58232, - "▁clam": 58233, - "▁thighs": 58234, - "▁motif": 58235, - "ApiOperation": 58236, - "▁WL": 58237, - "getC": 58238, - "\tflags": 58239, - "ointments": 58240, - "▁economical": 58241, - "needle": 58242, - "xls": 58243, - "practice": 58244, - "utzer": 58245, - "timeofday": 58246, - "-output": 58247, - "▁findById": 58248, - "▁Buddy": 58249, - "Seven": 58250, - "▁Bark": 58251, - "▁envoy": 58252, - "_algorithm": 58253, - "▁ballistic": 58254, - "rades": 58255, - "\tdoc": 58256, - "roducing": 58257, - "▁Eating": 58258, - "Unmount": 58259, - "/dataTables": 58260, - "_bonus": 58261, - "▁litt": 58262, - "pps": 58263, - ")localObject": 58264, - "perf": 58265, - "▁Helvetica": 58266, - "shutdown": 58267, - "/ml": 58268, - ".tokens": 58269, - "▁Hardcore": 58270, - ",row": 58271, - "/bg": 58272, - "Scaler": 58273, - "_logits": 58274, - "\tApp": 58275, - "Implicit": 58276, - ".Fprintf": 58277, - "ETO": 58278, - "▁terra": 58279, - "▁possessing": 58280, - ".rstrip": 58281, - ",),": 58282, - "=yes": 58283, - "▁Stripe": 58284, - "?=": 58285, - "neutral": 58286, - ".good": 58287, - "▁kennen": 58288, - "▁Sung": 58289, - "fault": 58290, - "ystatechange": 58291, - "Canadian": 58292, - "','\".$": 58293, - "▁Mits": 58294, - "▁STRUCT": 58295, - "▁URLWithString": 58296, - "▁Compass": 58297, - "▁--\n\n": 58298, - "▁NSLayoutConstraint": 58299, - "|min": 58300, - "-adjust": 58301, - "▁rebuilt": 58302, - "LIGHT": 58303, - "/se": 58304, - "-mount": 58305, - "vpn": 58306, - "validated": 58307, - "(QObject": 58308, - "▁ignition": 58309, - "▁Chargers": 58310, - "RYPTO": 58311, - "]initWithFrame": 58312, - "▁Fluid": 58313, - "▁cadre": 58314, - "▁nominations": 58315, - "Neill": 58316, - "▁Hou": 58317, - "▁currents": 58318, - "_gene": 58319, - "(inp": 58320, - "Paris": 58321, - "aggregate": 58322, - "▁assoc": 58323, - "weeted": 58324, - "errat": 58325, - "▁'/',\n": 58326, - "fixture": 58327, - "▁Highest": 58328, - "ambient": 58329, - "▁chmod": 58330, - "▁conte": 58331, - "▁sensual": 58332, - "▁garment": 58333, - "zers": 58334, - "▁Powered": 58335, - "domains": 58336, - "Reward": 58337, - "iomanip": 58338, - "▁cockpit": 58339, - "outfile": 58340, - "▁builtin": 58341, - "▁insisting": 58342, - ".vars": 58343, - "zipcode": 58344, - "fails": 58345, - "▁consolidation": 58346, - "_oid": 58347, - "Planet": 58348, - "▁=\",": 58349, - "\tel": 58350, - "UILT": 58351, - "afari": 58352, - "▁McCl": 58353, - "Timeline": 58354, - "Esta": 58355, - "▁fram": 58356, - "YE": 58357, - "▁cerebral": 58358, - "OfMonth": 58359, - "▁Pregn": 58360, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n": 58361, - "▁Fres": 58362, - "Approved": 58363, - ".Special": 58364, - "▁Protestant": 58365, - "▁allergy": 58366, - "_pcm": 58367, - "\tCopyright": 58368, - "▁superClass": 58369, - "\"strconv": 58370, - "▁Mohamed": 58371, - "▁'//": 58372, - "ForeColor": 58373, - "Arthur": 58374, - "▁Jungle": 58375, - "▁veins": 58376, - "Sad": 58377, - "▁backups": 58378, - "▁Opinion": 58379, - "▁intermitt": 58380, - "odyn": 58381, - "▁Christina": 58382, - "▁andre": 58383, - "▁evacuation": 58384, - "palette": 58385, - "horse": 58386, - "▁Resident": 58387, - "▁Hassan": 58388, - ".Nil": 58389, - "▁aisle": 58390, - "▁Growing": 58391, - "▁bloginfo": 58392, - "/sql": 58393, - "_ioctl": 58394, - "Scaling": 58395, - "▁Monad": 58396, - "_cpp": 58397, - "▁Hutch": 58398, - "▁AppleWebKit": 58399, - "Expense": 58400, - "_JOB": 58401, - "▁pointless": 58402, - "FromBody": 58403, - "antal": 58404, - "▁depicting": 58405, - "▁CELL": 58406, - "▁refin": 58407, - "▁CNC": 58408, - "_dimensions": 58409, - "▁SAN": 58410, - "▁aft": 58411, - "▁footsteps": 58412, - "ccoli": 58413, - "_PHONE": 58414, - "/math": 58415, - "-kind": 58416, - "▁Means": 58417, - "ichael": 58418, - ".guna": 58419, - "▁inauguration": 58420, - "-driving": 58421, - "(delete": 58422, - "▁totalCount": 58423, - "_MC": 58424, - ".Extension": 58425, - "Commercial": 58426, - "▁zIndex": 58427, - "$": 58550, - "▁ebay": 58551, - "▁captive": 58552, - "pliant": 58553, - "▁Calculates": 58554, - "olta": 58555, - "esting": 58556, - "_revision": 58557, - "+m": 58558, - "\",\"\",\"": 58559, - "WHAT": 58560, - "▁compassionate": 58561, - "harga": 58562, - "[random": 58563, - "▁modulo": 58564, - "(sn": 58565, - "▁occupations": 58566, - "////\n": 58567, - "\tboard": 58568, - "▁Balk": 58569, - "▁Wifi": 58570, - ".Profile": 58571, - ":maj": 58572, - "\tmat": 58573, - "LOCKS": 58574, - "(jButton": 58575, - "▁('$": 58576, - "Mur": 58577, - "bble": 58578, - "▁frog": 58579, - "-hide": 58580, - "▁broadcaster": 58581, - "haled": 58582, - "▁amusing": 58583, - "_predictions": 58584, - "_intr": 58585, - "▁eagle": 58586, - "▁getList": 58587, - "psilon": 58588, - "▁characterization": 58589, - "ARDS": 58590, - "▁relocation": 58591, - "▁rulers": 58592, - "PAY": 58593, - "▁Definitely": 58594, - "_Action": 58595, - "▁closures": 58596, - "▁factual": 58597, - "odynamic": 58598, - "▁precautions": 58599, - "niej": 58600, - "▁Parties": 58601, - "▁Subaru": 58602, - "▁cousins": 58603, - "arbeit": 58604, - ".money": 58605, - "gunta": 58606, - "(and": 58607, - "getitem": 58608, - ".StylePriority": 58609, - "▁slid": 58610, - "singleton": 58611, - "▁garn": 58612, - "▁PAS": 58613, - "▁dazz": 58614, - "▁bogus": 58615, - "▁Mog": 58616, - "▁rivalry": 58617, - "isol": 58618, - "▁landmarks": 58619, - "Bern": 58620, - "▁Sachs": 58621, - "▁\")\n\n": 58622, - "▁hostility": 58623, - "_mex": 58624, - "mere": 58625, - "Mot": 58626, - "pictureBox": 58627, - "Defense": 58628, - "▁affidavit": 58629, - "otherwise": 58630, - ".directory": 58631, - "_UnityEngine": 58632, - "-blog": 58633, - ".skin": 58634, - "phem": 58635, - "Apellido": 58636, - "erchant": 58637, - "[class": 58638, - "▁wart": 58639, - ".\"[": 58640, - "aleur": 58641, - "/back": 58642, - "▁▁▁▁\t▁▁▁": 58643, - "▁precipitation": 58644, - "▁obstruction": 58645, - "▁pObj": 58646, - "▁rupt": 58647, - "UCKET": 58648, - "aye": 58649, - "gx": 58650, - "▁ecl": 58651, - "▁secrecy": 58652, - "/Header": 58653, - "▁Lesb": 58654, - "▁lei": 58655, - "▁Bulletin": 58656, - "▁giveaway": 58657, - ".Home": 58658, - "_ROOM": 58659, - "\"W": 58660, - "▁cowork": 58661, - "_ra": 58662, - "▁Cycling": 58663, - "▁Paw": 58664, - "▁pupil": 58665, - "/arch": 58666, - "▁FileUtils": 58667, - "rsp": 58668, - "▁freedoms": 58669, - "▁Lear": 58670, - "}`).": 58671, - "▁bowls": 58672, - "/block": 58673, - "_logging": 58674, - "▁methane": 58675, - "▁horns": 58676, - "▁wonderfully": 58677, - "▁alterations": 58678, - "▁exile": 58679, - "lsen": 58680, - "_pause": 58681, - "_LANGUAGE": 58682, - "▁USDA": 58683, - "_mysql": 58684, - "_AMOUNT": 58685, - "▁LIFE": 58686, - "▁youngsters": 58687, - "▁riots": 58688, - "[E": 58689, - "▁unforgettable": 58690, - ",},\n": 58691, - "Disposed": 58692, - "▁Assassin": 58693, - "UNG": 58694, - "▁Newsp": 58695, - "UserService": 58696, - ":aload": 58697, - "+',": 58698, - "▁settlers": 58699, - "▁screams": 58700, - "▁inconvenience": 58701, - ".Rotate": 58702, - "▁jars": 58703, - "▁Puzzle": 58704, - "▁mest": 58705, - "arsi": 58706, - "▁Sharma": 58707, - "|(": 58708, - ".ds": 58709, - "▁Sacred": 58710, - "_evt": 58711, - "▁expresses": 58712, - "▁hoch": 58713, - "▁Duch": 58714, - ".calls": 58715, - "thr": 58716, - "▁Sheffield": 58717, - ".AlertDialog": 58718, - "▁radically": 58719, - "▁trous": 58720, - "▁prevailing": 58721, - "▁WWII": 58722, - "ensely": 58723, - "▁Yesterday": 58724, - "▁Sirius": 58725, - "▁killers": 58726, - "▁FFT": 58727, - "▁oval": 58728, - "'):\r\n": 58729, - "ourage": 58730, - "▁Checkbox": 58731, - "Workbook": 58732, - ".defer": 58733, - "_floor": 58734, - "▁councill": 58735, - "▁norske": 58736, - "moil": 58737, - "orea": 58738, - "▁marketed": 58739, - "_SUR": 58740, - "xAA": 58741, - "▁stained": 58742, - "eut": 58743, - "▁Meng": 58744, - "▁ieee": 58745, - ".extern": 58746, - "egie": 58747, - "▁rapp": 58748, - "▁Pyongyang": 58749, - "'class": 58750, - "Mob": 58751, - "▁initialValue": 58752, - "_wave": 58753, - "▁jab": 58754, - "▁masculine": 58755, - "▁amplifier": 58756, - "▁tty": 58757, - "PathComponent": 58758, - "_xt": 58759, - "▁GFP": 58760, - "/sec": 58761, - "\tdispatch": 58762, - "markdown": 58763, - "▁Schn": 58764, - "bole": 58765, - "mousemove": 58766, - "▁errMsg": 58767, - "▁asign": 58768, - "_mono": 58769, - "ToSelector": 58770, - "▁Zu": 58771, - "(Rect": 58772, - "▁ErrorCode": 58773, - "latin": 58774, - "angible": 58775, - "vtk": 58776, - "CGSize": 58777, - "Pokemon": 58778, - "▁classmates": 58779, - "▁attracts": 58780, - "▁Tatto": 58781, - "ultan": 58782, - "▁halted": 58783, - "▁Kart": 58784, - "▁ue": 58785, - "_InitStructure": 58786, - "TestClass": 58787, - "▁Airbnb": 58788, - "_\",": 58789, - "▁charcoal": 58790, - "▁ipc": 58791, - "▁Stretch": 58792, - ".glide": 58793, - "latesAutoresizingMaskIntoConstraints": 58794, - "▁potion": 58795, - "ITTLE": 58796, - "▁countert": 58797, - "_hd": 58798, - "prepared": 58799, - "Ads": 58800, - "▁Vampire": 58801, - "robots": 58802, - ".CreateIndex": 58803, - "StatusLabel": 58804, - "▁tucked": 58805, - "Ut": 58806, - "▁sweater": 58807, - "_FN": 58808, - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\t": 58809, - "ataka": 58810, - "▁eyebrows": 58811, - "acoes": 58812, - "uden": 58813, - ".LinearLayoutManager": 58814, - "▁sway": 58815, - "▁multin": 58816, - "())))\n": 58817, - "▁NSUInteger": 58818, - "▁MyBase": 58819, - "Partner": 58820, - "utschen": 58821, - "▁Cater": 58822, - ".setBackgroundColor": 58823, - "▁accomplishment": 58824, - "_problem": 58825, - ".dtd": 58826, - "▁pageNumber": 58827, - "▁jackets": 58828, - "▁cropped": 58829, - "uels": 58830, - "▁Hep": 58831, - "▁capped": 58832, - "*Math": 58833, - "_callbacks": 58834, - "▁pubb": 58835, - "▁Brunswick": 58836, - ".respond": 58837, - "[\"_": 58838, - "▁bedding": 58839, - "hythm": 58840, - "OX": 58841, - "(speed": 58842, - "▁pesticides": 58843, - "▁-------": 58844, - ".Blue": 58845, - "▁noodles": 58846, - "▁Goes": 58847, - "▁saver": 58848, - "oxy": 58849, - "_completion": 58850, - "▁Swinger": 58851, - "▁getDate": 58852, - "▁minded": 58853, - "integration": 58854, - "▁Lotus": 58855, - "(stop": 58856, - "(',');\n": 58857, - "▁floods": 58858, - "▁Workflow": 58859, - "▁erupted": 58860, - "Macro": 58861, - "▁Sauce": 58862, - "▁eventName": 58863, - "\\Input": 58864, - "Breaking": 58865, - "\twhen": 58866, - "_pw": 58867, - "INDER": 58868, - "▁Wellness": 58869, - "▁voxel": 58870, - "▁Mell": 58871, - "▁MEDIA": 58872, - "SENS": 58873, - "▁Funds": 58874, - "▁Mild": 58875, - "\n": 58884, - "▁tempting": 58885, - "▁testament": 58886, - "▁bible": 58887, - "▁consulted": 58888, - "▁IndexError": 58889, - "▁keypad": 58890, - "izzo": 58891, - "(ok": 58892, - "▁whatsapp": 58893, - "▁RemoteException": 58894, - "▁teamed": 58895, - "▁getTime": 58896, - "diag": 58897, - "issy": 58898, - "▁hed": 58899, - "▁knots": 58900, - "jom": 58901, - "▁funnel": 58902, - "-mails": 58903, - "▁exporting": 58904, - "▁VL": 58905, - "▁Karn": 58906, - "▁Buddhism": 58907, - "▁Allan": 58908, - "_RADIUS": 58909, - "▁wording": 58910, - "▁Forget": 58911, - "▁Corona": 58912, - "iphy": 58913, - "▁limburg": 58914, - "uggy": 58915, - "▁UserRepository": 58916, - "imin": 58917, - "(ele": 58918, - "▁labelled": 58919, - "▁Herman": 58920, - ".qq": 58921, - "▁\"));\n": 58922, - "ieber": 58923, - ".Translate": 58924, - "ryn": 58925, - "▁desenv": 58926, - "umd": 58927, - "Simply": 58928, - "\tmode": 58929, - "Rpc": 58930, - "▁Valencia": 58931, - "▁staffers": 58932, - "▁selv": 58933, - "▁Spike": 58934, - "▁delic": 58935, - "▁eru": 58936, - "_DT": 58937, - "Judge": 58938, - "▁Basin": 58939, - ".mutable": 58940, - "\"url": 58941, - "▁tariff": 58942, - "▁Sleeve": 58943, - "▁flare": 58944, - ".dropout": 58945, - "▁brides": 58946, - ")),\r\n": 58947, - "_constraints": 58948, - "destruct": 58949, - "Outline": 58950, - "▁disappears": 58951, - "_locked": 58952, - "▁NSLocalizedString": 58953, - "cke": 58954, - "\tnull": 58955, - "adresse": 58956, - "▁topping": 58957, - "▁Joker": 58958, - "bishop": 58959, - "andering": 58960, - "_amp": 58961, - "=time": 58962, - "_Space": 58963, - "_PULL": 58964, - "'=": 58965, - "▁antiqu": 58966, - "▁cach": 58967, - "___\n\n": 58968, - "ONES": 58969, - "▁unread": 58970, - ".policy": 58971, - "oooooooo": 58972, - "▁usted": 58973, - "▁Rece": 58974, - "▁allem": 58975, - "▁Thoughts": 58976, - "veillance": 58977, - "istrate": 58978, - "_lane": 58979, - "▁famed": 58980, - ".GetName": 58981, - "▁smoother": 58982, - "▁Qualified": 58983, - "azers": 58984, - "_geo": 58985, - "Fax": 58986, - "▁Minds": 58987, - "▁Raises": 58988, - "▁transcripts": 58989, - "Conversation": 58990, - "▁remarked": 58991, - "dling": 58992, - "▁deploying": 58993, - "▁sharedApplication": 58994, - "▁kp": 58995, - "FontAwesomeIcon": 58996, - "_dummy": 58997, - "reiben": 58998, - "▁Janeiro": 58999, - "Directions": 59000, - ".getBean": 59001, - "sass": 59002, - "▁commanders": 59003, - "vation": 59004, - "errorCode": 59005, - "▁Alloy": 59006, - ".localized": 59007, - "▁dishwasher": 59008, - "▁Soup": 59009, - "Nu": 59010, - "_Default": 59011, - "▁uneven": 59012, - "▁/>\";\n": 59013, - "-Based": 59014, - "▁seamlessly": 59015, - "-null": 59016, - "▁XC": 59017, - "▁stew": 59018, - "(delay": 59019, - "ATORS": 59020, - "▁Wheeler": 59021, - "\"H": 59165, - "east": 59166, - ".air": 59167, - "ObjectContext": 59168, - "successfully": 59169, - "_land": 59170, - "▁folds": 59171, - "_COORD": 59172, - "▁subpo": 59173, - ".getAddress": 59174, - "instr": 59175, - "Materials": 59176, - "deposit": 59177, - "-last": 59178, - "_GRAY": 59179, - "=find": 59180, - "▁mutant": 59181, - "▁lesbienne": 59182, - "letcher": 59183, - "ROUGH": 59184, - "ureka": 59185, - ".capture": 59186, - "▁enn": 59187, - "▁([[": 59188, - "▁Flu": 59189, - "▁taskId": 59190, - "▁Hussein": 59191, - ".folder": 59192, - "▁austerity": 59193, - "ISTRATION": 59194, - "_Impl": 59195, - "▁decree": 59196, - "-chat": 59197, - "▁implication": 59198, - "▁guesses": 59199, - "ulkan": 59200, - "Analytics": 59201, - ".plus": 59202, - "COMMAND": 59203, - "_SITE": 59204, - "▁equalTo": 59205, - "SupportFragmentManager": 59206, - "▁Recording": 59207, - "▁baggage": 59208, - "▁pitchers": 59209, - "▁Eh": 59210, - "oque": 59211, - "\tcnt": 59212, - "▁=>$": 59213, - "/foo": 59214, - "IRA": 59215, - "▁Satellite": 59216, - "borah": 59217, - "▁}}\"\n": 59218, - "▁Ends": 59219, - "▁Spray": 59220, - ",param": 59221, - ".Chrome": 59222, - "*q": 59223, - "thought": 59224, - "ibrated": 59225, - "▁thieves": 59226, - "▁beneficiaries": 59227, - "Entered": 59228, - "ottesville": 59229, - "▁veterin": 59230, - "ByID": 59231, - "quipe": 59232, - "umption": 59233, - "-unit": 59234, - "ExecutionContext": 59235, - "@s": 59236, - "▁Giov": 59237, - ".ToolTip": 59238, - "_friend": 59239, - "(attributes": 59240, - "▁dumping": 59241, - "▁JC": 59242, - "_DOCUMENT": 59243, - "▁Armour": 59244, - "(insert": 59245, - ".HorizontalAlignment": 59246, - "▁Qed": 59247, - "/git": 59248, - "▁YYYY": 59249, - "▁Cardiff": 59250, - "▁apa": 59251, - "organic": 59252, - "▁Whereas": 59253, - "▁Mia": 59254, - "▁demolition": 59255, - "▁scars": 59256, - "▁pai": 59257, - "▁retries": 59258, - "▁rq": 59259, - "▁Denis": 59260, - "(Utils": 59261, - "▁alleviate": 59262, - "▁PIC": 59263, - "idue": 59264, - "▁acknowledging": 59265, - "▁//////////////////////////////////": 59266, - "\\Json": 59267, - ".binary": 59268, - "▁xtype": 59269, - "signals": 59270, - "▁Appearance": 59271, - "&r": 59272, - "}s": 59273, - "Ci": 59274, - "▁Illum": 59275, - "porate": 59276, - "hog": 59277, - "▁indexOf": 59278, - "\\Command": 59279, - "_parallel": 59280, - "▁Sherlock": 59281, - "▁\"\")\r\n": 59282, - "////////////////////////////////////////////////////////////////////////////////////////////////": 59283, - "▁criticize": 59284, - "▁Soap": 59285, - "▁Matcher": 59286, - "▁grilled": 59287, - "*T": 59288, - "▁adore": 59289, - "ulling": 59290, - "▁jedoch": 59291, - "_refs": 59292, - "leanup": 59293, - "▁JAXB": 59294, - "▁roses": 59295, - "▁Liam": 59296, - "sizei": 59297, - "▁getchar": 59298, - "▁tarde": 59299, - "-tooltip": 59300, - "▁qualifier": 59301, - "▁Intermediate": 59302, - "_Window": 59303, - "▁Malta": 59304, - "Disconnect": 59305, - "ewhere": 59306, - "Campo": 59307, - "▁irrational": 59308, - "ledo": 59309, - "▁DN": 59310, - "ARGV": 59311, - "▁outro": 59312, - "▁thirteen": 59313, - "Joseph": 59314, - "MAR": 59315, - "/gl": 59316, - "Jess": 59317, - "▁Psychiat": 59318, - "▁paddingBottom": 59319, - "-loop": 59320, - "/fonts": 59321, - "_seen": 59322, - "Teams": 59323, - "ReactDOM": 59324, - "(man": 59325, - "(xpath": 59326, - ".getSimpleName": 59327, - ">(*": 59328, - "▁Pvt": 59329, - "▁elders": 59330, - "▁pies": 59331, - ".userAgent": 59332, - "-region": 59333, - "▁Greeks": 59334, - "(fragment": 59335, - "stu": 59336, - "▁councils": 59337, - "▁stamina": 59338, - "▁Goddess": 59339, - "▁philosophers": 59340, - "▁persone": 59341, - "▁Lose": 59342, - "▁CLR": 59343, - "▁Docs": 59344, - "▁soak": 59345, - "▁HOLDER": 59346, - "▁bells": 59347, - "hashCode": 59348, - "RATE": 59349, - "_WEIGHT": 59350, - "inous": 59351, - "endra": 59352, - "ophobic": 59353, - "▁prose": 59354, - "▁finely": 59355, - "/oauth": 59356, - "(space": 59357, - "adge": 59358, - "▁Mama": 59359, - "▁stringBuffer": 59360, - "▁stint": 59361, - "▁misma": 59362, - "▁villains": 59363, - "▁Crimea": 59364, - "▁diploma": 59365, - "▁Bea": 59366, - "(join": 59367, - "CHAT": 59368, - "pering": 59369, - "▁Cros": 59370, - "▁monkeys": 59371, - "▁preds": 59372, - "yla": 59373, - ",,,": 59374, - "▁vibrator": 59375, - "▁NU": 59376, - "fant": 59377, - "zet": 59378, - "▁bietet": 59379, - "unft": 59380, - "sworth": 59381, - ".Flow": 59382, - "▁psyched": 59383, - "▁Continental": 59384, - ">t": 59385, - "▁quilt": 59386, - ".UP": 59387, - "▁expansive": 59388, - "Dispose": 59389, - "(language": 59390, - "Caps": 59391, - "_ZONE": 59392, - "▁recycle": 59393, - "▁Managed": 59394, - "currentColor": 59395, - ".broadcast": 59396, - "signIn": 59397, - ".prom": 59398, - "llu": 59399, - "ueblo": 59400, - "▁punches": 59401, - "▁automat": 59402, - "▁assigning": 59403, - "▁createUser": 59404, - "▁Allied": 59405, - "▁conductor": 59406, - "▁saddle": 59407, - "▁dni": 59408, - "omedical": 59409, - "-West": 59410, - "PositiveButton": 59411, - "▁italic": 59412, - "?[": 59413, - "(trigger": 59414, - "▁elephants": 59415, - "\":\"\",\"": 59416, - "▁caliber": 59417, - "rafted": 59418, - "digits": 59419, - "▁marshal": 59420, - "milliseconds": 59421, - "markers": 59422, - "mom": 59423, - "/place": 59424, - "▁holistic": 59425, - ":t": 59426, - "#,": 59427, - "▁boto": 59428, - "▁nausea": 59429, - "▁Shooting": 59430, - "itech": 59431, - "▁textStatus": 59432, - "())\n": 59641, - "ADDRESS": 59642, - "BST": 59643, - "etzt": 59644, - "▁Qgs": 59645, - "Sense": 59646, - "ExceptionHandler": 59647, - "▁Chu": 59648, - ".getOwnProperty": 59649, - "▁exercised": 59650, - "iotic": 59651, - "▁Releases": 59652, - "▁pinterest": 59653, - "olie": 59654, - "isoft": 59655, - "▁sequencing": 59656, - "▁padre": 59657, - "]));\r\n": 59658, - "(radius": 59659, - ".med": 59660, - "ainties": 59661, - ".ObjectModel": 59662, - "▁emple": 59663, - "▁seguro": 59664, - "Stars": 59665, - "▁qualitative": 59666, - "lemn": 59667, - ">\").": 59668, - "▁gx": 59669, - "-cert": 59670, - "▁ASTM": 59671, - "▁fullname": 59672, - "▁telemetry": 59673, - "▁Cambodia": 59674, - "_ul": 59675, - "▁Clare": 59676, - "CUSTOM": 59677, - "QC": 59678, - "▁Uns": 59679, - "▁HTTPS": 59680, - "▁Parkinson": 59681, - "ancybox": 59682, - "','.": 59683, - "Tue": 59684, - ".getLast": 59685, - "▁abi": 59686, - "Ast": 59687, - "▁Editing": 59688, - ".Unity": 59689, - "jmp": 59690, - "▁mats": 59691, - "▁sharedPreferences": 59692, - "Captain": 59693, - ".pageSize": 59694, - "▁rtl": 59695, - "▁anmeld": 59696, - "RuntimeObject": 59697, - "▁demande": 59698, - "(\";": 59699, - "seite": 59700, - "-headed": 59701, - "▁Kra": 59702, - "▁FONT": 59703, - "`\\": 59704, - "ClassNotFoundException": 59705, - ".avg": 59706, - "atical": 59707, - "Aj": 59708, - "▁permitting": 59709, - "Proj": 59710, - "ERRQ": 59711, - "▁creampie": 59712, - "▁Buyer": 59713, - "-modules": 59714, - "▁Sundays": 59715, - "|`\n": 59716, - "▁daytime": 59717, - "▁+(": 59718, - "▁glitch": 59719, - "▁Operand": 59720, - "▁toxins": 59721, - "inya": 59722, - "DNS": 59723, - "▁Sas": 59724, - "Cake": 59725, - "▁Nationals": 59726, - ".addTo": 59727, - "▁sinking": 59728, - "▁comprehension": 59729, - "▁scor": 59730, - "agements": 59731, - "▁tard": 59732, - "▁marching": 59733, - "▁MTV": 59734, - "▁sane": 59735, - "CreateInfo": 59736, - "▁endIndex": 59737, - "\tlayout": 59738, - "SITE": 59739, - "▁THERE": 59740, - "▁[{'": 59741, - "opathic": 59742, - "▁transmitter": 59743, - "/body": 59744, - "▁pund": 59745, - "▁Closing": 59746, - "▁setattr": 59747, - "▁bounded": 59748, - "Atlas": 59749, - "suming": 59750, - "(times": 59751, - "parer": 59752, - "ynom": 59753, - "feit": 59754, - "▁frem": 59755, - "-leg": 59756, - "▁Bras": 59757, - ">#": 59758, - "▁INSTANCE": 59759, - "▁Couch": 59760, - "_hosts": 59761, - "likelihood": 59762, - ".Marker": 59763, - "▁Masks": 59764, - "▁cereal": 59765, - "utilities": 59766, - "▁elemental": 59767, - "▁distorted": 59768, - "inactive": 59769, - "cry": 59770, - "WL": 59771, - "UPPORTED": 59772, - ".Throws": 59773, - "/schema": 59774, - "serie": 59775, - ".\"',": 59776, - "▁Benedict": 59777, - "-picker": 59778, - "iggs": 59779, - "▁Pirate": 59780, - "▁Thema": 59781, - "▁Southampton": 59782, - "▁arrayWith": 59783, - "▁Paula": 59784, - "▁predictor": 59785, - "-Ass": 59786, - ".userid": 59787, - "▁peri": 59788, - "▁exaggerated": 59789, - "urate": 59790, - "arseille": 59791, - "▁Concent": 59792, - "▁Pik": 59793, - "▁@_;\n\n": 59794, - "▁formations": 59795, - "▁denomin": 59796, - "\"/>.\n": 59797, - "endedor": 59798, - "▁pancre": 59799, - "▁amt": 59800, - "▁onResume": 59801, - "onDelete": 59802, - "▁BCH": 59803, - ")(\"": 59804, - "movement": 59805, - "▁potassium": 59806, - "\n", - "▁-- >\n", - "▁--> \n", - "▁ Part", - "▁P art", - "▁Par t", - "▁Pa rt", - "val ues", - "value s", - "valu es", - "o ss", - "os s", - "/ **", - "/* *", - "i lit", - "il it", - "ili t", - "▁ Event", - "▁E vent", - "▁Even t", - "▁Ev ent", - "▁Eve nt", - "c urity", - "cur ity", - "s ter", - "st er", - "ste r", - "▁ character", - "▁char acter", - "1 98", - "19 8", - "▁ news", - "▁n ews", - "▁new s", - "▁ne ws", - "▁ \",", - "▁\" ,", - "▁ device", - "▁de vice", - "▁dev ice", - "c el", - "ce l", - "lo gin", - "log in", - "he et", - "hee t", - "D efault", - "De fault", - "Def ault", - "@ \"", - "\t ▁", - "c lick", - "cl ick", - "cli ck", - "( value", - "(v alue", - "(val ue", - "▁ Ab", - "▁A b", - "▁ previous", - "▁pre vious", - "▁prev ious", - "ERR OR", - "o cal", - "oc al", - "oca l", - "▁ material", - "▁m aterial", - "▁mat erial", - "▁mate rial", - "▁materia l", - "▁mater ial", - "▁ below", - "▁b elow", - "▁be low", - "▁bel ow", - "▁ Christ", - "▁Ch rist", - "▁Chris t", - "▁Chr ist", - "▁ media", - "▁m edia", - "▁me dia", - "▁med ia", - "▁medi a", - "c over", - "co ver", - "cov er", - "▁ UI", - "▁U I", - "▁ fail", - "▁f ail", - "▁fa il", - "▁ black", - "▁bl ack", - "▁ component", - "▁com ponent", - "▁ American", - "▁A merican", - "▁Americ an", - "▁America n", - "▁Amer ican", - "▁ added", - "▁add ed", - "▁ad ded", - "▁ buy", - "▁b uy", - "▁bu y", - "s tit", - "st it", - "▁ came", - "▁c ame", - "▁ca me", - "▁cam e", - "▁ delete", - "▁de lete", - "▁del ete", - "▁delet e", - "▁dele te", - "p roperty", - "prop erty", - "o ding", - "od ing", - "odi ng", - "▁ card", - "▁c ard", - "▁car d", - "▁ca rd", - "r ops", - "ro ps", - "rop s", - "▁ https", - "▁http s", - "▁htt ps", - "▁ root", - "▁r oot", - "▁ro ot", - "▁ handle", - "▁h andle", - "▁hand le", - "C C", - "B ack", - "Ba ck", - "em plate", - "emp late", - "empl ate", - "▁ getting", - "▁g etting", - "▁get ting", - "_ by", - "_b y", - "m ail", - "ma il", - "_ sh", - "_s h", - ". assert", - ".as sert", - "▁ Dec", - "▁D ec", - "▁De c", - "( true", - "(tr ue", - "▁com put", - "▁comp ut", - "▁ claim", - "▁cl aim", - "' =>", - "'= >", - "▁ Sub", - "▁S ub", - "▁Su b", - "▁ air", - "▁a ir", - "▁ai r", - "o ps", - "op s", - "n av", - "na v", - "e ments", - "em ents", - "ement s", - "emen ts", - "( id", - "(i d", - "▁ enter", - "▁en ter", - "▁ent er", - "an ged", - "ang ed", - "ange d", - "E nd", - "En d", - "▁ location", - "▁l ocation", - "▁loc ation", - "▁ night", - "▁n ight", - "▁ni ght", - "▁ doing", - "▁do ing", - "▁doi ng", - "▁ Red", - "▁R ed", - "▁Re d", - "l in", - "li n", - "} \n\n\n", - "}\n \n\n", - "}\n\n \n", - "v ider", - "vid er", - "vi der", - "vide r", - "▁ pick", - "▁p ick", - "▁pi ck", - "▁pic k", - "▁ watch", - "▁w atch", - "▁wat ch", - "ess ages", - "essage s", - "essa ges", - "▁ human", - "▁h uman", - "▁hum an", - "▁hu man", - "▁ dam", - "▁d am", - "▁da m", - "p end", - "pe nd", - "pen d", - "d ir", - "di r", - "▁ tax", - "▁t ax", - "▁ta x", - "▁ girl", - "▁g irl", - "▁gi rl", - "▁gir l", - "re et", - "ree t", - "▁ box", - "▁b ox", - "▁bo x", - "▁ strong", - "▁st rong", - "▁str ong", - "▁stro ng", - "( v", - "r el", - "re l", - "▁ interface", - "▁inter face", - "▁interf ace", - "▁ msg", - "▁m sg", - "▁ms g", - "f ect", - "fe ct", - "_ at", - "_a t", - "▁ house", - "▁h ouse", - "▁hous e", - "▁ho use", - "▁ track", - "▁tr ack", - "▁tra ck", - "' );\n\n", - "') ;\n\n", - "');\n \n", - "'); \n\n", - "j e", - "▁ John", - "▁J ohn", - "▁Jo hn", - "▁Joh n", - "i str", - "is tr", - "ist r", - "( S", - "u be", - "ub e", - "▁ ce", - "▁c e", - "it ted", - "itt ed", - "V ER", - "VE R", - "* )", - "p arent", - "par ent", - "pare nt", - "pa rent", - "paren t", - "▁ application", - "▁app lication", - "▁applic ation", - "▁appl ication", - "a ny", - "an y", - ".s wing", - ".sw ing", - "▁ pack", - "▁p ack", - "▁pa ck", - "▁pac k", - "\\ u", - "▁pr act", - "▁pra ct", - "▁prac t", - "▁ section", - "▁s ection", - "▁se ction", - "▁sec tion", - "▁sect ion", - "c tx", - "ct x", - "▁ unsigned", - "▁un signed", - "▁uns igned", - ". Point", - ".P oint", - "▁ One", - "▁O ne", - "▁On e", - "i ple", - "ip le", - "ipl e", - "a id", - "ai d", - "V ector", - "Vec tor", - "Ve ctor", - "by te", - "▁ wait", - "▁w ait", - "▁wa it", - "▁to gether", - "▁tog ether", - "▁ throws", - "▁th rows", - "▁throw s", - "▁thr ows", - "▁thro ws", - "F O", - "' ))", - "') )", - "h ost", - "ho st", - "hos t", - "is ing", - "isi ng", - "isin g", - ". view", - ".v iew", - "▁ terms", - "▁ter ms", - "▁term s", - "f ramework", - "fr amework", - "frame work", - "- r", - "▁ apply", - "▁app ly", - "▁ap ply", - "▁appl y", - "▁ session", - "▁s ession", - "▁sess ion", - "O ptions", - "Option s", - "Opt ions", - "ug gest", - "ugg est", - "▁ others", - "▁o thers", - "▁other s", - "w itter", - "▁ fund", - "▁f und", - "▁fun d", - "▁fu nd", - "I nit", - "In it", - "Ini t", - "_ _(", - "__ (", - "ens or", - "G ET", - "GE T", - "▁se veral", - "▁sever al", - "i i", - "[ j", - "I O", - "▁ template", - "▁t emplate", - "▁tem plate", - "▁temp late", - "P osition", - "Pos ition", - "▁e con", - "▁ec on", - "▁eco n", - "ach ine", - "achi ne", - "▁ il", - "▁i l", - ". spring", - ".s pring", - ".sp ring", - "m ain", - "ma in", - "e lt", - "el t", - "i ment", - "im ent", - "ime nt", - "imen t", - "R ec", - "Re c", - "m m", - "▁ University", - "▁Un iversity", - "▁Univers ity", - "urs or", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "G L", - "ic ture", - "ict ure", - "it hub", - "ith ub", - "c er", - "ce r", - "c ast", - "ca st", - "cas t", - "F rom", - "Fr om", - "a les", - "al es", - "ale s", - "▁ subject", - "▁su bject", - "▁sub ject", - "p assword", - "pass word", - "n y", - "▁ esc", - "▁e sc", - "▁es c", - ". write", - ".w rite", - "W hat", - "Wh at", - ". H", - "▁ history", - "▁h istory", - "▁histor y", - "▁hist ory", - "▁hi story", - "▁ Fe", - "▁F e", - "▁ individual", - "▁ind ividual", - "▁indiv idual", - "▁individ ual", - "u nit", - "un it", - "uni t", - "▁ -->", - "▁- ->", - "▁-- >", - "▁ du", - "▁d u", - "I ST", - "IS T", - "▁ users", - "▁us ers", - "▁use rs", - "▁user s", - "f s", - "f alse", - "u nt", - "un t", - "T itle", - "Tit le", - "Ti tle", - "▁ mot", - "▁m ot", - "▁mo t", - "▁ future", - "▁f uture", - "▁fut ure", - "▁fu ture", - "a ched", - "ac hed", - "ach ed", - "ache d", - "▁ started", - "▁start ed", - "▁star ted", - "▁ mode", - "▁m ode", - "▁mod e", - "▁mo de", - "▁ '<", - "▁' <", - "_ array", - "_a rray", - "_arr ay", - "_ar ray", - "▁ ax", - "▁a x", - "' ];\n", - "'] ;\n", - "']; \n", - "i res", - "ir es", - "ire s", - "T here", - "The re", - "Th ere", - "u ght", - "ug ht", - "ugh t", - "t ml", - "tm l", - "p osed", - "pos ed", - "pose d", - "po sed", - "ic ult", - "▁t ook", - "▁to ok", - "▁too k", - "▁ games", - "▁g ames", - "▁game s", - "▁gam es", - "▁ga mes", - "▁ }}", - "▁} }", - "▁ ?>\n", - "▁? >\n", - "▁?> \n", - "▁ products", - "▁product s", - "▁produ cts", - "I s", - "▁ bad", - "▁b ad", - "▁ba d", - "▁ Des", - "▁D es", - "▁De s", - ". path", - ".p ath", - ".pa th", - "' \n\n", - "'\n \n", - "▁ Post", - "▁P ost", - "▁Po st", - "▁Pos t", - "a vel", - "av el", - "ave l", - "( :", - "1 50", - "15 0", - "▁ needs", - "▁ne eds", - "▁need s", - "▁ known", - "▁k nown", - "▁kn own", - "▁know n", - "F l", - "▁ exec", - "▁e xec", - "▁ex ec", - "▁exe c", - "▁ seen", - "▁s een", - "▁se en", - "▁see n", - "5 1", - "u me", - "um e", - "▁ border", - "▁b order", - "▁bor der", - "▁bord er", - "▁ live", - "▁l ive", - "▁li ve", - "▁liv e", - "t emp", - "te mp", - "tem p", - "P er", - "Pe r", - "▁ variable", - "▁var iable", - "▁vari able", - "i et", - "ie t", - "▁ Def", - "▁D ef", - "▁De f", - "▁ ge", - "▁g e", - "e me", - "em e", - "_ back", - "_b ack", - "f irst", - "fi rst", - "▁pro vided", - "▁provid ed", - "▁prov ided", - "▁provide d", - "//////////////// ////////////////", - "▁ filename", - "▁f ilename", - "▁file name", - "▁fil ename", - "▁fi lename", - "▁ hope", - "▁h ope", - "▁hop e", - "▁ho pe", - "u ly", - "ul y", - "a uto", - "aut o", - "au to", - "f ind", - "fin d", - "fi nd", - "_ string", - "_s tring", - "_st ring", - "_str ing", - "b tn", - "bt n", - "it ude", - "itud e", - "itu de", - "At tribute", - "Attrib ute", - "▁you ng", - "▁yo ung", - ". txt", - ".t xt", - ".tx t", - "▁ website", - "▁we bsite", - "▁web site", - "▁ Prop", - "▁P rop", - "▁Pro p", - "▁Pr op", - "▁ ey", - "▁e y", - "> ();\n", - ">( );\n", - ">() ;\n", - ">(); \n", - "i onal", - "ion al", - "io nal", - "iona l", - "A RR", - "AR R", - "iction ary", - "ur ther", - "urt her", - ". ", - ")- >", - "t x", - "▁ pur", - "▁p ur", - "▁pu r", - "u el", - "ue l", - "ym bol", - "ymb ol", - "u ation", - "ua tion", - "uat ion", - "an ger", - "ang er", - "ange r", - "▁ background", - "▁back ground", - "e cess", - "ec ess", - "ef ined", - ". .......", - ".. ......", - "... .....", - ".... ....", - "..... ...", - "...... ..", - "....... .", - "▁ description", - "▁d escription", - "▁de scription", - "▁des cription", - "▁descri ption", - "▁ represent", - "▁re present", - "▁rep resent", - "\" ));\n", - "\") );\n", - "\")) ;\n", - "\")); \n", - "p ression", - "pr ession", - "press ion", - "row ser", - "rows er", - "rowse r", - "▁ series", - "▁s eries", - "▁se ries", - "▁ser ies", - "▁serie s", - "w ards", - "ward s", - "war ds", - "5 2", - "( $_", - "($ _", - "a ise", - "ai se", - "ais e", - "▁ hot", - "▁h ot", - "▁ho t", - "a city", - "ac ity", - "aci ty", - "r ies", - "ri es", - "rie s", - "a ctions", - "act ions", - "action s", - "C reate", - "Cre ate", - "Creat e", - "ad io", - "adi o", - "amp les", - "ample s", - "▁ original", - "▁or iginal", - "▁orig inal", - "▁origin al", - "ens ive", - "ensi ve", - "f ont", - "fo nt", - "fon t", - "st ream", - "str eam", - ".spring framework", - "0 01", - "00 1", - "s erver", - "ser ver", - "serve r", - "serv er", - "▁ bill", - "▁b ill", - "▁bi ll", - "▁bil l", - "A CK", - "AC K", - "i lename", - "il ename", - "ile name", - "ilen ame", - "▁ frame", - "▁f rame", - "▁fr ame", - "▁fra me", - "▁fram e", - "▁ =\n", - "▁= \n", - "E dit", - "Ed it", - "ad ius", - "adi us", - "▁ draw", - "▁d raw", - "▁dr aw", - "▁dra w", - "an ks", - "ank s", - "▁d eter", - "▁de ter", - "▁det er", - "▁ comes", - "▁c omes", - "▁com es", - "▁co mes", - "▁come s", - "_ int", - "_in t", - "_i nt", - "▁ foreach", - "▁f oreach", - "▁for each", - "▁fore ach", - "▁fo reach", - "an gle", - "ang le", - "▁ elect", - "▁e lect", - "▁el ect", - "▁ele ct", - "p ected", - "pect ed", - "pec ted", - "He ader", - "Head er", - "i stration", - "ist ration", - "istr ation", - "F alse", - "▁ Game", - "▁G ame", - "▁Ga me", - "▁Gam e", - "▁ filter", - "▁f ilter", - "▁fil ter", - "Act ivity", - "Activ ity", - "▁ larg", - "▁l arg", - "▁la rg", - "▁lar g", - "in ition", - "init ion", - "ini tion", - "▁ \"<", - "▁\" <", - "2 56", - "25 6", - "i sed", - "is ed", - "ise d", - "▁ remove", - "▁re move", - "▁rem ove", - "▁ Trans", - "▁T rans", - "▁Tr ans", - "▁Tra ns", - "▁Tran s", - "m et", - "me t", - "s ee", - "se e", - "Form at", - "For mat", - "Com mand", - "Comm and", - "▁ EX", - "▁E X", - "N one", - "No ne", - "Non e", - "▁ front", - "▁f ront", - "▁fr ont", - "▁fro nt", - "A SE", - "AS E", - "▁ Rec", - "▁R ec", - "▁Re c", - "ound ation", - "▁ vo", - "▁v o", - "9 6", - "= \\\"", - "=\\ \"", - "( *", - "Ch ange", - "Chan ge", - ". Write", - ".W rite", - "g roup", - "gr oup", - "gro up", - "i ents", - "ient s", - "ien ts", - "u y", - "******** ********************************************************", - "**************** ************************************************", - "******************************** ********************************", - "************************ ****************************************", - "**************************************** ************************", - "************************************************ ****************", - "******************************************************** ********", - "▁ dig", - "▁d ig", - "▁di g", - "h r", - "( -", - "▁ gen", - "▁g en", - "▁ge n", - "n umber", - "num ber", - "v ec", - "ve c", - "ur ope", - "uro pe", - "en try", - "ent ry", - "entr y", - "L L", - "▁ ste", - "▁s te", - "▁st e", - "Val id", - "' ],", - "'] ,", - "_ param", - "_p aram", - "_par am", - "_para m", - "_pa ram", - "▁ selected", - "▁se lected", - "▁select ed", - "▁sel ected", - "▁a ccording", - "▁acc ording", - "▁accord ing", - "▁ Dis", - "▁D is", - "▁Di s", - "▁ util", - "▁u til", - "▁ut il", - "B uffer", - "Buf fer", - "Buff er", - "Bu ffer", - "_ error", - "_e rror", - "_err or", - "▁ associ", - "▁ass oci", - "▁assoc i", - "_ SIZE", - "_S IZE", - "▁ wor", - "▁w or", - "▁wo r", - "▁ printf", - "▁print f", - "r ag", - "ra g", - "D D", - "▁ Val", - "▁V al", - "▁Va l", - "▁ activ", - "▁act iv", - "E ng", - "En g", - "e time", - "et ime", - "eti me", - "▁ virtual", - "▁v irtual", - "▁virt ual", - "a ign", - "ai gn", - "a ur", - "au r", - "▁ Pres", - "▁P res", - "▁Pr es", - "▁Pre s", - "▁ Exception", - "▁Ex ception", - "▁Except ion", - "▁any thing", - "▁ Off", - "▁O ff", - "▁Of f", - "▁ hours", - "▁h ours", - "▁hour s", - "▁ho urs", - "▁ war", - "▁w ar", - "▁wa r", - "Arg s", - "Ar gs", - "a ging", - "ag ing", - "agi ng", - "▁ models", - "▁mod els", - "▁model s", - "▁mode ls", - "▁ Time", - "▁T ime", - "▁Tim e", - "▁Ti me", - "O b", - "a ms", - "am s", - "j oy", - "jo y", - "▁ early", - "▁ear ly", - ". read", - ".re ad", - ".r ead", - "8 6", - "▁ center", - "▁c enter", - "▁cent er", - "▁ Initial", - "▁In itial", - "▁Init ial", - "▁Initi al", - "▁ language", - "▁l anguage", - "l ength", - "le ngth", - "x y", - "▁ sn", - "▁s n", - "▁ inf", - "▁in f", - "▁i nf", - "P ost", - "Pos t", - "Po st", - "▁ ago", - "▁a go", - "▁ag o", - "▁ easy", - "▁e asy", - "▁eas y", - "▁ea sy", - "_ code", - "_c ode", - "_co de", - "_cod e", - "▁ ANY", - "▁A NY", - "▁AN Y", - "_ ch", - "_c h", - "▁ download", - "▁d ownload", - "▁down load", - "( T", - "a ved", - "av ed", - "ave d", - "▁ students", - "▁st udents", - "▁stud ents", - "▁student s", - "▁ fig", - "▁f ig", - "▁fi g", - "l ight", - "li ght", - "lig ht", - "x x", - "▁ buffer", - "▁b uffer", - "▁bu ffer", - "▁buf fer", - "▁buff er", - "▁ Dep", - "▁D ep", - "▁De p", - "▁ Math", - "▁M ath", - "▁Mat h", - "▁Ma th", - "I TH", - "IT H", - "▁ vari", - "▁v ari", - "▁var i", - "▁va ri", - "▁ due", - "▁d ue", - "▁du e", - "F actory", - "Fact ory", - "Factor y", - "▁ por", - "▁p or", - "▁po r", - "▁ ep", - "▁e p", - "o type", - "ot ype", - "otyp e", - "▁ cannot", - "▁c annot", - "▁can not", - "▁cann ot", - "▁ white", - "▁wh ite", - "▁whit e", - "< int", - "\r\n", - "\"> \r\n", - ". annot", - ".an not", - "▁ collection", - "▁c ollection", - "▁col lection", - "▁coll ection", - "▁collect ion", - "▁colle ction", - "' .", - "▁sim ilar", - "▁t aken", - "▁take n", - "▁ta ken", - "▁tak en", - "( \"%", - "(\" %", - "Or der", - "Ord er", - "' ]\n", - "'] \n", - "- md", - "-m d", - "▁ TH", - "▁T H", - "a ced", - "ace d", - "ac ed", - "▁is n", - "▁i sn", - "/ j", - "▁ son", - "▁s on", - "▁so n", - "g raph", - "gr aph", - "gra ph", - "▁ Integer", - "▁Int eger", - "▁n ecess", - "▁ne cess", - "▁nec ess", - "▁neces s", - "r een", - "re en", - "ree n", - "▁ um", - "▁u m", - "▁ \\<", - "▁\\ <", - "▁ moment", - "▁m oment", - "▁mom ent", - "▁mo ment", - "▁b ring", - "▁br ing", - "▁bri ng", - "▁in dic", - "▁ind ic", - "y sis", - "ys is", - "Le vel", - "ver se", - "vers e", - "urre nc", - "urr enc", - "_ test", - "_t est", - "_te st", - "▁ent ire", - "D own", - "Do wn", - "▁ }\n\n\n", - "▁} \n\n\n", - "▁}\n \n\n", - "▁}\n\n \n", - "( result", - "(res ult", - "▁ Read", - "▁R ead", - "▁Re ad", - "M od", - "Mo d", - "▁t rying", - "▁tr ying", - "▁try ing", - "\" ),\n", - "\") ,\n", - "\"), \n", - "▁ member", - "▁m ember", - "▁mem ber", - "▁memb er", - "▁ Cor", - "▁C or", - "▁Co r", - "O DO", - "OD O", - "- control", - "-cont rol", - "un time", - "unt ime", - "▁ Sim", - "▁S im", - "▁Si m", - "D ialog", - "Di alog", - "p lot", - "pl ot", - "_ on", - "_o n", - "▁ phys", - "▁ph ys", - "▁phy s", - "} /", - "▁ namespace", - "▁n amespace", - "▁name space", - "▁names pace", - "\t \r\n", - "a cc", - "ac c", - "P layer", - "Pl ayer", - "Play er", - "A RE", - "AR E", - "8 9", - "▁ foot", - "▁f oot", - "▁fo ot", - "▁foo t", - "▁ board", - "▁b oard", - "▁bo ard", - "p art", - "par t", - "pa rt", - "▁s us", - "▁su s", - "w ise", - "wi se", - "wis e", - "▁ Mc", - "▁M c", - "▁ push", - "▁p ush", - "▁pu sh", - "A TA", - "AT A", - "▁ please", - "▁p lease", - "▁pl ease", - "▁ple ase", - "▁plea se", - "r ied", - "ri ed", - "rie d", - "we et", - "b it", - "bi t", - "i ded", - "id ed", - "ide d", - "V E", - "▁ Sw", - "▁S w", - "U B", - "▁ types", - "▁t ypes", - "▁type s", - "▁typ es", - "▁ty pes", - "e dia", - "ed ia", - "edi a", - "▁c los", - "▁cl os", - "▁clo s", - "ace book", - "W hen", - "Wh en", - "▁ edit", - "▁e dit", - "▁ed it", - "ig ger", - "igg er", - "▁e nerg", - "▁en erg", - "▁ener g", - "Cont ainer", - "Contain er", - "▁ phot", - "▁p hot", - "▁ph ot", - "▁ Count", - "▁C ount", - "▁Co unt", - "▁Cou nt", - "▁Coun t", - "▁ Europe", - "▁E urope", - "▁Euro pe", - ". Is", - ".I s", - "▁R uss", - "▁Ru ss", - "▁Rus s", - "p eed", - "pe ed", - "pee d", - "▁ Str", - "▁S tr", - "▁St r", - "▁ py", - "▁p y", - "▁c ult", - "▁cu lt", - "▁cul t", - "▁ defined", - "▁d efined", - "▁def ined", - "▁define d", - "▁defin ed", - "c count", - "cc ount", - "cco unt", - "▁o bt", - "▁ob t", - ". Location", - ".L ocation", - "▁ thread", - "▁th read", - "▁thr ead", - "il le", - "ill e", - "▁in stead", - "▁inst ead", - "st rong", - "str ong", - "▁ Sec", - "▁S ec", - "▁Se c", - "U RE", - "UR E", - "▁ idea", - "▁i dea", - "▁id ea", - "▁ide a", - ". se", - ".s e", - "e my", - "em y", - "se lected", - "select ed", - "sel ected", - "Con nection", - "Conn ection", - "Connect ion", - "a cing", - "ac ing", - "aci ng", - "acin g", - "th read", - "thr ead", - ". next", - ".n ext", - ".ne xt", - "▁ coll", - "▁c oll", - "▁co ll", - "▁col l", - "▁ film", - "▁f ilm", - "▁fil m", - "▁fi lm", - "is tic", - "ist ic", - "isti c", - "▁ compet", - "▁com pet", - "▁comp et", - "▁ conn", - "▁c onn", - "▁con n", - "▁co nn", - "th ough", - "▁ compan", - "▁com pan", - "▁comp an", - "o cket", - "oc ket", - "ock et", - "▁t each", - "▁te ach", - "▁tea ch", - "= (", - "▁ phone", - "▁p hone", - "▁ph one", - "▁phon e", - "▁ active", - "▁act ive", - "▁activ e", - "7 9", - "de lete", - "del ete", - "1 01", - "10 1", - "t ries", - "tr ies", - "trie s", - "tri es", - "▁ mo", - "▁m o", - "▁de ath", - "} );\n\n", - "});\n \n", - "}) ;\n\n", - "}); \n\n", - "o col", - "oc ol", - "oco l", - "W idget", - "▁ article", - "▁art icle", - "▁artic le", - "ro du", - "rod u", - "an did", - "and id", - "▁ Cr", - "▁C r", - "k a", - "( ):", - "() :", - "l ood", - "lo od", - "loo d", - "\t \t\t\n", - "\t\t \t\n", - "\t\t\t \n", - "▁ almost", - "▁al most", - "▁ sell", - "▁s ell", - "▁se ll", - "▁sel l", - "erv let", - "r ip", - "ri p", - "U nit", - "Un it", - "▁app lic", - "▁appl ic", - "▁ connect", - "▁con nect", - "▁conn ect", - "▁ feature", - "▁f eature", - "▁fe ature", - "▁feat ure", - "▁ via", - "▁v ia", - "▁vi a", - "' ),", - "') ,", - "▁ lim", - "▁l im", - "▁li m", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁ Gu", - "▁G u", - "Eng ine", - "▁ ens", - "▁e ns", - "▁en s", - "▁ environment", - "▁en vironment", - "▁environ ment", - "b lock", - "bl ock", - "blo ck", - "H ERE", - "HE RE", - "HER E", - "N ULL", - "NU LL", - "g y", - "t ag", - "ta g", - ") ).", - ")) .", - "e xp", - "ex p", - "▁com pl", - "▁co mpl", - "▁comp l", - "▁ install", - "▁inst all", - "▁instal l", - "▁ complete", - "▁com plete", - "▁comp lete", - "▁comple te", - "▁complet e", - "▁compl ete", - "q ueue", - "que ue", - "at ural", - "atur al", - "atura l", - "atu ral", - "▁ general", - "▁g eneral", - "▁gener al", - "▁gen eral", - "▁gene ral", - "th on", - "▁as ked", - "▁ask ed", - "o res", - "or es", - "ore s", - "( res", - "(r es", - "(re s", - "▁ reserved", - "▁res erved", - "▁reserve d", - "▁reserv ed", - "S P", - "▁sign ific", - "O ff", - "Of f", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁ Ag", - "▁A g", - "▁ Just", - "▁J ust", - "▁Ju st", - "▁ Error", - "▁E rror", - "▁Er ror", - "▁Err or", - "▁in fl", - "▁inf l", - "a data", - "ad ata", - "ada ta", - "▁ icon", - "▁i con", - "▁ic on", - "as ks", - "ask s", - "' '", - "_ LO", - "_L O", - "? .", - "a ccount", - "ac count", - "acc ount", - "acco unt", - "▁ (*", - "▁( *", - "' )\n\n", - "') \n\n", - "')\n \n", - "r ap", - "ra p", - "_ var", - "_v ar", - "▁ FOR", - "▁F OR", - "▁FO R", - "▁ party", - "▁p arty", - "▁part y", - "▁par ty", - "▁ Your", - "▁Y our", - "▁You r", - "▁Yo ur", - "c at", - "ca t", - "s try", - "st ry", - "str y", - ". new", - ".n ew", - ".ne w", - "b oot", - "bo ot", - "boo t", - "▁ Nov", - "▁N ov", - "▁No v", - "▁ vector", - "▁v ector", - "▁ve ctor", - "▁vec tor", - "▁vect or", - "▁ normal", - "▁n ormal", - "▁nor mal", - "▁norm al", - "▁f urther", - "▁fur ther", - "Re pository", - "8 00", - "80 0", - "▁ database", - "▁d atabase", - "▁data base", - "at tle", - "att le", - "▁ music", - "▁m usic", - "▁mus ic", - "▁mu sic", - "▁ speed", - "▁s peed", - "▁sp eed", - "▁spe ed", - "▁ doc", - "▁d oc", - "▁do c", - "p rocess", - "pro cess", - "proc ess", - "IG HT", - "IGH T", - ". parse", - ".p arse", - ".par se", - "▁t aking", - "▁ta king", - "▁tak ing", - "▁ viol", - "▁v iol", - "▁vi ol", - "c eed", - "ce ed", - "▁ After", - "▁A fter", - "▁Af ter", - "▁ forward", - "▁for ward", - "▁ crit", - "▁c rit", - "▁cr it", - "▁cri t", - "\" />\n", - "\"/ >\n", - "\"/> \n", - "r ot", - "ro t", - "▁ failed", - "▁f ailed", - "▁fa iled", - "▁fail ed", - "e fore", - "ef ore", - "▁con cern", - "▁conc ern", - "▁conce rn", - "o e", - "b a", - "▁ sender", - "▁s ender", - "▁se nder", - "▁send er", - "▁sen der", - "▁ term", - "▁t erm", - "▁te rm", - "▁ter m", - "h as", - "ha s", - "= \"#", - "=\" #", - "▁pot ential", - "▁potent ial", - "N um", - "Nu m", - "▁ published", - "▁p ublished", - "▁publish ed", - ". close", - ".c lose", - ".cl ose", - "▁ Image", - "▁I mage", - "▁Im age", - "str aint", - "stra int", - "U D", - "▁ Ob", - "▁O b", - "▁ probably", - "▁prob ably", - "l im", - "li m", - "\" :\n", - "\": \n", - "ol ume", - "olum e", - "olu me", - "▁con sum", - "▁cons um", - "7 6", - "a gue", - "ag ue", - "agu e", - "ens ions", - "ension s", - "ensi ons", - "▁invest ig", - "- year", - "-y ear", - "' );", - "') ;", - "- sm", - "-s m", - "▁en joy", - "▁enjo y", - "o rig", - "or ig", - "ori g", - "e ring", - "er ing", - "eri ng", - "c p", - "le ased", - "lease d", - "pl ements", - "ple ments", - "plement s", - "▁ returns", - "▁return s", - "p at", - "pa t", - "B O", - "▁ House", - "▁H ouse", - "▁Ho use", - "▁Hou se", - ". Label", - ".L abel", - "▁ weight", - "▁we ight", - "▁weigh t", - "ig hb", - "igh b", - "▁ conditions", - "▁condition s", - "▁cond itions", - "▁ exception", - "▁ex ception", - "▁except ion", - "d escription", - "de scription", - "des cription", - "▁ trad", - "▁t rad", - "▁tr ad", - "▁tra d", - "- to", - "-t o", - "▁ {}", - "▁{ }", - "▁ module", - "▁m odule", - "▁mod ule", - "E ND", - "EN D", - ". ap", - ".a p", - ". props", - ".p rops", - ".pro ps", - ".pr ops", - ".prop s", - "▁ constructor", - "▁con structor", - "▁construct or", - "a ves", - "av es", - "ave s", - "▁f avor", - "▁fa vor", - "▁fav or", - "▁ Now", - "▁N ow", - "▁No w", - "; i", - "▁ Main", - "▁M ain", - "▁Ma in", - "▁Mai n", - "_ k", - "e ries", - "er ies", - "erie s", - "eri es", - "trans form", - "ime stamp", - "imest amp", - "P re", - "Pr e", - "▁ mer", - "▁m er", - "▁me r", - ". res", - ".re s", - ".r es", - "s tant", - "st ant", - "sta nt", - "stan t", - "L ocation", - "Loc ation", - "_ NAME", - "_N AME", - "▁ loss", - "▁l oss", - "▁lo ss", - "▁los s", - "▁ \n\n", - "▁\n \n", - "n et", - "ne t", - "▁ engine", - "▁eng ine", - "B lock", - "Bl ock", - "▁ issues", - "▁iss ues", - "▁issue s", - "▁issu es", - "▁ parse", - "▁p arse", - "▁par se", - "▁pars e", - "▁ Bar", - "▁B ar", - "▁Ba r", - "▁ stay", - "▁st ay", - "▁sta y", - "▁ JSON", - "▁J SON", - "▁JS ON", - "▁ dom", - "▁d om", - "▁do m", - "a irs", - "air s", - "ai rs", - "w ner", - "wn er", - "▁ lower", - "▁l ower", - "▁lo wer", - "▁low er", - "\" ,\r\n", - "\", \r\n", - "▁ Dem", - "▁D em", - "▁De m", - "u fact", - "uf act", - "▁ ps", - "▁p s", - "▁per fect", - "▁perf ect", - "R L", - "▁ educ", - "▁e duc", - "▁ed uc", - "▁edu c", - "l s", - "em ory", - "emo ry", - "ARR ANT", - "u ge", - "ug e", - "▁ exact", - "▁ex act", - ". key", - ".k ey", - "al led", - "all ed", - "alle d", - "e ch", - "ec h", - "i ef", - "ie f", - "\\ /", - "o ke", - "ok e", - "▁ former", - "▁for mer", - "▁form er", - "▁forme r", - "al loc", - "all oc", - "allo c", - "▁ six", - "▁s ix", - "▁si x", - "i da", - "id a", - "▁ margin", - "▁m argin", - "▁mar gin", - "▁marg in", - "▁ heart", - "▁he art", - "▁hear t", - "a ld", - "al d", - "p ack", - "pa ck", - "pac k", - ".getElement ById", - "▁W ARRANT", - "▁r ather", - "▁rat her", - "▁ra ther", - "▁ building", - "▁build ing", - "er man", - "erm an", - "l ice", - "lic e", - "li ce", - "▁ questions", - "▁quest ions", - "▁question s", - "i zes", - "iz es", - "ize s", - "le ge", - "leg e", - "irect ory", - "▁ je", - "▁j e", - "▁ cas", - "▁c as", - "▁ca s", - "p rops", - "pr ops", - "pro ps", - "prop s", - "u tf", - "ut f", - "▁ security", - "▁s ecurity", - "▁se curity", - "▁sec urity", - "▁how ever", - "we ight", - "wei ght", - "weigh t", - "▁ inside", - "▁in side", - "▁ins ide", - "▁p resident", - "▁pres ident", - "C har", - "Ch ar", - "▁ WITH", - "▁W ITH", - "▁WI TH", - ". map", - ".m ap", - "▁ graph", - "▁g raph", - "▁gr aph", - "▁gra ph", - "▁ tag", - "▁t ag", - "▁ta g", - "_ status", - "_st atus", - "_stat us", - "▁ attempt", - "▁at tempt", - "▁att empt", - "o pp", - "op p", - "u ses", - "us es", - "use s", - "\t const", - "\tcon st", - "▁ round", - "▁r ound", - "▁ro und", - "▁rou nd", - ", $", - "▁ friends", - "▁f riends", - "▁fri ends", - "▁friend s", - "E mail", - "Em ail", - "? >", - "Re source", - "Res ource", - "KE Y", - "o sp", - "os p", - ". query", - ".qu ery", - "▁ North", - "▁N orth", - "▁Nor th", - "a bles", - "ab les", - "able s", - "abl es", - "is trib", - "ist rib", - "istr ib", - "_ class", - "_c lass", - "_cl ass", - "el lo", - "ell o", - "T hat", - "Th at", - "pec ially", - "pecial ly", - "▁ President", - "▁P resident", - "▁Pres ident", - "▁ campaign", - "▁c ampaign", - "▁camp aign", - "▁ alt", - "▁a lt", - "▁al t", - "a rea", - "ar ea", - "are a", - "▁c hall", - "▁ch all", - "▁cha ll", - "▁op port", - "▁opp ort", - ". Con", - ".C on", - ".Co n", - "▁ energy", - "▁e nergy", - "▁en ergy", - "▁energ y", - "▁ener gy", - "l ike", - "li ke", - "lik e", - ". string", - ".s tring", - ".st ring", - ".str ing", - "ing ton", - ") *", - "y y", - "▁prof ession", - "▁profess ion", - "ir th", - "irt h", - "▁ seg", - "▁s eg", - "▁se g", - "▁ hor", - "▁h or", - "▁ho r", - "i ers", - "ie rs", - "ier s", - "c an", - "ca n", - "▁beh ind", - "Pro duct", - "Produ ct", - "Prod uct", - "f g", - "▁ Sk", - "▁S k", - ". jpg", - ".j pg", - ".jp g", - "? :", - "] ;\n\n", - "];\n \n", - "]; \n\n", - "▁ callback", - "▁c allback", - "▁call back", - "▁ Http", - "▁H ttp", - "l ong", - "lo ng", - "lon g", - "M S", - "A TH", - "AT H", - "▁ raise", - "▁r aise", - "▁rais e", - "▁ra ise", - "▁w anted", - "▁want ed", - "r own", - "ro wn", - "row n", - "u tor", - "ut or", - "uto r", - "l t", - "] =", - "e line", - "el ine", - "eli ne", - "elin e", - "M A", - "▁s epar", - "▁se par", - "▁sep ar", - "c s", - "s emb", - "se mb", - "sem b", - "D is", - "Di s", - "b serv", - "bs erv", - "▁ Will", - "▁W ill", - "▁Wil l", - "▁Wi ll", - "▁ policy", - "▁p olicy", - "▁pol icy", - "▁polic y", - "▁ third", - "▁th ird", - "▁thi rd", - "p hone", - "ph one", - "phon e", - "▁ bed", - "▁b ed", - "▁be d", - "/ g", - ". __", - "._ _", - "▁ Inc", - "▁I nc", - "▁In c", - "i zing", - "iz ing", - "izi ng", - ". remove", - ".re move", - ".rem ove", - "in stance", - "inst ance", - "instanc e", - ". type", - ".t ype", - ".typ e", - "▁ serv", - "▁s erv", - "▁se rv", - "▁ser v", - "E ach", - "▁ har", - "▁h ar", - "▁ha r", - "▁ Message", - "▁M essage", - "▁Mess age", - "( key", - "(k ey", - "SE LECT", - "SEL ECT", - "P os", - "Po s", - ") );\r\n", - ")) ;\r\n", - ")); \r\n", - "▁re comm", - "▁rec omm", - "▁recom m", - "▁reco mm", - "▁ training", - "▁tr aining", - "▁train ing", - "▁tra ining", - "▁ Ent", - "▁E nt", - "▁En t", - "▁ Char", - "▁C har", - "▁Ch ar", - "▁Cha r", - "i cht", - "ic ht", - "ich t", - "( file", - "(f ile", - "▁p rior", - "▁pr ior", - "▁pri or", - "G ame", - "▁ exit", - "▁e xit", - "▁ex it", - "Param s", - "Par ams", - "Para ms", - ". core", - ".c ore", - ".co re", - ".cor e", - "P C", - "n es", - "ne s", - "an ced", - "ance d", - "anc ed", - "( request", - "(re quest", - "(req uest", - "P assword", - "Pass word", - "} >\n", - "}> \n", - "▁ mag", - "▁m ag", - "▁ma g", - "▁ release", - "▁re lease", - "▁rel ease", - "▁rele ase", - "▁ shall", - "▁s hall", - "▁sh all", - "▁sha ll", - "u dent", - "ud ent", - "ude nt", - "uden t", - "▁ South", - "▁S outh", - "▁So uth", - "▁Sou th", - "an do", - "and o", - ": '", - ".Tab Index", - "s k", - "an ner", - "ann er", - "anne r", - "is set", - "iss et", - "isse t", - "▁out side", - "▁outs ide", - "l edge", - "led ge", - "▁ Rob", - "▁R ob", - "▁Ro b", - "▁ imm", - "▁i mm", - "▁im m", - "! \n", - "▁ Web", - "▁W eb", - "▁We b", - "D es", - "De s", - "B C", - "an cial", - "anc ial", - "ancia l", - "R oute", - "Ro ute", - "D ec", - "De c", - "fer ences", - "ference s", - "▁p urch", - "▁pur ch", - "▁pu rch", - "▁ Model", - "▁M odel", - "▁Mod el", - "▁Mo del", - "▁Mode l", - "c tor", - "ct or", - "g n", - "_ start", - "_st art", - "_star t", - "_ un", - "_u n", - ". *", - "i ses", - "is es", - "ise s", - "▁ ground", - "▁g round", - "▁gr ound", - "▁gro und", - "▁ unique", - "▁un ique", - "▁uniqu e", - "▁uni que", - "▁uniq ue", - "▁be aut", - "{ \"", - "▁ pour", - "▁p our", - "▁po ur", - "▁pou r", - "▁ Oct", - "▁O ct", - "▁ tree", - "▁t ree", - "▁tr ee", - "▁tre e", - "s ets", - "se ts", - "set s", - "_ res", - "_re s", - "_r es", - "' )->", - "') ->", - "_ reg", - "_re g", - "_r eg", - "( \"\\", - "(\" \\", - "▁ byte", - "▁by te", - "B l", - "▁ dating", - "▁d ating", - "▁da ting", - "▁dat ing", - "▁ matter", - "▁m atter", - "▁mat ter", - "▁matt er", - "▁ Rem", - "▁R em", - "▁Re m", - "▁' ../", - "▁'. ./", - "▁'.. /", - "▁ Aug", - "▁A ug", - "▁Au g", - "▁ La", - "▁L a", - "▁ $(", - "▁$ (", - "our nal", - "ourn al", - "1 11", - "11 1", - "i am", - "ia m", - "▁ shows", - "▁sh ows", - "▁show s", - "w rite", - "wr ite", - "▁ ball", - "▁b all", - "▁bal l", - "▁ba ll", - "▁sim ply", - "▁simp ly", - "▁simpl y", - "▁ fast", - "▁f ast", - "▁fa st", - "▁ memory", - "▁m emory", - "▁mem ory", - "▁memor y", - "▁memo ry", - "A SS", - "AS S", - "▁ Of", - "▁O f", - "o ved", - "ov ed", - "ove d", - "a nte", - "an te", - "ant e", - "a ul", - "au l", - "i stry", - "is try", - "ist ry", - "istr y", - ") ));\n", - ")) );\n", - "))) ;\n", - "))); \n", - "▁ fit", - "▁f it", - "▁fi t", - "< string", - " _", - "\" )\n\n", - "\") \n\n", - "\")\n \n", - "o x", - "app lication", - "▁ ]\n", - "▁] \n", - "\n \n\n\n\n\n", - "\n\n \n\n\n\n", - "\n\n\n\n \n\n", - "\n\n\n \n\n\n", - "\n\n\n\n\n \n", - "1 80", - "18 0", - "▁s oon", - "▁so on", - "▁soo n", - "ct ions", - "ction s", - "in ger", - "ing er", - "inge r", - "▁ join", - "▁j oin", - "▁jo in", - "▁ Pe", - "▁P e", - "▁ las", - "▁l as", - "▁la s", - ". E", - "c ss", - "cs s", - "/ or", - "/o r", - "▁ Start", - "▁St art", - "▁Star t", - "▁Sta rt", - "▁ TO", - "▁T O", - "▁s ubs", - "▁su bs", - "▁sub s", - "c onn", - "con n", - "co nn", - "com ponents", - "component s", - "DE BUG", - "qu are", - "qua re", - "F unction", - "Func tion", - "Fun ction", - "en dar", - "end ar", - "enda r", - ". index", - ".ind ex", - "▁ fill", - "▁f ill", - "▁fil l", - "▁fi ll", - "▁ choose", - "▁ch oose", - "▁cho ose", - "h ow", - "ho w", - "▁ America", - "▁Americ a", - "▁Amer ica", - "as sets", - "ass ets", - "asset s", - "asse ts", - "- -----------", - "-- ----------", - "---- --------", - "-------- ----", - "--- ---------", - "----- -------", - "---------- --", - "------ ------", - "----------- -", - "------- -----", - "--------- ---", - "▁ Value", - "▁V alue", - "▁Val ue", - "▁ office", - "▁off ice", - "▁offic e", - "▁ veh", - "▁v eh", - "▁ve h", - "▁ transform", - "▁trans form", - "▁transf orm", - "▁ Art", - "▁A rt", - "▁Ar t", - "▁ inde", - "▁in de", - "▁i nde", - "▁ind e", - "▁ fn", - "▁f n", - "▁im plements", - "▁implement s", - "▁impl ements", - "an go", - "ang o", - "p lete", - "pl ete", - "ple te", - "plet e", - "+ \"", - "t mp", - "tm p", - "am ily", - "ami ly", - "amil y", - "▁ hash", - "▁h ash", - "▁has h", - "▁ha sh", - "m issions", - "miss ions", - "mission s", - "E ST", - "ES T", - "g t", - "Pro vider", - "Provid er", - "Provide r", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁ flag", - "▁f lag", - "▁fl ag", - "▁part icip", - "▁partic ip", - "d en", - "de n", - "▁ Returns", - "▁Return s", - "▁ note", - "▁n ote", - "▁not e", - "▁no te", - "p m", - "ide os", - "ideo s", - "▁ specified", - "▁s pecified", - "▁spec ified", - "▁ EN", - "▁E N", - "e ster", - "es ter", - "est er", - "este r", - "o lid", - "ol id", - "oli d", - "▁ upon", - "▁u pon", - "▁up on", - "( std", - "(s td", - "(st d", - "\t v", - "▁ '\\", - "▁' \\", - "u z", - "▁ vert", - "▁v ert", - "▁ver t", - "▁ve rt", - "▁v ict", - "▁vi ct", - "▁vic t", - "\t self", - "\ts elf", - "▁ \"$", - "▁\" $", - "8 5", - ". k", - "▁ groups", - "▁group s", - "▁gro ups", - "g ithub", - "git hub", - "l ang", - "la ng", - "lan g", - "▁ mut", - "▁m ut", - "▁mu t", - "T O", - "▁ ve", - "▁v e", - "▁ Please", - "▁P lease", - "▁Pl ease", - "▁Ple ase", - "; \n\n\n", - ";\n \n\n", - ";\n\n \n", - "a ccess", - "ac cess", - "acc ess", - "▁ {\"", - "▁{ \"", - "r ea", - "re a", - "▁r isk", - "▁ris k", - "▁ri sk", - "i cker", - "ic ker", - "ick er", - "og gle", - "ogg le", - "\t while", - "A NG", - "AN G", - ". send", - ".s end", - ".se nd", - "7 2", - "▁ woman", - "▁w oman", - "▁wom an", - "▁wo man", - "▁ gets", - "▁g ets", - "▁get s", - "▁ge ts", - "▁ ign", - "▁i gn", - "▁ig n", - "▁ Id", - "▁I d", - "_ log", - "_l og", - "_lo g", - "O NE", - "ON E", - "▁e vid", - "▁ev id", - "▁ Har", - "▁H ar", - "▁Ha r", - "_ sub", - "_s ub", - "▁ endl", - "▁en dl", - "▁end l", - "▁in cluded", - "▁includ ed", - "▁include d", - "▁incl uded", - "( ));\n\n", - "() );\n\n", - "());\n \n", - "()) ;\n\n", - "()); \n\n", - "▁ Ap", - "▁A p", - "i gr", - "ig r", - "▁ sem", - "▁s em", - "▁se m", - "▁ Black", - "▁Bl ack", - "d oc", - "do c", - "_ table", - "_t able", - "_tab le", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "- up", - "-u p", - "▁ cause", - "▁c ause", - "▁ca use", - "▁caus e", - "▁ ..", - "▁. .", - "▁ van", - "▁v an", - "▁va n", - "_ dict", - "_d ict", - "_di ct", - "_dic t", - "▁ focus", - "▁f ocus", - "▁foc us", - "▁fo cus", - "I ND", - "IN D", - "C ESS", - "CE SS", - "CES S", - ". Log", - ".L og", - "▁ multiple", - "▁m ultiple", - "▁mult iple", - "▁multi ple", - "▁multip le", - "i do", - "id o", - "▁re gard", - "▁reg ard", - "- M", - "and ler", - "andle r", - "o urse", - "our se", - "ours e", - "▁ deg", - "▁d eg", - "▁de g", - ". U", - "▁add ition", - "▁ad dition", - "▁v arious", - "▁var ious", - "▁vari ous", - "▁ receive", - "▁re ceive", - "▁rece ive", - "▁ HT", - "▁H T", - "O bj", - "Ob j", - "D F", - "▁in crease", - "▁incre ase", - "▁ Open", - "▁O pen", - "▁Op en", - "] ;", - "▁ commit", - "▁com mit", - "▁comm it", - "? \n", - "ateg ories", - "ategor ies", - "ategori es", - "ategorie s", - "at ory", - "ator y", - "ato ry", - "s hip", - "sh ip", - "shi p", - "▁ Mich", - "▁M ich", - "▁Mi ch", - "▁Mic h", - "▁ html", - "▁h tml", - "▁ht ml", - "rom ise", - "▁ leave", - "▁le ave", - "▁str ateg", - "▁strat eg", - "a ven", - "av en", - "ave n", - "▁ Console", - "▁Con sole", - "▁Cons ole", - "k nown", - "kn own", - "know n", - "- n", - "_ LE", - "_L E", - ". component", - ".com ponent", - "▁ bre", - "▁b re", - "▁br e", - "S ession", - "i ance", - "ia nce", - "ian ce", - "▁ align", - "▁al ign", - "▁ali gn", - "type def", - "typ edef", - "typed ef", - "_ result", - "_res ult", - "▁ WHERE", - "▁W HERE", - "▁WH ERE", - ". split", - ".s plit", - ".sp lit", - "▁ reading", - "▁re ading", - "▁read ing", - "FA ULT", - "▁ clo", - "▁c lo", - "▁cl o", - "▁ notice", - "▁not ice", - "_ pr", - "_p r", - "ar ter", - "art er", - "arte r", - "▁ lock", - "▁l ock", - "▁lo ck", - "▁loc k", - "▁ standard", - "▁st andard", - "▁stand ard", - "e tic", - "et ic", - "eti c", - "el low", - "ell ow", - "ello w", - "▁ padding", - "▁p adding", - "▁pad ding", - "▁padd ing", - "▁ His", - "▁H is", - "▁Hi s", - "▁ states", - "▁st ates", - "▁state s", - "▁stat es", - "▁sta tes", - "_ cast", - "_c ast", - "_ca st", - "( P", - "a a", - "▁ internal", - "▁in ternal", - "▁int ernal", - "▁inter nal", - "▁intern al", - "e an", - "ea n", - "▁ PRO", - "▁P RO", - "▁PR O", - "▁ Key", - "▁K ey", - "▁Ke y", - "▁ especially", - "▁es pecially", - "▁especial ly", - "▁espec ially", - "m ing", - "min g", - "mi ng", - "▁ cross", - "▁c ross", - "▁cr oss", - "▁cro ss", - "▁ national", - "▁n ational", - "▁nation al", - "▁nat ional", - "_ object", - "_obj ect", - "_o bject", - "_ob ject", - "f ilter", - "fil ter", - "▁ script", - "▁s cript", - "▁scr ipt", - ". update", - ".up date", - "_ i", - "▁ Assert", - "▁As sert", - "▁Ass ert", - "/ core", - "/c ore", - "%% %%", - "▁pro blems", - "▁proble ms", - "▁problem s", - "▁prob lems", - "▁probl ems", - "i stor", - "is tor", - "ist or", - "isto r", - "▁ .=", - "▁. =", - "▁ arch", - "▁a rch", - "▁ar ch", - "▁arc h", - "▁ written", - "▁w ritten", - "▁writ ten", - "▁wr itten", - "▁m ilit", - "▁mil it", - "▁mi lit", - "M ENT", - "ME NT", - ". ch", - ".c h", - "c ape", - "ca pe", - "cap e", - "▁ Mus", - "▁M us", - "▁Mu s", - "_ config", - "_con fig", - "_conf ig", - "▁ API", - "▁A PI", - "▁AP I", - "f oot", - "fo ot", - "foo t", - "▁ images", - "▁im ages", - "▁image s", - "▁imag es", - "en dl", - "end l", - ". In", - ".I n", - "F irst", - "Fi rst", - "▁ platform", - "▁pl atform", - "▁plat form", - ". prot", - ".p rot", - ".pro t", - ".pr ot", - "O ption", - "Op tion", - "Opt ion", - "s te", - "st e", - "▁ TODO", - "▁T ODO", - "▁TO DO", - "▁TOD O", - "▁ force", - "▁f orce", - "▁for ce", - "▁forc e", - ". cont", - ".c ont", - ".con t", - ".co nt", - "\t echo", - "\te cho", - "▁D av", - "▁Da v", - "P tr", - "Pt r", - "( B", - "R T", - "▁ Base", - "▁B ase", - "▁Ba se", - "▁Bas e", - "] ['", - "][ '", - "▁ann ounc", - "▁anno unc", - "con sole", - "cons ole", - "▁ Py", - "▁P y", - "d s", - ". as", - ".a s", - "▁pr event", - "▁pre vent", - "▁prev ent", - "a pan", - "ap an", - "apa n", - "▁ {'", - "▁{ '", - "} '", - "▁ dead", - "▁d ead", - "▁de ad", - "V AL", - "VA L", - "Q UE", - "QU E", - "******** ****************************************************************", - "**************** ********************************************************", - "******************************** ****************************************", - "**************************************************************** ********", - "************************ ************************************************", - "**************************************** ********************************", - "************************************************ ************************", - "******************************************************** ****************", - "▁ charg", - "▁ch arg", - "▁char g", - "▁cha rg", - "R eturn", - "Re turn", - "Ret urn", - "▁ ful", - "▁f ul", - "▁fu l", - "d om", - "do m", - "▁ rules", - "▁r ules", - "▁rule s", - "▁ru les", - "▁ modify", - "▁mod ify", - "▁ eval", - "▁e val", - "▁ev al", - "h am", - "ha m", - "at ement", - "ate ment", - "atem ent", - "\\ <", - "u la", - "ul a", - "= False", - "R A", - "▁ contains", - "▁cont ains", - "▁contain s", - "▁conta ins", - "7 4", - "▁ stack", - "▁st ack", - "▁sta ck", - "m ar", - "ma r", - "▁ {}\n", - "▁{ }\n", - "▁{} \n", - "▁ undefined", - "▁un defined", - "▁und efined", - "▁undef ined", - "A ss", - "As s", - "▁ China", - "▁Ch ina", - "▁Chi na", - "▁Chin a", - "v ey", - "ve y", - "* \n", - "▁ playing", - "▁pl aying", - "▁play ing", - "▁pla ying", - ") /", - "a ctor", - "act or", - "ac tor", - "▁ bottom", - "▁b ottom", - "▁bot tom", - "▁bott om", - "l ier", - "li er", - "lie r", - "▁ Number", - "▁N umber", - "▁Num ber", - "▁co uple", - "▁cou ple", - "▁coup le", - "D C", - "▁ SO", - "▁S O", - "g or", - "go r", - ". setText", - ".set Text", - "s uccess", - "su ccess", - "com mand", - "comm and", - "comma nd", - "F ilter", - "Fil ter", - "▁ Our", - "▁O ur", - "_ item", - "_i tem", - "_it em", - "▁ ctx", - "▁c tx", - "▁ct x", - "▁ road", - "▁r oad", - "▁ro ad", - "V ersion", - "c ase", - "ca se", - "cas e", - "u rt", - "ur t", - "av ior", - "avi or", - "y ch", - "yc h", - "semb ly", - "sembl y", - "▁ Product", - "▁Pro duct", - "▁Produ ct", - "▁ held", - "▁h eld", - "▁he ld", - "▁hel d", - "a fe", - "af e", - "▁ includes", - "▁in cludes", - "▁includ es", - "▁include s", - "▁incl udes", - "< quote", - "▁ avoid", - "▁a void", - "▁av oid", - "▁ Fin", - "▁F in", - "▁Fi n", - "▁ Mod", - "▁M od", - "▁Mo d", - "▁ tab", - "▁t ab", - "▁ta b", - "a no", - "an o", - "i pping", - "ip ping", - "ipp ing", - "ippi ng", - "- e", - "▁ insert", - "▁in sert", - "▁ins ert", - "▁inser t", - "▁inse rt", - "t arget", - "tar get", - "c han", - "ch an", - "cha n", - ". Model", - ".M odel", - ".Mod el", - ".Mode l", - "I ME", - "IM E", - "\\ \n", - "▁ machine", - "▁m achine", - "▁mach ine", - "a vy", - "av y", - "▁ NO", - "▁N O", - "▁ Inter", - "▁In ter", - "▁Int er", - "▁ operation", - "▁op eration", - "▁oper ation", - "▁opera tion", - "m odal", - "mod al", - "mo dal", - "T ag", - "Ta g", - "] :", - "▁ production", - "▁p roduction", - "▁pro duction", - "▁product ion", - "▁produ ction", - "▁prod uction", - "▁ areas", - "▁a reas", - "▁are as", - "▁area s", - "▁ ren", - "▁re n", - "▁r en", - "_ from", - "_f rom", - "_fr om", - "n bsp", - "nb sp", - "▁ operator", - "▁op erator", - "▁oper ator", - "▁opera tor", - "m en", - "me n", - "a pped", - "ap ped", - "app ed", - "appe d", - "_ per", - "_p er", - "_pe r", - "z en", - "ze n", - "( \".", - "(\" .", - ". save", - ".s ave", - ".sa ve", - "=\" {{", - "=\"{ {", - "▁ tor", - "▁t or", - "▁to r", - "( response", - "(res ponse", - "▁c andid", - "▁can did", - "▁cand id", - "▁ conv", - "▁con v", - "▁co nv", - "a iled", - "ail ed", - "ai led", - "▁ Lib", - "▁L ib", - "▁Li b", - "c omp", - "com p", - "co mp", - "u ra", - "ur a", - "▁ Here", - "▁H ere", - "▁He re", - "▁Her e", - "▁ argument", - "▁arg ument", - "h ood", - "ho od", - "▁ establish", - "▁est ablish", - "ograph y", - "▁ onClick", - "▁on Click", - "amb da", - "▁ sch", - "▁s ch", - "▁sc h", - "▁ movie", - "▁m ovie", - "▁mov ie", - "▁ sec", - "▁s ec", - "▁se c", - "▁ activity", - "▁act ivity", - "▁activ ity", - "▁ sql", - "▁s ql", - "▁sq l", - "_ all", - "_a ll", - "_al l", - "inc ip", - "inci p", - "▁provid es", - "▁prov ides", - "▁provide s", - "▁ sys", - "▁s ys", - "▁sy s", - "a cket", - "ack et", - "ac ket", - "▁was n", - "▁wa sn", - "▁ uses", - "▁u ses", - "▁us es", - "▁use s", - "▁ Function", - "▁F unction", - "▁Fun ction", - "▁Func tion", - ". google", - ".g oogle", - ".go ogle", - "▁ Result", - "▁Res ult", - "8 4", - "V isible", - "Vis ible", - "ag ma", - "el come", - "▁ Sy", - "▁S y", - "▁ Cent", - "▁C ent", - "▁Ce nt", - "AL SE", - "ALS E", - "E XT", - "EX T", - "▁ license", - "▁l icense", - "▁lic ense", - "▁ Long", - "▁L ong", - "▁Lo ng", - "▁Lon g", - "▁acc om", - "▁ac com", - "▁ ability", - "▁ab ility", - ". height", - ".he ight", - "Act ive", - "Activ e", - "o logical", - "olog ical", - "ologic al", - "o ly", - "ol y", - ") ),", - ")) ,", - ". Se", - ".S e", - "▁ parameter", - "▁param eter", - "▁para meter", - "p rite", - "pr ite", - "prit e", - "AB ILITY", - ". service", - ".s ervice", - "▁ Group", - "▁G roup", - "▁Gr oup", - "▁Gro up", - "_ query", - "_qu ery", - "_que ry", - "▁ Item", - "▁I tem", - "▁It em", - "i ning", - "in ing", - "ini ng", - "▁ jud", - "▁j ud", - "▁ju d", - "i ms", - "im s", - "f ix", - "fi x", - "i nder", - "in der", - "ind er", - "inde r", - "a gram", - "ag ram", - "agra m", - "▁ functions", - "▁function s", - "▁fun ctions", - "▁funct ions", - "▁ex peri", - "▁exp eri", - "▁exper i", - "▁ Em", - "▁E m", - "▁ rot", - "▁r ot", - "▁ro t", - "▁ pen", - "▁p en", - "▁pe n", - ". btn", - ".b tn", - ".bt n", - "▁ AS", - "▁A S", - "# ifdef", - "#if def", - "▁ choice", - "▁ch oice", - "▁cho ice", - "▁ Page", - "▁P age", - "▁Pa ge", - "▁Pag e", - "_ PRO", - "_P RO", - "_PR O", - "Q U", - "ant ity", - "anti ty", - "w ords", - "word s", - "wor ds", - "▁ readonly", - "▁read only", - "▁ flex", - "▁f lex", - "▁fl ex", - "▁fle x", - "prot ected", - "protect ed", - "▁ Any", - "▁A ny", - "▁An y", - "▁ characters", - "▁char acters", - "▁character s", - "en ced", - "ence d", - "enc ed", - "▁ July", - "▁J uly", - "▁Jul y", - "▁Ju ly", - "i ler", - "il er", - "ile r", - "C ard", - "Car d", - "Ca rd", - "u rance", - "ur ance", - "ura nce", - "uran ce", - "▁ rev", - "▁re v", - "▁r ev", - ". event", - ".e vent", - "a ly", - "al y", - "1 30", - "13 0", - "▁w onder", - "▁won der", - "▁wo nder", - "▁ Port", - "▁P ort", - "▁Po rt", - "▁Por t", - "▁ legal", - "▁l egal", - "▁le gal", - "▁leg al", - "r ole", - "ro le", - "rol e", - "▁ ten", - "▁t en", - "▁te n", - "▁g oes", - "▁go es", - "M P", - "wh ite", - ") :\r\n", - "): \r\n", - ") )\r\n", - ")) \r\n", - "▁ reference", - "▁re ference", - "▁refer ence", - "▁refere nce", - "▁ mis", - "▁m is", - "▁mi s", - "▁ Project", - "▁Pro ject", - "▁Proj ect", - "i cks", - "ic ks", - "ick s", - "> &", - "C ON", - "CO N", - "▁re pl", - "▁rep l", - "▁ regular", - "▁reg ular", - "▁regul ar", - "St orage", - "r amework", - "rame work", - "ram ework", - "▁ goal", - "▁go al", - "▁ touch", - "▁t ouch", - "▁to uch", - "▁tou ch", - ". widget", - ".w idget", - "▁ built", - "▁b uilt", - "▁bu ilt", - "d es", - "de s", - "P art", - "Par t", - "Pa rt", - "( re", - "(r e", - "▁ worth", - "▁w orth", - "▁wor th", - "h ib", - "hi b", - "g ame", - "ga me", - "gam e", - "9 1", - "1 92", - "19 2", - "a cion", - "ac ion", - "aci on", - "acio n", - "▁ White", - "▁Wh ite", - "▁Whit e", - "( type", - "(t ype", - "( `", - "8 1", - "▁ natural", - "▁n atural", - "▁natur al", - "▁nat ural", - "▁in j", - "▁i nj", - "▁cal cul", - "▁calc ul", - "▁ April", - "▁Apr il", - "▁Ap ril", - ". List", - ".L ist", - "▁ associated", - "▁associ ated", - "▁associate d", - "▁assoc iated", - "\t System", - "\tS ystem", - "~ ~", - "= [", - "▁ storage", - "▁st orage", - "▁stor age", - "▁sto rage", - "▁ bytes", - "▁by tes", - "▁byte s", - "▁ travel", - "▁tr avel", - "▁tra vel", - "▁trav el", - "▁s ou", - "▁so u", - "▁ passed", - "▁p assed", - "▁pass ed", - "▁pas sed", - "▁passe d", - "! =", - "a script", - "as cript", - ". open", - ".op en", - ".o pen", - "▁ grid", - "▁g rid", - "▁gr id", - "▁gri d", - "▁ bus", - "▁b us", - "▁bu s", - "▁ recogn", - "▁rec ogn", - "▁reco gn", - "A b", - "▁h on", - "▁ho n", - "▁ Center", - "▁C enter", - "▁Cent er", - "▁ prec", - "▁p rec", - "▁pr ec", - "▁pre c", - "b uild", - "bu ild", - "7 3", - "HT ML", - "▁ San", - "▁S an", - "▁Sa n", - "▁ countries", - "▁c ountries", - "▁count ries", - "▁coun tries", - "a led", - "al ed", - "ale d", - "t oken", - "to ken", - "tok en", - "k t", - "▁ qual", - "▁qu al", - "▁q ual", - "L ast", - "La st", - "Las t", - "ad ow", - "ado w", - "▁man ufact", - "i dad", - "id ad", - "ida d", - "j ango", - "jan go", - "jang o", - "N ext", - "Ne xt", - "x f", - ". a", - "▁p orno", - "▁porn o", - "▁por no", - "▁ PM", - "▁P M", - "er ve", - "erv e", - "i ting", - "it ing", - "iti ng", - "_ th", - "_t h", - "c i", - "= None", - "=N one", - "g s", - "▁ login", - "▁lo gin", - "▁log in", - "at ives", - "ative s", - "ati ves", - "ativ es", - "' ]);\n", - "'] );\n", - "']) ;\n", - "']); \n", - "▁ ill", - "▁i ll", - "▁il l", - "I A", - "child ren", - "D O", - "▁ levels", - "▁level s", - "▁lev els", - "▁leve ls", - "▁ {{", - "▁{ {", - "▁l ooks", - "▁lo oks", - "▁look s", - "▁ \"#", - "▁\" #", - "To String", - "▁n ecessary", - "▁necess ary", - "▁ ▁▁\n", - "▁▁ ▁\n", - "▁▁▁ \n", - "c ell", - "ce ll", - "cel l", - "En try", - "Ent ry", - "Entr y", - "▁' #", - "▁ext rem", - "▁extr em", - "Se lector", - "Select or", - "Sel ector", - "▁ placeholder", - "▁place holder", - "L oad", - "Lo ad", - "▁re leased", - "▁release d", - "▁rele ased", - "O RE", - "OR E", - "En umer", - "Enum er", - "▁ TV", - "▁T V", - "S ET", - "SE T", - "in q", - "P ress", - "Pr ess", - "Pre ss", - "Pres s", - "▁ Department", - "▁De partment", - "▁Dep artment", - "▁Depart ment", - "▁ properties", - "▁p roperties", - "▁prop erties", - "▁proper ties", - "▁ respond", - "▁res pond", - "▁resp ond", - "S earch", - "Se arch", - "Sea rch", - "a el", - "ae l", - "▁ requ", - "▁re qu", - "▁r equ", - "▁req u", - "▁ Book", - "▁B ook", - "▁Bo ok", - "/ \n", - "( st", - "(s t", - "▁fin ancial", - "▁financ ial", - "i cket", - "ic ket", - "ick et", - "_ input", - "_in put", - "▁th reat", - "▁thr eat", - "( in", - "(i n", - "S trip", - "St rip", - "Str ip", - "7 1", - "▁e vidence", - "▁ev idence", - "▁evid ence", - ") );", - ")) ;", - "▁ Bro", - "▁B ro", - "▁Br o", - "▁ [];\n", - "▁[ ];\n", - "▁[] ;\n", - "▁[]; \n", - "▁ ou", - "▁o u", - "b uf", - "bu f", - "S cript", - "d at", - "da t", - "▁ rule", - "▁r ule", - "▁ru le", - "# import", - "= \"/", - "=\" /", - "S erial", - "Se rial", - "Ser ial", - "▁ starting", - "▁start ing", - "▁star ting", - "[ index", - "[ind ex", - "a e", - "▁ contrib", - "▁con trib", - "▁cont rib", - "▁contr ib", - "s ession", - "sess ion", - "_ new", - "_n ew", - "_ne w", - "u table", - "ut able", - "uta ble", - "o ber", - "ob er", - "obe r", - "▁\" ./", - "▁\". /", - "▁ logger", - "▁log ger", - "▁rec ently", - "▁recent ly", - "▁re turned", - "▁return ed", - "\r \r\n", - ") ))\n", - ")) )\n", - "))) \n", - "it ions", - "ition s", - "iti ons", - "▁ seek", - "▁se ek", - "▁see k", - "▁ communic", - "▁comm unic", - "▁commun ic", - "▁ \".", - "▁\" .", - "▁ username", - "▁user name", - "E CT", - "EC T", - "D S", - "▁ otherwise", - "▁other wise", - "▁ German", - "▁G erman", - "▁Ger man", - "▁Germ an", - ". aw", - ".a w", - "Ad apter", - "ix el", - "▁ systems", - "▁system s", - "▁syst ems", - "▁ drop", - "▁d rop", - "▁dr op", - "▁dro p", - "8 3", - "▁ structure", - "▁struct ure", - "▁ $(\"#", - "▁$ (\"#", - "▁$( \"#", - "▁$(\" #", - "enc ies", - "enci es", - "an ning", - "ann ing", - "anni ng", - "▁ Link", - "▁L ink", - "▁Lin k", - "▁Li nk", - "▁ Response", - "▁Res ponse", - "▁Respons e", - "▁ stri", - "▁s tri", - "▁st ri", - "▁str i", - "▁ DB", - "▁D B", - "and roid", - "andro id", - "sub mit", - "o tion", - "ot ion", - "9 2", - "( @", - ". test", - ".t est", - ".te st", - "8 2", - "\n \n\n\n\n\n\n\n", - "\n\n \n\n\n\n\n\n", - "\n\n\n\n \n\n\n\n", - "\n\n\n \n\n\n\n\n", - "\n\n\n\n\n\n \n\n", - "\n\n\n\n\n \n\n\n", - "\n\n\n\n\n\n\n \n", - "] ;\r\n", - "]; \r\n", - "▁direct ly", - "▁ \"%", - "▁\" %", - "r is", - "ri s", - "el ta", - "elt a", - "A IL", - "AI L", - ") {\r\n", - "){ \r\n", - "m ine", - "min e", - "mi ne", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "( k", - "b on", - "bo n", - "a sic", - "as ic", - "asi c", - "p ite", - "pi te", - "pit e", - "_ __", - "__ _", - "M ax", - "Ma x", - "▁ errors", - "▁error s", - "▁err ors", - "▁er rors", - "▁erro rs", - "▁ While", - "▁Wh ile", - "▁ arguments", - "▁arg uments", - "▁argument s", - "▁ ensure", - "▁en sure", - "▁ens ure", - "R ight", - "- based", - "-b ased", - "-base d", - "W eb", - "We b", - "▁ -=", - "▁- =", - "▁int rodu", - "▁intro du", - "▁ Inst", - "▁I nst", - "▁In st", - "▁Ins t", - "▁W ash", - "▁Was h", - "▁Wa sh", - "ord in", - "j oin", - "jo in", - "D atabase", - "Data base", - "▁ grad", - "▁g rad", - "▁gr ad", - "▁gra d", - "▁ usually", - "▁us ually", - "▁usual ly", - "▁usu ally", - "I TE", - "IT E", - "P rops", - "Pro ps", - "Prop s", - "Pr ops", - "? >\n", - "?> \n", - "▁ Go", - "▁G o", - "@ Override", - "R EF", - "RE F", - "▁ ip", - "▁i p", - "▁A ustral", - "▁Aust ral", - "▁Au stral", - "▁ ist", - "▁is t", - "▁i st", - "View ById", - "▁ser ious", - "▁ customer", - "▁c ustomer", - "▁custom er", - "▁cust omer", - ". prototype", - ".prot otype", - ".proto type", - "o do", - "od o", - "c or", - "co r", - "▁ door", - "▁d oor", - "▁do or", - "▁WITH OUT", - "▁ plant", - "▁pl ant", - "▁plan t", - "▁pla nt", - "▁b egan", - "▁be gan", - "▁beg an", - "▁ distance", - "▁d istance", - "▁dist ance", - "▁di stance", - "( )).", - "() ).", - "()) .", - "▁ch ance", - "▁cha nce", - "▁chan ce", - "▁ ord", - "▁o rd", - "▁or d", - "c ame", - "ca me", - "cam e", - "pr agma", - "▁ protect", - "▁prot ect", - "▁prote ct", - "r agment", - "ra gment", - "rag ment", - "▁ Node", - "▁N ode", - "▁No de", - "e ning", - "en ing", - "eni ng", - "▁ route", - "▁r oute", - "▁ro ute", - "▁rout e", - "▁rou te", - "▁ School", - "▁S chool", - "▁Sch ool", - "▁Scho ol", - "h i", - "▁ne ighb", - "A fter", - "Af ter", - "l icit", - "lic it", - "li cit", - "▁ contr", - "▁con tr", - "▁cont r", - "▁ primary", - "▁pr imary", - "▁prim ary", - "▁pri mary", - "▁prima ry", - "A A", - ".Write Line", - "ut ils", - "util s", - "uti ls", - "▁ bi", - "▁b i", - "R ed", - "Re d", - ".L inq", - ". object", - ".o bject", - ".obj ect", - ".ob ject", - "▁le aders", - "▁lead ers", - "▁leader s", - "un ities", - "unit ies", - "uni ties", - "▁ gun", - "▁g un", - "▁gu n", - "o nth", - "on th", - "ont h", - "▁ Dev", - "▁D ev", - "▁De v", - "F ILE", - "FI LE", - "▁ comments", - "▁com ments", - "▁comm ents", - "▁comment s", - "_ len", - "_l en", - "_le n", - "ar row", - "arr ow", - "a mount", - "am ount", - "amo unt", - "R ange", - "s ert", - "se rt", - "ser t", - "Grid View", - "▁ updated", - "▁up dated", - "▁update d", - "▁ Mo", - "▁M o", - "▁ inform", - "▁in form", - "▁info rm", - "▁inf orm", - "oci ety", - "a la", - "al a", - "A ccess", - "Ac cess", - "Acc ess", - "▁ hab", - "▁h ab", - "▁ha b", - "▁c reat", - "▁cr eat", - "▁cre at", - "_ arg", - "_a rg", - "_ar g", - "▁ January", - "▁Jan uary", - "▁ Day", - "▁D ay", - "▁Da y", - "\" )\r\n", - "\") \r\n", - "u ple", - "up le", - "d ocument", - "doc ument", - "gor ith", - "m enu", - "me nu", - "men u", - "▁ Over", - "▁O ver", - "b b", - ". title", - ".t itle", - "_ out", - "_o ut", - "▁ led", - "▁l ed", - "▁le d", - "u ri", - "ur i", - "▁ ?> < /", - "g l", - "▁ bank", - "▁b ank", - "▁ban k", - "▁ba nk", - "ay ment", - "\t printf", - "\tprint f", - "M D", - "▁ sample", - "▁s ample", - "▁sam ple", - "▁samp le", - "▁h ands", - "▁hand s", - "▁han ds", - "▁ Version", - "▁V ersion", - "▁Vers ion", - "u ario", - "ua rio", - "uar io", - "▁of fers", - "▁off ers", - "▁offer s", - "ity Engine", - "▁ shape", - "▁s hape", - "▁sh ape", - "▁sha pe", - "▁ sleep", - "▁s leep", - "▁sle ep", - "▁slee p", - "_ point", - "_p oint", - "Set tings", - "Setting s", - "▁ achie", - "▁a chie", - "▁ach ie", - "▁s old", - "▁so ld", - "▁sol d", - "o ta", - "ot a", - ". bind", - ".b ind", - ".bin d", - ".bi nd", - "A m", - "▁ safe", - "▁s afe", - "▁sa fe", - "▁saf e", - "St ore", - "▁ shared", - "▁sh ared", - "▁share d", - "▁sha red", - "▁shar ed", - "▁ priv", - "▁pr iv", - "▁pri v", - "_ VAL", - "_V AL", - "▁s ens", - "▁se ns", - "▁sen s", - ") {", - "▁ remember", - "▁re member", - "▁rem ember", - "sh ared", - "sha red", - "share d", - "e lement", - "el ement", - "ele ment", - "elem ent", - "▁sh oot", - "V ert", - "Ver t", - "Ve rt", - "c out", - "co ut", - "cou t", - "▁ env", - "▁e nv", - "▁en v", - "_ label", - "_l abel", - "_lab el", - "▁ >\n", - "▁> \n", - "r un", - "ru n", - "▁ scene", - "▁s cene", - "▁sc ene", - "▁scen e", - "( array", - "(a rray", - "(arr ay", - "(ar ray", - "de vice", - "dev ice", - "_ title", - "_t itle", - "a gon", - "ag on", - "ago n", - "] \r\n", - "a by", - "ab y", - "▁be came", - "bo olean", - "bool ean", - "boo lean", - "▁ park", - "▁p ark", - "▁par k", - "▁pa rk", - "▁ Code", - "▁C ode", - "▁Co de", - "▁Cod e", - "up load", - "r iday", - "ri day", - "rid ay", - "▁ September", - "▁Sept ember", - "F e", - "▁ sen", - "▁s en", - "▁se n", - "c ing", - "ci ng", - "cin g", - "F L", - "C ol", - "Co l", - "u ts", - "ut s", - "_ page", - "_p age", - "_pag e", - "_pa ge", - "i nn", - "in n", - "▁im plied", - "▁impl ied", - "a ling", - "al ing", - "ali ng", - "alin g", - "▁your self", - "▁yours elf", - ". Count", - ".C ount", - ".Co unt", - "con f", - "co nf", - "▁ aud", - "▁a ud", - "▁au d", - "_ init", - "_in it", - "_i nit", - "_ini t", - ". )", - "▁w rote", - "▁wr ote", - "0 03", - "00 3", - "N G", - ". Error", - ".E rror", - ".Err or", - ". for", - ".f or", - "▁ equal", - "▁e qual", - "▁equ al", - "▁eq ual", - "▁ Request", - "▁Re quest", - "▁ serial", - "▁s erial", - "▁se rial", - "▁ser ial", - "▁ allows", - "▁all ows", - "▁allow s", - "X X", - "▁ middle", - "▁m iddle", - "c hor", - "ch or", - "cho r", - "1 95", - "19 5", - "9 4", - "er val", - "erv al", - "erva l", - ". Column", - ".C olumn", - ".Col umn", - "re ading", - "read ing", - "rea ding", - "▁esc ort", - "▁ August", - "▁Aug ust", - "▁quick ly", - "▁we ap", - "▁ CG", - "▁C G", - "rop ri", - "h o", - "▁ cop", - "▁c op", - "▁co p", - "( struct", - "(str uct", - "▁ Big", - "▁B ig", - "▁Bi g", - "▁ vs", - "▁v s", - "▁f requ", - "▁fr equ", - "▁fre qu", - "▁freq u", - ". Value", - ".V alue", - "▁ actions", - "▁a ctions", - "▁act ions", - "▁action s", - "▁pro per", - "▁pr oper", - "▁prop er", - "▁ inn", - "▁in n", - "▁i nn", - "▁ objects", - "▁object s", - "▁ matrix", - "▁m atrix", - "▁mat rix", - "av ascript", - "ava script", - "▁ ones", - "▁o nes", - "▁on es", - "▁one s", - ". group", - ".g roup", - ".gr oup", - "▁ green", - "▁g reen", - "▁gr een", - "▁gre en", - "▁ paint", - "▁p aint", - "▁pain t", - "▁pa int", - "▁pai nt", - "o ols", - "ool s", - "oo ls", - "y cl", - "yc l", - "en code", - "enc ode", - "o lt", - "ol t", - "com ment", - "comm ent", - ". api", - ".ap i", - ".a pi", - "D ir", - "Di r", - "▁ une", - "▁u ne", - "▁un e", - "iz ont", - "izon t", - "izo nt", - ". position", - ".p osition", - ".pos ition", - "▁de signed", - "▁des igned", - "▁design ed", - "_ val", - "_v al", - "a vi", - "av i", - "i ring", - "ir ing", - "iri ng", - "t ab", - "ta b", - "▁ layer", - "▁l ayer", - "▁la yer", - "▁lay er", - "▁ views", - "▁view s", - "▁vi ews", - "▁vie ws", - "▁re ve", - "▁rev e", - "r ael", - "ra el", - "▁ ON", - "▁O N", - "r ics", - "ri cs", - "ric s", - "1 60", - "16 0", - "n p", - "▁ core", - "▁c ore", - "▁co re", - "▁cor e", - "( ));\r\n", - "() );\r\n", - "()) ;\r\n", - "()); \r\n", - "M ain", - "Ma in", - "▁exp ert", - "▁exper t", - "\t \t\r\n", - "\t\t \r\n", - "_ en", - "_e n", - "▁ />", - "▁/ >", - "ut ter", - "utt er", - "I AL", - "IA L", - "a ils", - "ail s", - "ai ls", - "▁ King", - "▁K ing", - "▁Ki ng", - "▁Kin g", - "* /\n\n", - "*/ \n\n", - "*/\n \n", - "▁ Met", - "▁M et", - "▁Me t", - "_ end", - "_e nd", - "_en d", - "ad dr", - "add r", - "o ra", - "or a", - "▁ ir", - "▁i r", - "M in", - "Mi n", - "▁sur pr", - "▁re pe", - "▁rep e", - "▁ directory", - "▁d irectory", - "▁direct ory", - "▁director y", - "P UT", - "PU T", - "- S", - "▁ election", - "▁e lection", - "▁el ection", - "▁elect ion", - "▁ele ction", - "h aps", - "ha ps", - "hap s", - ". pre", - ".p re", - ".pr e", - "c m", - "Value s", - "Val ues", - "▁ \"\n", - "▁\" \n", - "c olumn", - "col umn", - "i vil", - "iv il", - "ivi l", - "Log in", - "Lo gin", - "in ue", - "9 3", - "▁be autiful", - "▁beaut iful", - "▁ secret", - "▁s ecret", - "▁se cret", - "▁sec ret", - "▁secre t", - "( event", - "(e vent", - "(ev ent", - "▁ chat", - "▁c hat", - "▁ch at", - "▁cha t", - "u ms", - "um s", - "▁ origin", - "▁or igin", - "▁orig in", - "▁ori gin", - "▁e ffects", - "▁effect s", - "▁ management", - "▁man agement", - "▁manage ment", - "▁mana gement", - "i lla", - "il la", - "ill a", - "t k", - "▁ setting", - "▁s etting", - "▁set ting", - "▁sett ing", - "▁ Cour", - "▁C our", - "▁Co ur", - "▁Cou r", - "▁m assage", - "▁mass age", - "\t end", - "\te nd", - "▁ happy", - "▁h appy", - "▁happ y", - "▁ha ppy", - "▁hap py", - "▁ finish", - "▁f inish", - "▁fin ish", - "▁ camera", - "▁c amera", - "▁came ra", - "▁cam era", - "▁ Ver", - "▁V er", - "▁Ve r", - "▁Dem ocr", - "▁Demo cr", - "▁ Her", - "▁H er", - "▁He r", - "( Q", - "c ons", - "con s", - "co ns", - "i ta", - "it a", - "▁ '.", - "▁' .", - "{ }", - "\t C", - "▁ stuff", - "▁st uff", - "▁stu ff", - "1 94", - "19 4", - "▁ :\n", - "▁: \n", - "▁ AR", - "▁A R", - "T ask", - "Ta sk", - "h idden", - "hi dden", - "hid den", - "e ros", - "er os", - "ero s", - "I GN", - "IG N", - "at io", - "ati o", - "▁ Health", - "▁He alth", - "ol ute", - "olut e", - "olu te", - "En ter", - "Ent er", - "' >", - "▁ Twitter", - "▁T witter", - "▁Tw itter", - "▁C ounty", - "▁Count y", - "▁Cou nty", - "▁Coun ty", - "s cribe", - "scri be", - "scr ibe", - "▁= >\n", - "▁=> \n", - "▁ hy", - "▁h y", - "f it", - "fi t", - "▁m ilitary", - "▁milit ary", - "▁mil itary", - "▁militar y", - "▁ sale", - "▁s ale", - "▁sa le", - "▁sal e", - "re quired", - "require d", - "requ ired", - "n on", - "no n", - "boot strap", - "h old", - "ho ld", - "hol d", - "r im", - "ri m", - "- old", - "-o ld", - "▁ Down", - "▁D own", - "▁Do wn", - "▁Dow n", - "▁ mention", - "▁m ention", - "▁men tion", - "▁ment ion", - "cont act", - "_ group", - "_g roup", - "_gr oup", - "o day", - "od ay", - "oda y", - "▁ town", - "▁t own", - "▁to wn", - "▁tow n", - "▁ solution", - "▁s olution", - "▁sol ution", - "u ate", - "ua te", - "uat e", - "el ling", - "ell ing", - "elli ng", - "] ->", - "]- >", - "o tes", - "ot es", - "ote s", - "en tal", - "ent al", - "enta l", - "o men", - "om en", - "ome n", - "osp ital", - "▁ Sup", - "▁S up", - "▁Su p", - "_ EN", - "_E N", - "▁ slow", - "▁s low", - "▁sl ow", - "▁slo w", - "SE SSION", - "SES SION", - "▁ blue", - "▁bl ue", - "a go", - "ag o", - "▁l ives", - "▁li ves", - "▁live s", - "▁liv es", - "▁ ^", - ". un", - ".u n", - "i nst", - "in st", - "ins t", - "en ge", - "eng e", - "▁ customers", - "▁custom ers", - "▁customer s", - "▁ cast", - "▁c ast", - "▁ca st", - "▁cas t", - "ud get", - "udge t", - "ic ens", - "ice ns", - "▁d etermin", - "▁de termin", - "▁deter min", - "Se lected", - "Select ed", - "Sel ected", - "_ pl", - "_p l", - "ue ue", - "▁ dark", - "▁d ark", - "▁da rk", - "▁dar k", - "/ /\n\n", - "// \n\n", - "//\n \n", - "s i", - "th ern", - "ther n", - "the rn", - "▁ Japan", - "▁J apan", - "▁Ja pan", - "/ w", - "P U", - "▁ East", - "▁E ast", - "ov ie", - "ovi e", - "▁ package", - "▁p ackage", - "▁pack age", - "▁ nor", - "▁n or", - "▁no r", - "▁ api", - "▁a pi", - "▁ap i", - "b ot", - "bo t", - "\" ];\n", - "\"] ;\n", - "\"]; \n", - "_ post", - "_p ost", - "_pos t", - "u late", - "ul ate", - "ula te", - "▁ club", - "▁cl ub", - "' ));\n", - "') );\n", - "')) ;\n", - "')); \n", - "▁ loop", - "▁l oop", - "▁lo op", - "P IO", - "PI O", - "i one", - "ion e", - "io ne", - "s hot", - "sh ot", - "In itial", - "Init ial", - "▁ played", - "▁pl ayed", - "▁play ed", - "reg ister", - "regist er", - "r ought", - "ro ught", - "rou ght", - "rough t", - "_ max", - "_m ax", - "ace ment", - "ac ement", - "m atch", - "mat ch", - "raph ics", - "A ST", - "AS T", - "▁ existing", - "▁ex isting", - "▁exist ing", - "▁ complex", - "▁com plex", - "▁comp lex", - "▁comple x", - "▁compl ex", - "D A", - ". Ch", - ".C h", - ". common", - ".com mon", - ".comm on", - "m o", - "▁' ../../", - "▁'../ ../", - "i to", - "it o", - "▁ analysis", - "▁an alysis", - "▁anal ysis", - "▁analy sis", - "▁analys is", - "▁del iver", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁\n", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ \n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁\n", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁\n", - "i dx", - "id x", - "on go", - "ong o", - "▁ English", - "▁Eng lish", - "< !--", - " \";\n", - ">\" ;\n", - ">\"; \n", - "_ UN", - "_U N", - "\t std", - "\ts td", - "\tst d", - "o ded", - "od ed", - "ode d", - "▁ calls", - "▁c alls", - "▁call s", - "▁cal ls", - "h ere", - "he re", - "her e", - "R el", - "Re l", - "▁ brand", - "▁b rand", - "▁br and", - "▁bra nd", - "▁bran d", - "back ground", - "g a", - "_ address", - "_add ress", - "_addr ess", - "_ params", - "_param s", - "_par ams", - "_para ms", - "C ategory", - "1 03", - "10 3", - "▁ India", - "▁In dia", - "▁Ind ia", - "_ event", - "_e vent", - "_ev ent", - "▁ ing", - "▁in g", - "▁i ng", - "R ender", - "Re nder", - "Ren der", - ". cl", - ".c l", - "um py", - "ump y", - "▁ pet", - "▁p et", - "▁pe t", - "F C", - "▁ Ant", - "▁A nt", - "▁An t", - "E xt", - "Ex t", - "▁ charge", - "▁ch arge", - "▁char ge", - "▁charg e", - "e ned", - "en ed", - "ene d", - "g rad", - "gr ad", - "gra d", - "E O", - "▁ depend", - "▁d epend", - "▁de pend", - "▁dep end", - "▁ .\n\n", - "▁. \n\n", - "▁.\n \n", - "f rame", - "fr ame", - "fra me", - "▁ df", - "▁d f", - "▁h uge", - "▁hug e", - "▁hu ge", - "▁ PART", - "▁P ART", - "▁PA RT", - "▁PAR T", - "e ds", - "ed s", - "; ;", - "▁ AM", - "▁A M", - "▁ basic", - "▁b asic", - "▁bas ic", - "▁ba sic", - "▁ Let", - "▁L et", - "▁Le t", - "l ich", - "lic h", - "li ch", - "▁ arm", - "▁a rm", - "▁ar m", - "▁ star", - "▁s tar", - "▁st ar", - "▁sta r", - "▁f ederal", - "▁fed eral", - "▁feder al", - "W ork", - "▁c arry", - "▁car ry", - "▁carr y", - "▁ Israel", - "▁Is rael", - "( obj", - "(o bj", - "(ob j", - "= {{", - "={ {", - "▁ saved", - "▁s aved", - "▁sa ved", - "▁save d", - "▁sav ed", - "▁ syn", - "▁s yn", - "▁sy n", - "▁ constant", - "▁con stant", - "▁const ant", - "▁cons tant", - "V ENT", - "VE NT", - "VEN T", - "▁ positive", - "▁pos itive", - "▁posit ive", - "▁con duct", - "▁cond uct", - "▁ skin", - "▁s kin", - "▁sk in", - "▁ski n", - "▁ear lier", - "▁ layout", - "▁l ayout", - "▁lay out", - "▁ IP", - "▁I P", - "O UR", - "OU R", - "▁ tim", - "▁t im", - "▁ti m", - "style sheet", - "styles heet", - "_ cl", - "_c l", - "▁ Card", - "▁C ard", - "▁Car d", - "▁Ca rd", - "++ ){\n", - "++) {\n", - "++){ \n", - "▁tem per", - "▁temp er", - "▁ David", - "▁D avid", - "▁Dav id", - "▁Da vid", - "\t try", - "\tt ry", - "\ttr y", - ". dart", - ".d art", - ".da rt", - "▁w ants", - "▁want s", - "▁ picture", - "▁p icture", - "▁pic ture", - "▁ videos", - "▁v ideos", - "▁video s", - "▁vide os", - "▁ Comm", - "▁C omm", - "▁Com m", - "▁Co mm", - "is ions", - "ision s", - "isi ons", - "_ MAX", - "_M AX", - "M apping", - "Map ping", - "Ma pping", - "- content", - "-cont ent", - "▁ Ear", - "▁E ar", - "- de", - "-d e", - "▁p rem", - "▁pr em", - "▁pre m", - "br uary", - "bru ary", - "▁ components", - "▁com ponents", - "▁component s", - "▁through out", - "▁ pull", - "▁p ull", - "▁pul l", - "▁pu ll", - "▁ pages", - "▁p ages", - "▁page s", - "▁pa ges", - "▁pag es", - "e nte", - "en te", - "ent e", - "res pond", - "resp ond", - "▁ gas", - "▁g as", - "▁ga s", - "cript or", - "▁ edge", - "▁ed ge", - "▁ bound", - "▁b ound", - "▁bo und", - "▁bou nd", - "A CT", - "AC T", - "* *****", - "** ****", - "**** **", - "*** ***", - "***** *", - "▁ creating", - "▁cre ating", - "▁creat ing", - "▁ CH", - "▁C H", - "▁ nullptr", - "▁null ptr", - "B r", - "+ '", - ". co", - ".c o", - "> ::", - ">: :", - "▁ learning", - "▁l earning", - "▁le arning", - "▁learn ing", - "▁lear ning", - ". Length", - ".L ength", - ".Le ngth", - "_ SH", - "_S H", - "▁pat ients", - "▁patient s", - "A IN", - "AI N", - "▁k ids", - "▁kid s", - "▁ki ds", - "▁ comfort", - "▁com fort", - "▁sh own", - "▁show n", - "ug ins", - "ugin s", - "ugi ns", - "▁ Back", - "▁B ack", - "▁Ba ck", - "e lla", - "el la", - "ell a", - "_ CL", - "_C L", - "▁ lat", - "▁l at", - "▁la t", - "▁ dispatch", - "▁dis patch", - "▁disp atch", - "▁ classes", - "▁c lasses", - "▁class es", - "▁cl asses", - "▁classe s", - "▁clas ses", - ". at", - ".a t", - ". begin", - ".b egin", - ".be gin", - "▁ successful", - "▁success ful", - "b an", - "ba n", - "▁ob tain", - "▁obt ain", - "▁ Sl", - "▁S l", - "▁l ack", - "▁la ck", - "▁lac k", - "it erator", - "iter ator", - "Th read", - "( size", - "(s ize", - "▁ none", - "▁n one", - "▁no ne", - "▁non e", - ". has", - ".h as", - "_ X", - "s ort", - "so rt", - "n ap", - "na p", - "p et", - "pe t", - "b in", - "bi n", - "7 00", - "70 0", - "▁ Canada", - "▁Can ada", - "T hey", - "The y", - "Th ey", - "▁d ans", - "▁da ns", - "▁dan s", - "▁ Mat", - "▁M at", - "▁Ma t", - "< td", - "▁ hair", - "▁h air", - "▁ha ir", - "▁hai r", - "▁' ',\n", - "▁'' ,\n", - "▁'', \n", - "▁ cu", - "▁c u", - "▁l aws", - "▁la ws", - "▁law s", - "l eted", - "le ted", - "let ed", - "lete d", - "p ed", - "pe d", - "▁ pow", - "▁p ow", - "▁po w", - "▁k new", - "▁kn ew", - "▁kne w", - "_ COM", - "_C OM", - "_CO M", - "_ ,", - "▁ Mag", - "▁M ag", - "▁Ma g", - "id ents", - "ident s", - "iden ts", - "( req", - "(r eq", - "(re q", - "▁ ),", - "▁) ,", - "- center", - "-c enter", - "-cent er", - "1 90", - "19 0", - "▁ wide", - "▁w ide", - "▁wid e", - "▁wi de", - "▁ Author", - "▁A uthor", - "▁Auth or", - "▁Aut hor", - "st ants", - "stant s", - "stan ts", - "▁ jobs", - "▁j obs", - "▁job s", - "▁jo bs", - "▁ math", - "▁m ath", - "▁mat h", - "▁ma th", - "e times", - "et imes", - "etime s", - "eti mes", - "Bo olean", - "Bool ean", - "▁ scope", - "▁s cope", - "▁sc ope", - "▁sco pe", - "▁scop e", - "_ is", - "_i s", - "▁me as", - "▁ keys", - "▁key s", - "▁ke ys", - "e lay", - "el ay", - "ela y", - "▁ex actly", - "▁exact ly", - "' =>'", - "'=> '", - "'= >'", - "▁ Paul", - "▁P aul", - "▁Pa ul", - "m as", - "ma s", - "\t print", - "\tp rint", - "\tpr int", - "( len", - "(l en", - "f d", - "▁ );", - "▁) ;", - ". Event", - ".E vent", - "q li", - "ql i", - "i rit", - "ir it", - "iri t", - "ield s", - "iel ds", - "o man", - "om an", - "oma n", - "▁ Top", - "▁T op", - "▁To p", - "▁ vote", - "▁v ote", - "▁vo te", - "▁vot e", - "▁ mask", - "▁m ask", - "▁ma sk", - "▁mas k", - "▁ theme", - "▁th eme", - "▁the me", - "▁them e", - "- \n", - "▁ props", - "▁p rops", - "▁pro ps", - "▁pr ops", - "▁prop s", - "▁f ine", - "▁fin e", - "▁fi ne", - "▁ writer", - "▁w riter", - "▁writ er", - "▁wr iter", - "▁write r", - "_ offset", - "_off set", - "_o ffset", - "c ar", - "ca r", - "▁ altern", - "▁al tern", - "▁alt ern", - "▁alter n", - "▁alte rn", - "▁ copyright", - "▁c opyright", - "▁copy right", - "▁ destroy", - "▁d estroy", - "▁de stroy", - "▁dest roy", - "p per", - "pp er", - "▁ generate", - "▁g enerate", - "▁gener ate", - "▁gen erate", - "▁gene rate", - "p ped", - "pp ed", - "▁ ▁▁▁▁▁\n", - "▁▁ ▁▁▁▁\n", - "▁▁▁▁ ▁▁\n", - "▁▁▁ ▁▁▁\n", - "▁▁▁▁▁ ▁\n", - "▁▁▁▁▁▁ \n", - "m ake", - "ma ke", - "mak e", - "▁ Show", - "▁S how", - "▁Sh ow", - "▁ browser", - "▁b rowser", - "▁brows er", - "▁browse r", - "▁brow ser", - "▁ favorite", - "▁f avorite", - "▁favor ite", - "▁car eer", - "▁care er", - "▁happ ened", - "▁happen ed", - "( char", - "(c har", - "(ch ar", - "▁re commend", - "▁recomm end", - "▁l iter", - "▁li ter", - "▁lit er", - "▁lite r", - ". filter", - ".f ilter", - "g rade", - "gr ade", - "grad e", - "gra de", - "P hone", - "Ph one", - "o ms", - "om s", - "▁ named", - "▁n amed", - "▁name d", - "▁na med", - "▁nam ed", - "- label", - "-l abel", - "-la bel", - "i po", - "ip o", - "▁ Other", - "▁O ther", - "▁Ot her", - "▁ panel", - "▁p anel", - "▁pa nel", - "▁pan el", - "▁pane l", - "▁ rock", - "▁r ock", - "▁ro ck", - "S cale", - "Sc ale", - "\t assert", - "\tas sert", - "▁ trust", - "▁t rust", - "▁tr ust", - "f ront", - "fr ont", - "▁d emon", - "▁de mon", - "▁dem on", - "▁demo n", - "A r", - "N et", - "Ne t", - "▁ economic", - "▁e conomic", - "▁econ omic", - "▁econom ic", - "▁ec onomic", - "f ooter", - "fo oter", - "foot er", - "foo ter", - "▁ race", - "▁r ace", - "▁rac e", - "▁ra ce", - "( node", - "(n ode", - "(no de", - "▁ Option", - "▁O ption", - "▁Op tion", - "▁Opt ion", - "s plit", - "sp lit", - "▁ physical", - "▁ph ysical", - "▁phys ical", - "▁physic al", - "i fest", - "if est", - "ife st", - "▁ removed", - "▁rem oved", - "▁remove d", - ". http", - ".h ttp", - ".ht tp", - ") ),\n", - ")) ,\n", - ")), \n", - "▁lo oked", - "▁look ed", - "' ;", - "d ing", - "di ng", - "g est", - "ge st", - "ges t", - "atur day", - "/lic enses", - "/license s", - "P rice", - "Pr ice", - "▁ dro", - "▁d ro", - "▁dr o", - "▁to wards", - "▁toward s", - "▁tow ards", - "▁ uns", - "▁u ns", - "▁un s", - "▁ CL", - "▁C L", - "\t static", - "\tst atic", - "▁ rows", - "▁r ows", - "▁ro ws", - "▁row s", - "▁ define", - "▁def ine", - "▁defin e", - ". replace", - ".re place", - "▁ father", - "▁f ather", - "▁fa ther", - "▁fat her", - "▁ Design", - "▁D esign", - "▁De sign", - "▁Des ign", - "as sign", - "ass ign", - "m ut", - "mu t", - "De vice", - "Dev ice", - "D id", - "Di d", - "' ))\n", - "') )\n", - "')) \n", - "o metry", - "om etry", - "ome try", - "omet ry", - "ay load", - "▁ histor", - "▁h istor", - "▁his tor", - "▁hist or", - "▁hi stor", - "▁ Param", - "▁P aram", - "▁Par am", - "▁Pa ram", - "▁Para m", - "▁ Boolean", - "▁Bo olean", - "▁Bool ean", - "▁n ature", - "▁na ture", - "▁natur e", - "▁nat ure", - "▁ js", - "▁j s", - "▁n ation", - "▁na tion", - "▁nat ion", - "i h", - "▁dis cover", - "▁disc over", - "▁disco ver", - "s em", - "se m", - "H andle", - "Hand le", - "\t r", - "▁ Techn", - "▁Te chn", - "▁Tech n", - "▁ wall", - "▁w all", - "▁wa ll", - "▁wal l", - "{ $", - "@ property", - "▁\" ../", - "▁\". ./", - "▁\".. /", - "▁ exam", - "▁ex am", - ". draw", - ".d raw", - ".dr aw", - "o pping", - "op ping", - "opp ing", - "▁n early", - "▁near ly", - "▁ cool", - "▁c ool", - "▁co ol", - "▁in depend", - "▁ind epend", - "▁inde pend", - "R ES", - "RE S", - "▁ handler", - "▁h andler", - "▁hand ler", - "▁handle r", - "▁ Monday", - "▁Mon day", - "▁Mond ay", - "▁ sun", - "▁s un", - "▁su n", - "St yles", - "Style s", - "ous ly", - "▁ \t", - "v est", - "ve st", - "ves t", - "D isplay", - "Dis play", - "( y", - "at ically", - "atic ally", - "atical ly", - "▁ predict", - "▁p redict", - "▁pre dict", - "▁pred ict", - "y ing", - "yi ng", - "▁ sometimes", - "▁s ometimes", - "▁some times", - "▁som etimes", - "▁sometime s", - "\" ]\n", - "\"] \n", - "▁d rink", - "▁dr ink", - "▁dri nk", - "▁ bul", - "▁b ul", - "▁bu l", - "ific ations", - "ification s", - ". insert", - ".in sert", - ".ins ert", - ". reg", - ".re g", - ".r eg", - "▁ tests", - "▁t ests", - "▁te sts", - "▁test s", - "▁tes ts", - "Al ignment", - "Align ment", - "▁al leg", - "▁all eg", - "▁alle g", - "▁ attribute", - "▁at tribute", - "▁attrib ute", - "▁ Note", - "▁N ote", - "▁No te", - "▁Not e", - "▁my self", - "▁mys elf", - "ar ts", - "art s", - "N ow", - "No w", - "▁inter esting", - "▁interest ing", - "▁interes ting", - "l ients", - "li ents", - "lient s", - "▁ population", - "▁pop ulation", - "▁popul ation", - "▁ California", - "▁Cal ifornia", - "\" I", - "▁g reater", - "▁great er", - "▁gre ater", - "ues day", - "▁th ous", - "▁thou s", - "▁tho us", - "▁co sts", - "▁cost s", - "▁cos ts", - "▁ launch", - "▁l aunch", - "▁la unch", - "\\ Http", - "k er", - "ke r", - "b and", - "ba nd", - "ban d", - "▁ Play", - "▁P lay", - "▁Pl ay", - "▁ band", - "▁b and", - "▁ban d", - "▁ba nd", - ". shape", - ".s hape", - ".sh ape", - "e some", - "es ome", - "eso me", - "art icle", - ". rf", - ".r f", - "▁ wer", - "▁w er", - "▁we r", - "em bers", - "ember s", - "emb ers", - "u sr", - "us r", - "B A", - "i can", - "ic an", - "ica n", - "e tt", - "et t", - "valid ate", - "ul ti", - "ult i", - "▁im mediately", - "▁immedi ately", - "▁immediate ly", - "z er", - "ze r", - "▁ figure", - "▁f igure", - "▁fig ure", - "▁figur e", - "o es", - "oe s", - "e ller", - "el ler", - "ell er", - "elle r", - "ir cle", - "irc le", - "▁ Sign", - "▁S ign", - "▁Si gn", - "▁Sig n", - ". db", - ".d b", - "▁ rank", - "▁r ank", - "▁ran k", - "▁ra nk", - "By tes", - "Byte s", - "▁ projects", - "▁project s", - "_ rec", - "_re c", - "_r ec", - "UL AR", - "ULA R", - "A PI", - "AP I", - "▁ Line", - "▁L ine", - "▁Lin e", - "▁Li ne", - "P ort", - "Por t", - "Po rt", - "▁ poll", - "▁p oll", - "▁pol l", - "▁po ll", - "▁g iving", - "▁gi ving", - "id ence", - "ide nce", - "iden ce", - "- -\n", - "-- \n", - "▁ plot", - "▁p lot", - "▁pl ot", - "i cial", - "ic ial", - "ici al", - "icia l", - "▁w arrant", - "▁war rant", - "I TION", - "IT ION", - "▁ Double", - "▁D ouble", - "▁Do uble", - "▁Dou ble", - "▁Doub le", - "▁b illion", - "▁bill ion", - "gorith m", - "▁e quipment", - "▁equ ipment", - "▁equip ment", - "D ATE", - "DA TE", - "DAT E", - "▁ @\"", - "▁@ \"", - "E E", - "▁ ple", - "▁p le", - "▁pl e", - "i ation", - "ia tion", - "iat ion", - "▁ headers", - "▁he aders", - "▁head ers", - "▁header s", - "▁pro ced", - "▁proc ed", - ".Component Model", - "▁ Obama", - "▁Ob ama", - "▁ pa", - "▁p a", - "▁ Best", - "▁B est", - "▁Be st", - "▁Bes t", - "im ately", - "imate ly", - ". getString", - ".get String", - ".getS tring", - ". \\", - "m ploy", - "mp loy", - "mpl oy", - "▁ raw", - "▁r aw", - "▁ra w", - "_ block", - "_b lock", - "_bl ock", - "und red", - "\" },\n", - "\"} ,\n", - "\"}, \n", - "1 12", - "11 2", - ".Group Layout", - "▁b rought", - "▁br ought", - "▁bro ught", - "NS String", - "NSS tring", - "th row", - "thr ow", - "c reated", - "cre ated", - "create d", - ". New", - ".N ew", - "_ view", - "_v iew", - "C P", - "e ps", - "ep s", - "O p", - "▁gr atis", - "▁grat is", - "▁ '\"", - "▁' \"", - "▁int erview", - "▁inter view", - "\"\" \"\n", - "\"\"\" \n", - "▁ partial", - "▁p artial", - "▁part ial", - "▁ aria", - "▁a ria", - "▁ar ia", - "b ing", - "bin g", - "bi ng", - "A uthor", - "Auth or", - "Aut hor", - "B ook", - "Bo ok", - "▁ Pat", - "▁P at", - "▁Pa t", - "u man", - "um an", - "uma n", - "User s", - "Us ers", - "Use rs", - "pl us", - "1 93", - "19 3", - "▁ Direct", - "▁D irect", - "▁Di rect", - "▁Dir ect", - "▁Dire ct", - "ven ue", - "al pha", - "alph a", - "UC CESS", - "▁ Call", - "▁C all", - "▁Cal l", - "▁Ca ll", - "▁ );\r\n", - "▁) ;\r\n", - "▁); \r\n", - "im ated", - "imate d", - "ima ted", - "▁ remain", - "▁re main", - "▁rem ain", - "▁ anti", - "▁an ti", - "▁ant i", - "▁ London", - "▁L ondon", - "▁Lon don", - "▁s afety", - "▁saf ety", - "▁safe ty", - "PO SE", - "POS E", - "o les", - "ol es", - "ole s", - "cont roller", - "control ler", - "contro ller", - "By te", - "▁C ourt", - "▁Co urt", - "▁Cour t", - "▁Cou rt", - "▁ Phil", - "▁Ph il", - "▁ Associ", - "▁Ass oci", - "e na", - "en a", - "_ STR", - "_S TR", - "_ST R", - "c oin", - "co in", - "res hold", - "resh old", - "▁ batch", - "▁b atch", - "▁bat ch", - "_ Click", - "_C lick", - "ent ication", - "entic ation", - "> ';\n", - ">' ;\n", - ">'; \n", - "e nty", - "en ty", - "ent y", - "▁beg inning", - "▁begin ning", - "▁ zero", - "▁z ero", - "▁ze ro", - "▁ Convert", - "▁Con vert", - "▁Conv ert", - "▁t err", - "▁te rr", - "▁ter r", - "▁ paid", - "▁p aid", - "▁pa id", - "▁pai d", - "▁incre ased", - "▁increase d", - "c atch", - "cat ch", - "- size", - "-s ize", - "1 15", - "11 5", - "act ivity", - "activ ity", - "e quals", - "equ als", - "equal s", - "▁ queue", - "▁que ue", - "▁q ueue", - "▁ \"'", - "▁\" '", - "▁ International", - "▁Int ernational", - "▁Intern ational", - "▁Inter national", - "urs day", - "▁ scient", - "▁s cient", - "▁sc ient", - "▁sci ent", - "al low", - "all ow", - "allo w", - "a xis", - "ax is", - "▁app ropri", - "ed ge", - "▁ idx", - "▁i dx", - "▁id x", - "S uccess", - "Su ccess", - "Suc cess", - "ent ifier", - ": \\", - "x is", - "xi s", - "▁ maximum", - "▁max imum", - "▁maxim um", - "ar ks", - "ark s", - "▁ birth", - "▁b irth", - "▁bir th", - "( index", - "(ind ex", - "▁ maybe", - "▁m aybe", - "▁may be", - ". py", - ".p y", - "f iles", - "file s", - "fi les", - "fil es", - "▁ limited", - "▁l imited", - "▁limit ed", - "▁lim ited", - "_ check", - "_c heck", - "l ook", - "lo ok", - "loo k", - "p lies", - "pl ies", - "▁ movement", - "▁m ovement", - "▁mov ement", - "▁move ment", - "▁mo vement", - "' ].", - "'] .", - "▁b road", - "▁br oad", - "▁bro ad", - "▁ BE", - "▁B E", - "▁ UnityEngine", - "▁Un ityEngine", - "▁Unity Engine", - ". cpp", - ".c pp", - "▁ Every", - "▁E very", - "▁Ev ery", - "▁Ever y", - "▁Eve ry", - "Ad min", - "▁f ans", - "▁fa ns", - "▁fan s", - "p ared", - "par ed", - "pare d", - "pa red", - "\n ▁▁▁▁\n", - "▁ foreign", - "▁fore ign", - "▁ pan", - "▁p an", - "▁pa n", - "▁ tour", - "▁t our", - "▁to ur", - "▁tou r", - "▁ Order", - "▁Or der", - "▁Ord er", - "▁m oving", - "▁mov ing", - "▁mo ving", - "▁ auf", - "▁a uf", - "▁au f", - "C all", - "Cal l", - "Ca ll", - "c b", - "vent ory", - "▁ Sql", - "▁S ql", - "▁ fully", - "▁f ully", - "▁full y", - "▁ful ly", - "Click Listener", - "W ORD", - "WO RD", - "▁ann ounced", - "▁announc ed", - "▁announce d", - ") \r\n\r\n", - ")\r\n \r\n", - "▁ag reed", - "▁agre ed", - "▁agree d", - "▁agr eed", - "r ie", - "ri e", - "▁ earn", - "▁e arn", - "▁ear n", - "▁ea rn", - "_ link", - "_l ink", - "_lin k", - "_li nk", - ". array", - ".a rray", - ".ar ray", - ".arr ay", - "( text", - "(t ext", - "▁material s", - "▁materia ls", - "▁mater ials", - ", p", - "f fff", - "ff ff", - "fff f", - "v g", - "▁ unless", - "▁un less", - "▁unle ss", - "a jax", - "aj ax", - "aja x", - "L OG", - "LO G", - "▁ sexual", - "▁s exual", - "▁sex ual", - "▁ \\\"", - "▁\\ \"", - "- time", - "-t ime", - "▁co ach", - "▁ supported", - "▁s upported", - "▁sup ported", - "▁support ed", - "▁ photos", - "▁ph otos", - "▁phot os", - "▁photo s", - "i form", - "if orm", - "ifo rm", - ". Create", - ".C reate", - ") ]", - "r ier", - "ri er", - "rie r", - "▁ dialog", - "▁d ialog", - "▁di alog", - "▁dia log", - "▁dial og", - "a ver", - "av er", - "ave r", - "i ge", - "ig e", - ") +", - "_ idx", - "_id x", - "_i dx", - ": [", - "_ min", - "_m in", - "▁ Cong", - "▁C ong", - "▁Con g", - "▁Co ng", - "▁ pressure", - "▁pres sure", - "▁press ure", - "▁ teams", - "▁te ams", - "▁team s", - "▁tea ms", - "S ign", - "Si gn", - "Sig n", - "b egin", - "be gin", - "beg in", - "r ian", - "ri an", - "ria n", - "N ESS", - "NE SS", - "L S", - "▁im prove", - "▁imp rove", - "▁impro ve", - "▁impr ove", - "▁ Sunday", - "▁S unday", - "▁Sun day", - "▁Sund ay", - "▁ definition", - "▁def inition", - "▁definit ion", - "▁defin ition", - "i ger", - "ig er", - "ige r", - "rol lers", - "roll ers", - "roller s", - "▁th inking", - "▁think ing", - "▁thin king", - "T emplate", - "Temp late", - "Tem plate", - "- F", - "▁em erg", - "p lates", - "pl ates", - "plate s", - "plat es", - "pla tes", - "▁ USA", - "▁U SA", - "▁US A", - ".set State", - "▁ Also", - "▁Al so", - "▁Als o", - "r ev", - "re v", - "▁ enable", - "▁e nable", - "▁en able", - "▁ CO", - "▁C O", - "P ECT", - "PE CT", - "PEC T", - "▁con cept", - "▁conce pt", - ") -", - "▁ sets", - "▁s ets", - "▁se ts", - "▁set s", - "▁ meaning", - "▁me aning", - "▁mean ing", - "e mon", - "em on", - "emo n", - "▁ Cons", - "▁C ons", - "▁Con s", - "▁Co ns", - "c mp", - "cm p", - "e der", - "ed er", - "ede r", - "an ned", - "ann ed", - "anne d", - "ic ensed", - "icense d", - "icens ed", - "▁ Super", - "▁S uper", - "▁Sup er", - "▁Su per", - "▁ daily", - "▁d aily", - "▁da ily", - "▁ multi", - "▁m ulti", - "▁mult i", - "▁mul ti", - "_ u", - "▁ch alleng", - "▁chall eng", - "_ mode", - "_m ode", - "_mod e", - "▁ Promise", - "▁P romise", - "▁Prom ise", - "▁ strict", - "▁str ict", - "▁stri ct", - "j o", - "i nton", - "in ton", - "int on", - "into n", - "( list", - "(l ist", - "(li st", - "On ly", - "> {", - "▁ vehicle", - "▁v ehicle", - "▁veh icle", - "▁ Player", - "▁P layer", - "▁Pl ayer", - "▁Play er", - "1 06", - "10 6", - "▁ Del", - "▁D el", - "▁De l", - "▁ pool", - "▁p ool", - "▁po ol", - ". url", - ".u rl", - ".ur l", - "nes day", - "( );\r\n\r\n", - "() ;\r\n\r\n", - "();\r\n \r\n", - "(); \r\n\r\n", - "9 00", - "90 0", - "▁ \");\n", - "▁\" );\n", - "▁\") ;\n", - "▁\"); \n", - "L ocal", - "Lo cal", - "Loc al", - ". \");\n", - ".\" );\n", - ".\") ;\n", - ".\"); \n", - "▁ organization", - "▁organ ization", - "▁organiz ation", - "r ender", - "re nder", - "ren der", - "rend er", - "▁ Application", - "▁App lication", - "▁Appl ication", - "▁sum mer", - "▁summ er", - "ex pected", - "exp ected", - "expect ed", - "N A", - "▁ rap", - "▁r ap", - "▁ra p", - "_ obj", - "_o bj", - "_ob j", - "▁ surface", - "▁s urface", - "▁sur face", - "▁surf ace", - "▁P UR", - "▁PU R", - "▁ },\n\n", - "▁} ,\n\n", - "▁},\n \n", - "▁}, \n\n", - "▁ variables", - "▁variable s", - "▁vari ables", - "( message", - "(m essage", - "▁o pin", - "▁op in", - "▁opi n", - ". back", - ".b ack", - ".ba ck", - "▁ workers", - "▁work ers", - "▁wor kers", - "▁worker s", - "v m", - "C o", - "ught er", - "ugh ter", - "▁ master", - "▁m aster", - "▁ma ster", - "▁mas ter", - "▁mast er", - "▁ \"\",", - "▁\" \",", - "▁\"\" ,", - "▁st ories", - "▁stor ies", - "▁sto ries", - ". User", - ".U ser", - ".Use r", - "▁cele br", - "in ese", - "ine se", - "ines e", - "B S", - "▁ Command", - "▁Com mand", - "▁Comm and", - "ash board", - "▁ og", - "▁o g", - "k g", - ". image", - ".i mage", - ".im age", - ". style", - ".st yle", - "▁ steps", - "▁st eps", - "▁step s", - "▁ste ps", - "▁ Ben", - "▁B en", - "▁Be n", - "( args", - "(arg s", - "(ar gs", - "4 04", - "40 4", - "▁ Person", - "▁P erson", - "▁Per son", - "▁Pers on", - ", y", - "▁offic ials", - "▁official s", - "| \n", - "▁ skills", - "▁s kills", - "▁sk ills", - "▁skill s", - "v c", - "▁ builder", - "▁b uilder", - "▁bu ilder", - "▁build er", - "▁ gar", - "▁g ar", - "▁ga r", - "A ccount", - "Ac count", - "Acc ount", - "▁ Auth", - "▁A uth", - "▁Aut h", - "▁Au th", - "' ])\n", - "'] )\n", - "']) \n", - "▁ AT", - "▁A T", - "n n", - ". Int", - ".I nt", - ".In t", - "SS ERT", - "▁e ffective", - "▁effect ive", - "LE TE", - "LET E", - "▁ tools", - "▁t ools", - "▁to ols", - "▁too ls", - "▁tool s", - "A RD", - "AR D", - "▁ digital", - "▁d igital", - "▁dig ital", - "▁digit al", - "1 91", - "19 1", - "D ouble", - "Do uble", - "▁ Find", - "▁F ind", - "▁Fin d", - "▁Fi nd", - "R C", - "▁ inline", - "▁in line", - "/ r", - "A RAM", - "AR AM", - "ARA M", - "A SK", - "AS K", - "▁ intent", - "▁int ent", - "▁inte nt", - "a ight", - "ai ght", - "_ addr", - "_add r", - "_ad dr", - "▁ requests", - "▁request s", - "▁requ ests", - ". first", - ".f irst", - "▁ debug", - "▁de bug", - "▁deb ug", - "▁s pent", - "▁sp ent", - "▁spe nt", - "( )));\n", - "() ));\n", - "()) );\n", - "())) ;\n", - "▁pr incip", - "Log ger", - "cl udes", - "clude s", - "clud es", - ". use", - ".u se", - ".us e", - "▁su rv", - "▁sur v", - "m edia", - "med ia", - "me dia", - "medi a", - "▁ February", - "▁Fe bruary", - "▁ Mac", - "▁M ac", - "▁Ma c", - "▁ missing", - "▁m issing", - "▁miss ing", - "▁ wife", - "▁w ife", - "▁wi fe", - "▁t alking", - "▁talk ing", - "▁tal king", - "▁ Make", - "▁M ake", - "▁Ma ke", - "▁Mak e", - "▁ cart", - "▁c art", - "▁car t", - "▁ca rt", - "▁ located", - "▁loc ated", - "▁locate d", - "E nc", - "En c", - "- a", - "ch ron", - "chr on", - "▁ cards", - "▁c ards", - "▁car ds", - "▁card s", - "▁g uy", - "▁gu y", - "▁ pers", - "▁p ers", - "▁per s", - "▁pe rs", - "▁ Yes", - "▁Y es", - "▁Ye s", - "at ever", - "ate ver", - "▁ Ang", - "▁A ng", - "▁An g", - "o lar", - "ol ar", - "ola r", - "▁ Even", - "▁E ven", - "▁Ev en", - "▁Eve n", - "▁ accur", - "▁acc ur", - "▁ac cur", - "▁ Power", - "▁P ower", - "▁Po wer", - "▁Pow er", - "▁ Gold", - "▁G old", - "▁Go ld", - "▁Gol d", - "c lear", - "cl ear", - "cle ar", - "P rocess", - "Pro cess", - "Proc ess", - "▁ records", - "▁rec ords", - "▁record s", - "▁k illed", - "▁kill ed", - "▁kil led", - ". clear", - ".c lear", - ".cl ear", - "▁WARRANT IES", - "▁p urpose", - "▁pur pose", - "p anel", - "pan el", - "pa nel", - "pane l", - "J ECT", - "JE CT", - "▁ex erc", - "▁exe rc", - "W S", - "/ L", - ". exports", - ".ex ports", - ".exp orts", - ".export s", - "▁ ___", - "▁_ __", - "▁__ _", - "▁ sin", - "▁s in", - "▁si n", - "S ervlet", - "Serv let", - ". delete", - ".de lete", - ".del ete", - "r oke", - "ro ke", - "rok e", - "S l", - "u gh", - "ug h", - "e ars", - "ear s", - "ea rs", - "▁ pointer", - "▁point er", - "▁po inter", - "▁ hop", - "▁h op", - "▁ho p", - "all ery", - "alle ry", - "aller y", - "▁ obs", - "▁o bs", - "▁ob s", - "co very", - "cover y", - "cov ery", - "\t char", - "\tc har", - "\tch ar", - "\t \t\t\t\t\t\t\t\t\t", - "\t\t \t\t\t\t\t\t\t\t", - "\t\t\t\t \t\t\t\t\t\t", - "\t\t\t \t\t\t\t\t\t\t", - "\t\t\t\t\t \t\t\t\t\t", - "\t\t\t\t\t\t \t\t\t\t", - "\t\t\t\t\t\t\t\t \t\t", - "\t\t\t\t\t\t\t \t\t\t", - "\t\t\t\t\t\t\t\t\t \t", - "\t def", - "\td ef", - "\tde f", - "o city", - "oc ity", - "oci ty", - "it chen", - "itch en", - "u lations", - "ul ations", - "ulation s", - "▁F IT", - "▁FI T", - "▁ ).", - "▁) .", - "straint s", - "stra ints", - "v ention", - "vent ion", - "ven tion", - "▁ requires", - "▁re quires", - "▁require s", - "▁requ ires", - "▁ Oper", - "▁O per", - "▁Op er", - "M E", - "OUN T", - "OU NT", - "al let", - "all et", - "alle t", - "▁ norm", - "▁n orm", - "▁no rm", - "▁nor m", - "I RE", - "IR E", - "ex as", - "▁pro grams", - "▁pr ograms", - "▁program s", - "▁ weak", - "▁we ak", - "' .$", - "'. $", - "u ing", - "ui ng", - "\t ▁▁▁▁▁▁▁", - "\t▁▁▁ ▁▁▁▁", - "\t▁ ▁▁▁▁▁▁", - "\t▁▁ ▁▁▁▁▁", - "\t▁▁▁▁▁ ▁▁", - "\t▁▁▁▁ ▁▁▁", - "\t▁▁▁▁▁▁ ▁", - "▁m il", - "▁mi l", - "▁ firm", - "▁f irm", - "▁fi rm", - "▁fir m", - "init ely", - "inite ly", - "_ VALUE", - "_VAL UE", - "ap se", - "aps e", - "atis f", - "ati sf", - "▁d emand", - "▁de mand", - "▁dem and", - "_ mod", - "_m od", - "▁de scribed", - "▁des cribed", - "▁descri bed", - "▁describe d", - "▁ places", - "▁pl aces", - "▁place s", - "▁plac es", - "▁pla ces", - "V ID", - "VI D", - "▁ alone", - "▁al one", - "▁alo ne", - "▁ export", - "▁ex port", - "▁exp ort", - "▁ vec", - "▁v ec", - "▁ve c", - "▁ Max", - "▁M ax", - "▁Ma x", - "▁ activities", - "▁act ivities", - "▁activ ities", - "ic tures", - "ict ures", - "icture s", - "g ener", - "ge ner", - "gen er", - "gene r", - "▁ ma", - "▁m a", - "▁ expression", - "▁ex pression", - "▁exp ression", - "▁express ion", - "▁expr ession", - "C allback", - "Call back", - "_ content", - "_cont ent", - "▁ Most", - "▁M ost", - "▁Mo st", - "▁Mos t", - "▁ testing", - "▁t esting", - "▁test ing", - "▁tes ting", - "E C", - "CH ANT", - "CHA NT", - "▁ adjust", - "▁ad just", - "▁adj ust", - ".Th reading", - ".Thread ing", - "( ctx", - "(c tx", - "(ct x", - "▁a gree", - "▁ag ree", - "▁agre e", - "▁agr ee", - "i ghest", - "ig hest", - "igh est", - "▁ ui", - "▁u i", - "▁ Law", - "▁L aw", - "▁La w", - ". Y", - "> < ?", - "▁ pod", - "▁p od", - "▁po d", - "- lg", - "-l g", - "▁ describe", - "▁de scribe", - "▁des cribe", - "▁descri be", - "▁descr ibe", - "▁Europe an", - "- sh", - "-s h", - "▁PUR POSE", - "O RY", - "OR Y", - "▁con vers", - "▁conv ers", - "▁conver s", - "▁ Illuminate", - "▁I lluminate", - "▁Illum inate", - "▁ Av", - "▁A v", - "( ch", - "(c h", - "? \"", - "c hen", - "ch en", - "che n", - "i ma", - "im a", - "D ocument", - "Doc ument", - "▁ operations", - "▁oper ations", - "▁operation s", - "w in", - "wi n", - "\t function", - "\tf unction", - "\tfunc tion", - ". Image", - ".I mage", - ".Im age", - "▁s cen", - "▁sc en", - "/ h", - "▁ SC", - "▁S C", - "▁exp lo", - "▁expl o", - ": %", - "/ **\r\n", - "/* *\r\n", - "/** \r\n", - "N AME", - "NA ME", - "( var", - "(v ar", - "▁direct or", - "▁dir ector", - "▁dire ctor", - "O NG", - "ON G", - "▁ yield", - "▁y ield", - "▁yi eld", - "▁fe et", - "▁fee t", - "▁ Search", - "▁S earch", - "▁Se arch", - "▁Sea rch", - "▁ Il", - "▁I l", - "▁rest aur", - "d uc", - "du c", - "▁ integer", - "▁int eger", - "▁integ er", - "▁inte ger", - "1 07", - "10 7", - "▁' ';\n", - "▁'' ;\n", - "▁''; \n", - "▁high ly", - "check ed", - "▁PART IC", - "ER CHANT", - "▁ optim", - "▁op tim", - "▁opt im", - "Q ueue", - "Que ue", - "▁ LI", - "▁L I", - "it ation", - "ita tion", - "itat ion", - "▁ transport", - "▁trans port", - "▁tran sport", - "iss ion", - "f ill", - "fi ll", - "fil l", - "us ion", - "usi on", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "\t bool", - "\tb ool", - "- th", - "-t h", - "u pt", - "up t", - "▁ essential", - "▁ess ential", - "an ted", - "ant ed", - "ante d", - "▁benef its", - "▁benefit s", - "▁bene fits", - "\t S", - "' ;\r\n", - "'; \r\n", - "i ki", - "ik i", - "▁ girls", - "▁girl s", - "▁gir ls", - "i ced", - "ic ed", - "ice d", - "b uffer", - "buf fer", - "bu ffer", - "buff er", - "] +", - "▁ socket", - "▁s ocket", - "▁so cket", - "▁sock et", - "▁soc ket", - "▁ prices", - "▁p rices", - "▁pr ices", - "▁price s", - "▁pri ces", - "▁ Fre", - "▁F re", - "▁Fr e", - "▁ sat", - "▁s at", - "▁sa t", - "▁ wood", - "▁w ood", - "▁wo od", - "Menu Item", - "A RG", - "AR G", - "▁ Admin", - "▁Ad min", - "O WN", - "OW N", - "d k", - "▁ reset", - "▁re set", - "▁res et", - "▁ forms", - "▁for ms", - "▁form s", - "▁ Tuesday", - "▁T uesday", - "1 09", - "10 9", - "▁ Initialized", - "▁Initial ized", - "▁Initialize d", - "_ train", - "_t rain", - "_tr ain", - "_tra in", - "o rary", - "or ary", - "ora ry", - "ate gor", - "ateg or", - "▁ dt", - "▁d t", - "T otal", - "To tal", - "con struct", - "i lies", - "il ies", - "ili es", - "▁gu ys", - "▁guy s", - "▁ instruction", - "▁in struction", - "▁instr uction", - "▁instruct ion", - "0 10", - "01 0", - "y led", - "yle d", - "yl ed", - "▁int ernet", - "▁inter net", - "▁intern et", - "et adata", - "eta data", - "a dy", - "ad y", - "f aces", - "face s", - "fa ces", - "fac es", - "j ection", - "ject ion", - "je ction", - "▁ Jack", - "▁J ack", - "▁Jac k", - "▁Ja ck", - "▁ rect", - "▁re ct", - "▁r ect", - "▁rec t", - "[ -", - "▁ Leg", - "▁L eg", - "▁Le g", - "▁ devices", - "▁dev ices", - "▁device s", - "O C", - "▁ *\r\n", - "▁* \r\n", - "o ration", - "or ation", - "ora tion", - "er tain", - "ert ain", - "erta in", - "▁ guard", - "▁g uard", - "▁gu ard", - "▁guar d", - "o stream", - "ost ream", - "▁ enum", - "▁e num", - "▁en um", - ". layout", - ".l ayout", - "▁ \";\n", - "▁\" ;\n", - "▁\"; \n", - "v oke", - "vo ke", - "▁ Ok", - "▁O k", - "H ome", - "Ho me", - "Hom e", - "( tr", - "(t r", - "E TH", - "ET H", - "▁ delay", - "▁d elay", - "▁de lay", - "▁del ay", - "▁ purchase", - "▁p urchase", - "▁purch ase", - "d c", - "▁ aren", - "▁a ren", - "▁are n", - "▁ar en", - "_ once", - "_on ce", - "_o nce", - "\t \t\t\t\n", - "\t\t \t\t\n", - "\t\t\t\t \n", - "\t\t\t \t\n", - "r or", - "ro r", - "d raw", - "dr aw", - "dra w", - ". run", - ".r un", - ".ru n", - "( model", - "(m odel", - "(mod el", - "(mode l", - "Time out", - "l ik", - "li k", - "▁ Arg", - "▁A rg", - "▁Ar g", - ". en", - ".e n", - "▁ fish", - "▁f ish", - "▁fi sh", - "▁fis h", - "c py", - "cp y", - "_ fe", - "_f e", - "ERCHANT ABILITY", - "( X", - "_ output", - "_out put", - "? ?", - "▁ jo", - "▁j o", - "and ard", - "anda rd", - "▁d oll", - "▁do ll", - "▁dol l", - "er rors", - "err ors", - "error s", - "erro rs", - "_ base", - "_b ase", - "▁PARTIC ULAR", - "▁ leader", - "▁le ader", - "▁lead er", - "▁com par", - "▁comp ar", - "▁d oub", - "▁do ub", - "▁dou b", - "▁ Vis", - "▁V is", - "▁Vi s", - "Stack Trace", - "- C", - "▁St ud", - "stit ute", - "M ore", - "Mo re", - "Mor e", - "▁ Description", - "▁D escription", - "▁De scription", - "▁Des cription", - "W ARE", - "WA RE", - "WAR E", - "a ds", - "ad s", - "b ind", - "bin d", - "bi nd", - "= self", - "=s elf", - "e mploy", - "em ploy", - "emp loy", - "empl oy", - "emplo y", - "[ n", - ". all", - ".a ll", - ".al l", - "- B", - "& &", - "a lm", - "al m", - "▁c ulture", - "▁cult ure", - "▁cul ture", - "h ouse", - "ho use", - "hou se", - "▁s uffer", - "▁su ffer", - "▁suff er", - "▁suf fer", - "▁ '%", - "▁' %", - "▁str aight", - "▁ Star", - "▁S tar", - "▁St ar", - "▁Sta r", - "u do", - "ud o", - "▁ ded", - "▁d ed", - "▁de d", - "▁ COM", - "▁C OM", - "▁CO M", - "▁ confirm", - "▁con firm", - "▁conf irm", - "▁ Good", - "▁G ood", - "▁Go od", - ". sc", - ".s c", - "____ ____________", - "________ ________", - "____________ ____", - "D R", - "Config uration", - "Date Time", - "▁ advert", - "▁ad vert", - "▁adv ert", - "▁could n", - "a sync", - "as ync", - "asy nc", - "st ack", - "sta ck", - "' )\r\n", - "') \r\n", - "K it", - "▁h ous", - "▁ho us", - "▁me chan", - "r ate", - "ra te", - "rat e", - "2 04", - "20 4", - "▁ audio", - "▁a udio", - "▁aud io", - "▁audi o", - "\t cout", - "\tc out", - "c ores", - "co res", - "core s", - "cor es", - "▁ spot", - "▁s pot", - "▁sp ot", - "▁spo t", - "▁incre asing", - "▁ ##", - "▁# #", - ") ))", - ")) )", - "p oints", - "point s", - "po ints", - "▁com pared", - "▁comp ared", - "▁compar ed", - "▁compare d", - "l ig", - "li g", - "▁ behavior", - "▁beh avior", - "▁ BY", - "▁B Y", - "▁ Att", - "▁A tt", - "▁At t", - "c raft", - "he aders", - "head ers", - "header s", - "hea ders", - "e te", - "et e", - "end region", - "▁ detail", - "▁d etail", - "▁de tail", - "▁det ail", - "U LE", - "UL E", - "▁ Common", - "▁Com mon", - "▁Comm on", - "\t protected", - "s ton", - "st on", - "sto n", - "▁FIT NESS", - "▁f resh", - "▁fr esh", - "▁fre sh", - "▁fres h", - "\" >\n\n", - "\"> \n\n", - "\">\n \n", - ". example", - ".ex ample", - "b erg", - "ber g", - "be rg", - "▁m oved", - "▁mov ed", - "▁move d", - "▁mo ved", - "\t e", - "▁ Saturday", - "▁S aturday", - "▁ payload", - "▁p ayload", - "▁pay load", - ") :\n\n", - "):\n \n", - "): \n\n", - "▁b ey", - "▁be y", - "u rer", - "ur er", - "ure r", - "< script", - " ,", - "\" > < ?", - "( num", - "(n um", - "\t inline", - "\tin line", - "Trans action", - ". On", - ".O n", - "▁ mail", - "▁m ail", - "▁ma il", - "▁mai l", - "r ey", - "re y", - "result s", - "▁ nav", - "▁n av", - "▁na v", - "I MIT", - "IM IT", - "_ ids", - "_id s", - "_i ds", - "M ake", - "Ma ke", - "M odal", - "Mod al", - "Mo dal", - "▁ LOG", - "▁L OG", - "▁LO G", - "▁ Sur", - "▁S ur", - "▁Su r", - "▁instance of", - "▁over all", - "▁ Information", - "▁In formation", - "▁Inform ation", - "▁ construction", - "▁con struction", - "▁construct ion", - "▁constr uction", - "_ FILE", - "_F ILE", - "b ut", - "bu t", - "▁m edic", - "▁me dic", - "▁med ic", - "▁medi c", - "▁ duration", - "▁d uration", - "▁du ration", - "▁dur ation", - "it ness", - "a gent", - "ag ent", - "age nt", - "agen t", - "A V", - "▁s even", - "▁se ven", - "o lf", - "ol f", - "▁ }}\n", - "▁} }\n", - "▁}} \n", - "\" ],\n", - "\"] ,\n", - "\"], \n", - "1 70", - "17 0", - "1 22", - "12 2", - "▁c alling", - "▁call ing", - "▁cal ling", - "▁ ans", - "▁a ns", - "▁an s", - "th rows", - "throw s", - "thr ows", - "or izontal", - "▁ useState", - "▁use State", - ". fl", - ".f l", - "▁ Status", - "▁St atus", - "▁Stat us", - "▁ Online", - "▁On line", - "R R", - "▁ Rich", - "▁R ich", - "▁Ric h", - "▁Ri ch", - "▁H ill", - "▁Hi ll", - "▁Hil l", - "▁ brain", - "▁b rain", - "▁br ain", - "▁bra in", - "▁follow ed", - "▁foll owed", - "2 40", - "24 0", - "e mic", - "em ic", - "emi c", - "▁s light", - "▁sl ight", - "▁ins urance", - ". Array", - ".A rray", - "▁ abstract", - "▁a bstract", - "▁ab stract", - "▁abs tract", - "▁ Sum", - "▁S um", - "▁Su m", - "re direct", - "red irect", - "o wner", - "ow ner", - "own er", - "( msg", - "(m sg", - "(ms g", - "▁ Clinton", - "▁Cl inton", - "▁Clin ton", - "▁Clint on", - "N on", - "No n", - "\t ex", - "\te x", - "▁ volume", - "▁v olume", - "▁vol ume", - "▁ EventArgs", - "▁Event Args", - "- L", - "▁ Dim", - "▁D im", - "▁Di m", - "▁M art", - "▁Mar t", - "▁Ma rt", - "▁ cursor", - "▁c ursor", - "▁curs or", - "▁curso r", - "▁ implementation", - "▁im plementation", - "▁implement ation", - "ur red", - "urre d", - "urr ed", - "▁l arger", - "▁large r", - "▁larg er", - "▁lar ger", - ") ;\n\n\n", - ");\n \n\n", - ");\n\n \n", - "); \n\n\n", - "' +", - ". transform", - ".trans form", - "▁ upload", - "▁up load", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "D raw", - "Dr aw", - "n el", - "ne l", - "\t float", - "\tf loat", - "q rt", - "qr t", - "▁ Network", - "▁N etwork", - "▁Net work", - "▁ tit", - "▁t it", - "▁ti t", - "A xis", - "Ax is", - ". android", - ".and roid", - "▁ completed", - "▁com pleted", - "▁comp leted", - "▁comple ted", - "▁complet ed", - "▁compl eted", - "▁complete d", - "▁m ur", - "▁mu r", - "▁ columns", - "▁column s", - "x c", - "▁sup ply", - "im inal", - "imi nal", - "imin al", - "▁ spr", - "▁s pr", - "▁sp r", - "================ ================================================", - "================================ ================================", - "================================================ ================", - "▁ units", - "▁un its", - "▁unit s", - "▁uni ts", - "( u", - "m i", - "re place", - "rep lace", - "[ key", - "[k ey", - "an tic", - "ant ic", - "anti c", - "▁ payment", - "▁p ayment", - "▁pay ment", - ", B", - "▁ Apple", - "▁App le", - "▁Ap ple", - "▁Appl e", - "g in", - "gi n", - "Re quired", - "Require d", - "# +", - "l ands", - "land s", - "lan ds", - "▁s qu", - "▁sq u", - "▁ factor", - "▁f actor", - "▁fact or", - "▁fa ctor", - "▁fac tor", - "▁facto r", - "d ec", - "de c", - "▁st rength", - "▁str ength", - "▁stre ngth", - "▁ boy", - "▁b oy", - "▁bo y", - "▁ balance", - "▁b alance", - "▁bal ance", - "▁ sources", - "▁s ources", - "▁source s", - "▁sour ces", - "s creen", - "sc reen", - "scr een", - "- top", - "-t op", - "-to p", - "▁ Amazon", - "▁Am azon", - "▁ hidden", - "▁h idden", - "▁hi dden", - "▁hid den", - "_ client", - "_c lient", - "_cl ient", - "_cli ent", - "▁ eat", - "▁e at", - "▁ea t", - ". display", - ".d isplay", - ".dis play", - "▁ trigger", - "▁tr igger", - "▁trig ger", - "an ager", - "ana ger", - "▁ tro", - "▁t ro", - "▁tr o", - "▁ claims", - "▁cl aims", - "▁claim s", - "f ord", - "fo rd", - "for d", - "▁ Company", - "▁Com pany", - "▁Comp any", - "▁ gift", - "▁g ift", - "▁gi ft", - "▁gif t", - ", :", - "_ app", - "_a pp", - "_ap p", - "h andle", - "hand le", - "▁p roduce", - "▁pro duce", - "▁produ ce", - "▁prod uce", - "/ lib", - "/l ib", - "5 12", - "51 2", - "▁ -*", - "▁- *", - "\t set", - "\ts et", - "' ];", - "'] ;", - "a rc", - "ar c", - "a nder", - "an der", - "and er", - "ande r", - "▁ Engine", - "▁Eng ine", - "▁ attributes", - "▁at tributes", - "▁attribute s", - "▁attrib utes", - "t ask", - "ta sk", - "tas k", - "< =", - "( N", - "▁w arm", - "▁war m", - "▁wa rm", - "wh ich", - "▁ Fore", - "▁F ore", - "▁For e", - "▁Fo re", - "ag nost", - "agn ost", - "m ys", - "my s", - "▁ tal", - "▁t al", - "▁ta l", - "▁ Sal", - "▁S al", - "▁Sa l", - "g i", - "▁ Print", - "▁P rint", - "▁Pr int", - "▁Pri nt", - "▁ TRUE", - "▁TR UE", - ". UI", - ".U I", - "▁ flash", - "▁f lash", - "▁fl ash", - "rop erty", - ". location", - ".l ocation", - ".loc ation", - "▁ Mill", - "▁M ill", - "▁Mil l", - "▁Mi ll", - "b i", - "con tr", - "cont r", - ". request", - ".re quest", - ".req uest", - "▁ Sam", - "▁S am", - "▁Sa m", - "▁ negative", - "▁n egative", - "▁neg ative", - "k it", - "ki t", - "▁s ett", - "▁se tt", - "▁set t", - ".print StackTrace", - "a be", - "ab e", - "\t i", - "▁ burn", - "▁b urn", - "▁bu rn", - "▁bur n", - "▁s ociety", - "▁soci ety", - "C ache", - "Ca che", - "▁ Security", - "▁S ecurity", - "▁Se curity", - "▁Sec urity", - ". models", - ".model s", - ".mod els", - ".mode ls", - "▁WARRANT Y", - "_ up", - "_u p", - "ce ive", - "▁ clients", - "▁c lients", - "▁cl ients", - "▁client s", - "▁cli ents", - ". Tr", - ".T r", - "▁provid ing", - "▁prov iding", - "▁r out", - "▁ro ut", - "▁rou t", - "m aterial", - "mat erial", - "mate rial", - "▁| |\n", - "▁|| \n", - "▁ Ser", - "▁S er", - "▁Se r", - "▁ Office", - "▁Off ice", - "FT WARE", - "▁ '$", - "▁' $", - "▁f oc", - "▁fo c", - "▁ex cell", - "▁exc ell", - "▁excel l", - "▁ cat", - "▁c at", - "▁ca t", - "n ormal", - "norm al", - "nor mal", - "▁d etermine", - "▁deter mine", - "▁determin e", - "\t uint", - "\tu int", - "\tui nt", - "P ane", - "Pa ne", - "Pan e", - "▁ employees", - "▁employ ees", - "▁employee s", - "▁ Texas", - "▁T exas", - "▁Tex as", - "▁tr aff", - "▁tra ff", - "▁ Report", - "▁Re port", - "▁Rep ort", - "an ta", - "ant a", - "▁ Box", - "▁B ox", - "▁Bo x", - "▁ django", - "▁d jango", - "▁dj ango", - "▁ partner", - "▁part ner", - "E B", - "L INE", - "LI NE", - "▁fe eling", - "▁feel ing", - "▁fee ling", - "▁c ivil", - "▁ci vil", - "▁civ il", - "( float", - "(f loat", - "S ql", - "▁would n", - ". init", - ".in it", - ".i nit", - ".ini t", - ". left", - ".l eft", - ".le ft", - "- v", - "_ level", - "_le vel", - "' }", - "A F", - "▁ loading", - "▁lo ading", - "▁load ing", - "▁ Only", - "▁On ly", - "▁ cookies", - "▁c ookies", - "▁co okies", - "▁cook ies", - "▁cookie s", - "▁ Gl", - "▁G l", - "C O", - "▁str ategy", - "▁strateg y", - "(' ./", - "('. /", - "▁ ship", - "▁s hip", - "▁sh ip", - "p oses", - "pos es", - "pose s", - "po ses", - "▁ signal", - "▁s ignal", - "▁sign al", - "▁sig nal", - "▁ alpha", - "▁al pha", - ". pop", - ".p op", - ".po p", - "R adius", - "Rad ius", - "▁ replace", - "▁re place", - "▁rep lace", - "▁repl ace", - "_ DIR", - "_D IR", - "_DI R", - "c ounter", - "co unter", - "count er", - "bserv able", - "e la", - "el a", - "We ight", - "h ash", - "ha sh", - "has h", - "b ose", - "bo se", - "f x", - "▁ Email", - "▁E mail", - "▁Em ail", - "▁ refer", - "▁re fer", - "▁ref er", - "local host", - "_ RO", - "_R O", - "i ques", - "ique s", - "iqu es", - "iq ues", - "St ep", - "Ste p", - "▁ ahead", - "▁a head", - "▁ah ead", - "( View", - "(V iew", - "▁ Services", - "▁S ervices", - "▁Service s", - "▁Serv ices", - "▁ Json", - "▁J son", - "▁Js on", - "ess or", - "esso r", - "▁p un", - "▁pu n", - "▁ appropriate", - "▁app ropriate", - "▁appropri ate", - "a kers", - "ak ers", - "ake rs", - "aker s", - "o sen", - "os en", - "ose n", - "p osing", - "pos ing", - "▁ agent", - "▁a gent", - "▁ag ent", - "▁age nt", - "f c", - "▁ transfer", - "▁trans fer", - "▁transf er", - "▁ invalid", - "▁in valid", - "▁inval id", - "▁ Research", - "▁Re search", - "▁Res earch", - "Vert ex", - "Ver tex", - "▁g ay", - "▁ga y", - "▁ journal", - "▁j ournal", - "▁jour nal", - "[ x", - "▁ \"\",\n", - "▁\" \",\n", - "▁\"\" ,\n", - "▁\"\", \n", - "▁ Well", - "▁W ell", - "▁We ll", - "▁Wel l", - ". Tasks", - ".T asks", - ".Task s", - "S pec", - "Sp ec", - "Spe c", - "▁ ol", - "▁o l", - "▁s pend", - "▁sp end", - "▁spe nd", - "▁ Australia", - "▁A ustralia", - "▁Austral ia", - "M atch", - "Mat ch", - ".j unit", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁ MAX", - "▁M AX", - "▁MA X", - "iz able", - "iza ble", - "cl usive", - "clus ive", - "_ valid", - "_val id", - "▁ quarter", - "▁qu arter", - "▁quar ter", - "▁quart er", - "y an", - "ya n", - "0 05", - "00 5", - "▁ Edit", - "▁E dit", - "▁Ed it", - "ar den", - "ard en", - "arde n", - "= new", - "=n ew", - "▁ frag", - "▁f rag", - "▁fr ag", - "▁fra g", - "B it", - "Bi t", - "z i", - "a ine", - "ain e", - "ai ne", - "u dd", - "ud d", - ". Object", - ".O bject", - "de bug", - "deb ug", - "▁ cash", - "▁c ash", - "▁ca sh", - "▁cas h", - "_ IM", - "_I M", - "▁ een", - "▁e en", - "▁ee n", - "▁com mercial", - "▁comm ercial", - "▁ Video", - "▁V ideo", - "▁Vid eo", - "l oader", - "lo ader", - "load er", - "▁ fixed", - "▁f ixed", - "▁fix ed", - "▁fi xed", - "▁app lications", - "▁application s", - "▁applic ations", - "▁ _,", - "▁_ ,", - "▁ Russia", - "▁R ussia", - "▁Russ ia", - "it ect", - "ite ct", - "_ (", - "▁ Block", - "▁B lock", - "▁Bl ock", - "▁Blo ck", - "▁ san", - "▁s an", - "▁sa n", - "▁ Tom", - "▁T om", - "▁To m", - "▁per haps", - "▁ sig", - "▁s ig", - "▁si g", - "lev ant", - "▁c orpor", - "▁cor por", - "▁corp or", - "at aset", - "ata set", - "atas et", - "r onic", - "ro nic", - "ron ic", - "x e", - "▁ eth", - "▁e th", - "▁et h", - "S ome", - "So me", - "Som e", - "p op", - "po p", - "_ OK", - "_O K", - "▁t end", - "▁te nd", - "▁ten d", - ". Res", - ".R es", - ".Re s", - "_ and", - "_a nd", - "_an d", - "▁ reviews", - "▁re views", - "▁review s", - "▁w ild", - "▁wi ld", - "▁wil d", - "1 17", - "11 7", - "▁ degree", - "▁d egree", - "▁de gree", - "▁deg ree", - ". O", - ". objects", - ".object s", - "_ args", - "_arg s", - "_ar gs", - "n il", - "ni l", - "▁ disabled", - "▁dis abled", - "▁disable d", - "P arent", - "Par ent", - "Pa rent", - "▁ notes", - "▁n otes", - "▁not es", - "▁no tes", - "▁note s", - "▁\" \"\n", - "▁\"\" \n", - "( state", - "(st ate", - "(stat e", - "i strict", - "istr ict", - "▁ logging", - "▁log ging", - ". IO", - ".I O", - "▁ Mal", - "▁M al", - "▁Ma l", - "D M", - "▁ xml", - "▁x ml", - "▁xm l", - "▁ Robert", - "▁Rob ert", - "▁Ro bert", - "e len", - "el en", - "ele n", - "l ayout", - "lay out", - "f ol", - "fo l", - "' ]))", - "'] ))", - "']) )", - ", b", - "▁ Jer", - "▁J er", - "▁Je r", - "f ilename", - "file name", - "fi lename", - "fil ename", - "▁ fan", - "▁f an", - "▁fa n", - "▁ Custom", - "▁C ustom", - "= \"\"", - "=\" \"", - "▁ Die", - "▁D ie", - "▁Di e", - "B undle", - ". utils", - ".util s", - "▁ trip", - "▁t rip", - "▁tr ip", - "▁tri p", - "M B", - "▁ soft", - "▁s oft", - "▁so ft", - "_ MODE", - "_M ODE", - "_MO DE", - "_MOD E", - "▁app licable", - "▁applic able", - "▁ upper", - "▁u pper", - "▁up per", - "ER VER", - "ERV ER", - "_ al", - "_a l", - "_ LOG", - "_L OG", - "_LO G", - "H ere", - "He re", - "Her e", - "w p", - "▁ Server", - "▁S erver", - "▁Ser ver", - "▁Serv er", - "▁Serve r", - "▁ Client", - "▁C lient", - "▁Cl ient", - "▁ chem", - "▁c hem", - "▁ch em", - "▁che m", - "S croll", - "Sc roll", - "▁h ighest", - "▁high est", - "▁hi ghest", - "▁ Select", - "▁S elect", - "▁Se lect", - "▁Sel ect", - "▁\" @", - "▁ Why", - "▁W hy", - "▁Wh y", - "S ec", - "Se c", - "he el", - "hee l", - "Oper ation", - "Op eration", - "▁ connected", - "▁conn ected", - "▁connect ed", - "ir med", - "irm ed", - "▁cit iz", - "▁ Che", - "▁C he", - "▁Ch e", - "▁ forces", - "▁for ces", - "▁force s", - "▁forc es", - "▁ www", - "▁w ww", - "R oot", - "Ro ot", - "AN CE", - "ANC E", - "M any", - "Man y", - "Ma ny", - "ic ip", - "ici p", - "r gan", - "rg an", - "2 20", - "22 0", - "▁ Tor", - "▁T or", - "▁To r", - "▁ Press", - "▁P ress", - "▁Pr ess", - "▁Pres s", - "▁Pre ss", - "▁ Mor", - "▁M or", - "▁Mo r", - "- line", - "-l ine", - "u led", - "ul ed", - "ule d", - "> \\", - "▁ thus", - "▁t hus", - "▁th us", - "▁ Register", - "▁Reg ister", - "h ol", - "ho l", - "▁ Chinese", - "▁Ch inese", - "▁Chin ese", - "▁ posted", - "▁pos ted", - "▁post ed", - "▁po sted", - "▁m agn", - "▁mag n", - "▁ma gn", - "ab ilities", - "abil ities", - "abilit ies", - "▁d isease", - "▁dis ease", - "▁dise ase", - "▁rem ains", - "▁remain s", - "▁ Prof", - "▁Pro f", - "▁Pr of", - "- form", - "-f orm", - "-for m", - "▁ cin", - "▁c in", - "▁ci n", - "o rgan", - "or gan", - "org an", - "i cate", - "ic ate", - "ica te", - "▁st ress", - "▁str ess", - "▁stre ss", - "] *", - "▁ ----------------------------------------------------------------", - "▁---------------- ------------------------------------------------", - "▁------------------------------------------------ ----------------", - "▁-------------------------------- --------------------------------", - "_ context", - "_con text", - "_cont ext", - "or ry", - "orr y", - "▁d ied", - "▁di ed", - "▁die d", - "m at", - "ma t", - "▁st arts", - "▁start s", - "▁star ts", - ". Message", - ".M essage", - "▁ runs", - "▁r uns", - "▁run s", - "▁ru ns", - "▁ guide", - "▁g uide", - "▁gu ide", - "▁guid e", - "▁gui de", - "▁w arranty", - "▁warrant y", - "ent ials", - "ential s", - "enti als", - "d ict", - "di ct", - "dic t", - "▁ Size", - "▁S ize", - "▁Si ze", - "u ler", - "ul er", - "ule r", - "▁res ponsible", - "▁respons ible", - "_ SET", - "_S ET", - "_SE T", - "▁cont aining", - "▁contain ing", - "▁conta ining", - "▁ Price", - "▁P rice", - "▁Pr ice", - "▁Pri ce", - "| |", - "3 50", - "35 0", - "F S", - "▁ emp", - "▁e mp", - "▁em p", - "_ button", - "_b utton", - "( uint", - "(u int", - "(ui nt", - "▁s uff", - "▁su ff", - "▁suf f", - "p th", - "pt h", - "▁def initely", - "▁definit ely", - "▁definite ly", - "p ute", - "put e", - "pu te", - "▁mark eting", - "▁market ing", - "▁ WH", - "▁W H", - "▁ Sie", - "▁S ie", - "▁Si e", - "+ =", - "OL OR", - "▁ consult", - "▁cons ult", - "▁ signed", - "▁s igned", - "▁sign ed", - "▁sig ned", - "▁ sequence", - "▁se quence", - "▁sequ ence", - "l ee", - "le e", - "▁require ments", - "▁requirement s", - "h y", - "Ex press", - "Exp ress", - "Expr ess", - "M T", - "s ey", - "se y", - "▁ ult", - "▁u lt", - "▁ul t", - "ellig ence", - "elli gence", - "▁ analy", - "▁an aly", - "▁anal y", - "▁ana ly", - "▁d ress", - "▁dr ess", - "▁dre ss", - "eng ine", - "▁ Great", - "▁G reat", - "▁Gr eat", - "▁Gre at", - "▁ Android", - "▁And roid", - "▁ Alex", - "▁A lex", - "▁Al ex", - "▁Ale x", - "m ode", - "mod e", - "mo de", - "D ictionary", - ". Date", - ".D ate", - "V ICE", - "VI CE", - "▁f amilies", - "▁fam ilies", - "▁famil ies", - "▁ Russian", - "▁R ussian", - "▁Russ ian", - "▁Russia n", - "▁ Times", - "▁T imes", - "▁Time s", - "▁Tim es", - "▁Ti mes", - ". call", - ".c all", - ".ca ll", - ".cal l", - "$ (", - "Pro file", - "Prof ile", - "▁ folder", - "▁f older", - "▁fol der", - "▁fold er", - "c hes", - "ch es", - "che s", - "▁le gis", - "▁leg is", - "_ row", - "_r ow", - "_ro w", - "u nes", - "un es", - "une s", - "▁ }).", - "▁} ).", - "▁}) .", - "As sert", - "Ass ert", - "a gen", - "ag en", - "age n", - "▁ Hand", - "▁H and", - "▁Ha nd", - "▁Han d", - "I ter", - "It er", - "▁big gest", - "o reach", - "or each", - "ore ach", - "orea ch", - "▁p olic", - "▁pol ic", - "▁po lic", - "▁ permissions", - "▁per missions", - "▁permission s", - "▁perm issions", - "▁sh owed", - "▁show ed", - "▁ Element", - "▁E lement", - "▁El ement", - "▁Ele ment", - "▁ topic", - "▁t opic", - "▁to pic", - "▁top ic", - "r oad", - "ro ad", - "▁ Bank", - "▁B ank", - "▁Ba nk", - "▁Ban k", - "re cord", - "rec ord", - "▁part ners", - "▁partner s", - "▁ Ref", - "▁R ef", - "▁Re f", - "ess ions", - "ession s", - "▁as sess", - "▁ass ess", - "U ST", - "US T", - "▁ Party", - "▁P arty", - "▁Part y", - "▁Par ty", - "p rodu", - "pro du", - "prod u", - "L C", - "▁ ul", - "▁u l", - ". form", - ".f orm", - ".for m", - "h ide", - "hi de", - "hid e", - "c opy", - "co py", - "cop y", - "U TF", - "UT F", - "▁SO FTWARE", - "\r\n \r\n\r\n", - "\r\n\r\n \r\n", - "▁ Lin", - "▁L in", - "▁Li n", - "u na", - "un a", - "u gar", - "ug ar", - "uga r", - "▁admin istration", - "▁administr ation", - "▁op ening", - "▁open ing", - "▁ scan", - "▁s can", - "▁sc an", - "▁sca n", - "▁contin ued", - "▁continue d", - "▁continu ed", - "com ponent", - ". sp", - ".s p", - "▁happ ens", - "▁happen s", - "um my", - "umm y", - "▁ PR", - "▁P R", - ". File", - ".F ile", - "▁ Download", - "▁D ownload", - "▁Down load", - "Lo ading", - "Load ing", - "d i", - "▁ waiting", - "▁wait ing", - "▁wa iting", - "_ ADD", - "_A DD", - "_AD D", - "T ab", - "Ta b", - ".query Selector", - "▁econ omy", - "▁econom y", - "▁ec onomy", - "▁ French", - "▁F rench", - "▁Fr ench", - "t xt", - "tx t", - "▁ fant", - "▁f ant", - "▁fa nt", - "▁fan t", - "_ ;\n", - "_; \n", - "H older", - "Hold er", - "S H", - "0 04", - "00 4", - "▁ numpy", - "▁n umpy", - "▁num py", - "▁ street", - "▁st reet", - "▁stre et", - "▁ male", - "▁m ale", - "▁ma le", - "▁mal e", - "\\ Model", - "\\M odel", - "an ging", - "ang ing", - "3 33", - "33 3", - "▁ Bill", - "▁B ill", - "▁Bi ll", - "▁Bil l", - "▁pre viously", - "▁previous ly", - "▁prev iously", - "B I", - "▁ Secret", - "▁S ecret", - "▁Se cret", - "▁Sec ret", - "▁m ist", - "▁mis t", - "▁mi st", - "▁ Field", - "▁F ield", - "▁Fi eld", - "u ps", - "up s", - "▁ Process", - "▁P rocess", - "▁Pro cess", - "▁Proc ess", - "▁ke pt", - "▁ OT", - "▁O T", - "▁trad itional", - "▁tradition al", - ". i", - "a min", - "am in", - "ami n", - "▁help s", - "▁hel ps", - "A ny", - "An y", - "or igin", - "orig in", - "ori gin", - "il ters", - "ilter s", - "ilt ers", - "j u", - "d esc", - "de sc", - "des c", - "▁ Account", - "▁A ccount", - "▁Ac count", - "▁Acc ount", - "▁ )\r\n", - "▁) \r\n", - "k top", - "kt op", - "ol ly", - "oll y", - "▁ fs", - "▁f s", - "▁ ut", - "▁u t", - "▁ central", - "▁c entral", - "▁cent ral", - "▁centr al", - "( test", - "(t est", - ". An", - ".A n", - "▁s atisf", - "G R", - "▁ Full", - "▁F ull", - "▁Fu ll", - "▁Ful l", - "▁ heat", - "▁h eat", - "▁he at", - "i ber", - "ib er", - "ibe r", - "▁ onto", - "▁on to", - "▁ont o", - "m os", - "mo s", - "S chema", - "Sch ema", - "▁ factory", - "▁f actory", - "▁fact ory", - "▁factor y", - "▁facto ry", - "\" .$", - "\". $", - "a ws", - "aw s", - "St atement", - "State ment", - "Stat ement", - "( target", - "(t arget", - "\t new", - "\tn ew", - ". be", - ".b e", - "▁ guest", - "▁g uest", - "▁gu est", - "▁ mal", - "▁m al", - "▁ma l", - "A RY", - "AR Y", - "▁re ached", - "▁reach ed", - "▁ mouse", - "▁m ouse", - "▁mo use", - "▁mou se", - "▁ challenge", - "▁ch allenge", - "▁chall enge", - "▁challeng e", - "\t double", - "\td ouble", - "\tdo uble", - "▁ Tem", - "▁T em", - "▁Te m", - "▁ terror", - "▁t error", - "▁te rror", - "▁ter ror", - "▁terr or", - "▁ extract", - "▁ex tract", - "▁extra ct", - "▁extr act", - "_ TO", - "_T O", - "▁separ ate", - "▁separat e", - "▁ mir", - "▁m ir", - "▁mi r", - "h elp", - "he lp", - "hel p", - "▁ capacity", - "▁cap acity", - "▁capac ity", - "▁ Property", - "▁P roperty", - "▁Prop erty", - "k an", - "ka n", - "_ create", - "_c reate", - "▁ Light", - "▁L ight", - "▁Li ght", - ". parent", - ".p arent", - ".par ent", - ".pa rent", - "▁under standing", - "▁understand ing", - "▁underst anding", - "▁eas ier", - "▁| =", - "▁ enh", - "▁e nh", - "▁en h", - "▁ fat", - "▁f at", - "▁fa t", - "▁pro test", - "▁prot est", - "▁prote st", - "a mm", - "am m", - "_ AT", - "_A T", - "- of", - "-o f", - "i ls", - "il s", - "▁ Oh", - "▁O h", - "▁ps ych", - "▁psy ch", - "▁ $.", - "▁$ .", - "in ds", - "ind s", - "▁ relative", - "▁rel ative", - "▁relativ e", - "s hop", - "sh op", - "s hort", - "sh ort", - "▁ Sand", - "▁S and", - "▁San d", - "▁Sa nd", - "2 10", - "21 0", - "u estion", - "ues tion", - "uest ion", - "▁f ear", - "▁fe ar", - "/ \n\n", - "/\n \n", - ". context", - ".con text", - ".cont ext", - "▁school s", - "▁sch ools", - "▁ serve", - "▁s erve", - "▁ser ve", - "▁serv e", - "z one", - "zo ne", - "zon e", - "_ db", - "_d b", - "▁major ity", - "ex ample", - "exam ple", - "▁ lang", - "▁l ang", - "▁la ng", - "▁lan g", - "\t ▁▁", - "\t▁ ▁", - "Reg ister", - "en do", - "end o", - "▁ processing", - "▁p rocessing", - "▁process ing", - "_ template", - "_t emplate", - "_temp late", - "_tem plate", - "- user", - "-use r", - "-us er", - "-u ser", - "▁ eg", - "▁e g", - "C OM", - "CO M", - "▁ Blue", - "▁Bl ue", - "▁Blu e", - "i ro", - "ir o", - "▁ remote", - "▁rem ote", - "▁remot e", - "▁ IT", - "▁I T", - "#! /", - "▁red istrib", - "▁redis trib", - "1 24", - "12 4", - "r az", - "ra z", - "▁ Since", - "▁S ince", - "▁Si nce", - "▁Sin ce", - "▁ Tur", - "▁T ur", - "▁Tu r", - "1 35", - "13 5", - "Back ground", - "= ==", - "== =", - "▁ reflect", - "▁ref lect", - "▁p ros", - "▁pro s", - "▁pr os", - "c md", - "cm d", - "▁w hom", - "▁wh om", - "▁who m", - "Com pat", - "Comp at", - "▁ Are", - "▁A re", - "▁Ar e", - "Id entifier", - "Ident ifier", - "▁T hom", - "▁Th om", - "_ port", - "_p ort", - "g u", - "▁ monitor", - "▁m onitor", - "▁mon itor", - "r m", - "▁ patient", - "▁p atient", - "▁pat ient", - "ver ter", - "vert er", - "▁ gain", - "▁g ain", - "▁ga in", - "- ui", - "-u i", - "I nst", - "In st", - "Ins t", - "▁d ies", - "▁di es", - "▁die s", - "1 18", - "11 8", - "A rea", - "Ar ea", - "Are a", - "_ filter", - "_f ilter", - "▁g rat", - "▁gr at", - "▁gra t", - "▁re ality", - "▁real ity", - "ord inate", - "ordin ate", - "ol ved", - "olve d", - "olv ed", - "Cont act", - "▁com pliance", - "▁compl iance", - "_ or", - "_o r", - "▁ Var", - "▁V ar", - "▁Va r", - "d l", - "▁ append", - "▁app end", - "▁ap pend", - "▁appe nd", - "G ER", - "GE R", - "( max", - "(m ax", - ". render", - ".re nder", - ".r ender", - "▁ dynamic", - "▁d ynamic", - "▁dynam ic", - "▁dyn amic", - "ordin ates", - "ordinate s", - "_ options", - "_option s", - "_o ptions", - "_opt ions", - "_ column", - "_c olumn", - "_col umn", - "▁b atter", - "▁batt er", - "▁bat ter", - "s pace", - "sp ace", - "L a", - "▁ Source", - "▁S ource", - "/ bin", - "/b in", - "▁ dos", - "▁d os", - "▁do s", - "▁ Board", - "▁B oard", - "▁Bo ard", - "▁ Thread", - "▁Th read", - "▁Thr ead", - "▁ AL", - "▁A L", - "( config", - "(con fig", - "(conf ig", - "1 44", - "14 4", - "▁ Mer", - "▁M er", - "▁Me r", - "▁m iles", - "▁mil es", - "▁mi les", - "▁mile s", - "_ header", - "_head er", - "_he ader", - "ETH OD", - "i zz", - "iz z", - "▁benef it", - "▁bene fit", - "▁int egr", - "▁integ r", - "▁inte gr", - "( current", - "(c urrent", - "(cur rent", - "(curr ent", - "u lo", - "ul o", - ". default", - ".d efault", - ".de fault", - ".def ault", - "▁ Div", - "▁D iv", - "▁Di v", - "▁ ton", - "▁t on", - "▁to n", - "o th", - "ot h", - "er vation", - "erv ation", - "erva tion", - "e dom", - "ed om", - "▁b aby", - "▁ba by", - "▁bab y", - "ce ived", - "ceive d", - ". top", - ".t op", - ".to p", - "rior ity", - "▁ Local", - "▁L ocal", - "▁Lo cal", - "▁Loc al", - "ri age", - "ria ge", - "▁att acks", - "▁attack s", - "▁h ospital", - "▁hosp ital", - "1 68", - "16 8", - "▁ female", - "▁f emale", - "▁fe male", - "▁fem ale", - "▁ Login", - "▁Log in", - "▁Lo gin", - "▁F lor", - "▁Fl or", - "▁Flo r", - "▁ chain", - "▁ch ain", - "▁cha in", - "▁chai n", - "ash ion", - "ashi on", - "Text ure", - "Tex ture", - "S ave", - "Sa ve", - "▁f arm", - "▁fa rm", - "▁far m", - ". contains", - ".cont ains", - ". Test", - ".T est", - "▁kn ows", - "▁know s", - "▁gener ally", - "▁general ly", - "ip eline", - "ipe line", - "▁me ant", - "▁mean t", - "e ncia", - "en cia", - "enc ia", - "enci a", - "▁n icht", - "▁ni cht", - "▁nic ht", - "▁nich t", - "▁ contents", - "▁cont ents", - "▁content s", - "▁conten ts", - "P M", - "ched ule", - "( line", - "(l ine", - "(li ne", - "C G", - "j ob", - "jo b", - "▁ Real", - "▁Re al", - "u er", - "ue r", - "f irm", - "fi rm", - "e tro", - "et ro", - "etr o", - "\" `\n", - "\"` \n", - "▁s peech", - "▁spe ech", - "▁ thr", - "▁t hr", - "▁th r", - "f oreach", - "fo reach", - "fore ach", - "for each", - "▁ warn", - "▁w arn", - "▁war n", - "▁wa rn", - "\t l", - "▁he avy", - "▁heav y", - "< li", - "N e", - "▁invest igation", - "▁investig ation", - "M ath", - "Mat h", - "Ma th", - "- title", - "-t itle", - "▁ch urch", - "▁des pite", - "▁desp ite", - "ch ain", - "cha in", - "chai n", - "▁wh atever", - "▁what ever", - "a rian", - "ar ian", - "ari an", - "aria n", - "f n", - "▁ meta", - "▁m eta", - "▁me ta", - "▁met a", - "} )\n\n", - "})\n \n", - "}) \n\n", - "U FF", - "UF F", - "▁reg arding", - "▁regard ing", - "_ SUCCESS", - "_S UCCESS", - "m es", - "me s", - "▁ Intent", - "▁Int ent", - "▁ resolve", - "▁re solve", - "▁res olve", - "p oss", - "pos s", - "po ss", - "i ra", - "ir a", - "f orce", - "for ce", - "forc e", - "o ice", - "oi ce", - "▁ pm", - "▁p m", - "▁ updates", - "▁up dates", - "▁update s", - "A rr", - "Ar r", - "t esting", - "test ing", - "tes ting", - "▁to ward", - "▁tow ard", - "n tax", - "nt ax", - "▁ listen", - "▁l isten", - "▁li sten", - "▁list en", - "▁liste n", - "▁lis ten", - "▁go als", - "▁goal s", - "Instance State", - "D r", - "▁r are", - "▁ra re", - "▁tr ail", - "▁tra il", - "Key s", - "Ke ys", - "C al", - "Ca l", - "C ar", - "Ca r", - "▁ People", - "▁Pe ople", - "\t local", - "\tl ocal", - "c lasses", - "cl asses", - "class es", - "Re ference", - "Refer ence", - ". forEach", - ".for Each", - "e mb", - "em b", - "act iv", - "▁ prim", - "▁p rim", - "▁pr im", - "▁pri m", - "re dict", - "red ict", - "▁ rad", - "▁r ad", - "▁ra d", - ". Back", - ".B ack", - "▁ spread", - "▁s pread", - "▁sp read", - "▁spr ead", - "▁ clock", - "▁c lock", - "▁cl ock", - "▁clo ck", - "▁ vir", - "▁v ir", - "▁vi r", - "ed itor", - "edit or", - "edi tor", - "▁eff orts", - "▁effort s", - "▁ branch", - "▁br anch", - "▁bran ch", - "▁ind ust", - "▁indu st", - "▁ motor", - "▁m otor", - "▁mot or", - "▁mo tor", - "▁ amb", - "▁a mb", - "▁am b", - "▁ datetime", - "▁d atetime", - "▁date time", - "▁dat etime", - "▁ren cont", - "▁ Christian", - "▁Christ ian", - "▁Americ ans", - "▁American s", - "▁America ns", - "▁Amer icans", - "f ull", - "ful l", - "fu ll", - "▁ fmt", - "▁f mt", - "▁fm t", - ". main", - ".m ain", - "▁ca used", - "▁cause d", - "▁caus ed", - "_ update", - "_up date", - "▁ Content", - "▁Cont ent", - "AT CH", - "▁b ath", - "▁ba th", - "▁bat h", - "▁ Each", - "▁E ach", - "▁ radio", - "▁r adio", - "▁rad io", - "▁radi o", - "ach ment", - "u zz", - "uz z", - "Sub mit", - "▁ restrict", - "▁re strict", - "▁restr ict", - "a bin", - "ab in", - "abi n", - "▁ Load", - "▁L oad", - "▁Lo ad", - "▁ extension", - "▁ext ension", - "▁es say", - "▁ess ay", - "▁essa y", - "▁ hat", - "▁h at", - "▁ha t", - "avi our", - "to Be", - "\" :[", - "\": [", - "▁off ered", - "▁offer ed", - "▁v ill", - "▁vi ll", - "▁vil l", - "( double", - "(d ouble", - "1 19", - "11 9", - "b c", - "_ free", - "_f ree", - "_fr ee", - "▁ Miss", - "▁M iss", - "▁Mi ss", - "▁Mis s", - "▁ Ber", - "▁B er", - "▁Be r", - "▁ Like", - "▁L ike", - "▁Li ke", - "▁Lik e", - "▁help ed", - "▁hel ped", - ". getName", - ".get Name", - "_ AL", - "_A L", - "▁s pirit", - "▁sp irit", - "▁spir it", - "▁spi rit", - "▁Ap ache", - "w s", - "▁there fore", - "▁ther efore", - "( params", - "(param s", - "(par ams", - "_ img", - "_i mg", - "_im g", - "▁ peace", - "▁pe ace", - "▁in cor", - "▁inc or", - "▁ EXPECT", - "▁EX PECT", - "▁EXP ECT", - "▁ minor", - "▁min or", - "▁mi nor", - "i pes", - "ip es", - "ipe s", - "\t data", - "\td ata", - "se lector", - "select or", - "sel ector", - "c ity", - "ci ty", - "cit y", - "t rie", - "tr ie", - "tri e", - ". base", - ".b ase", - ".ba se", - "_ frame", - "_f rame", - "_fr ame", - "▁ opened", - "▁op ened", - "▁open ed", - "/ json", - "/j son", - "/js on", - "L Y", - "n u", - ". De", - ".D e", - "t f", - "m argin", - "mar gin", - ". Parse", - ".P arse", - ".Par se", - "▁ pi", - "▁p i", - "▁ eq", - "▁e q", - "b d", - "F ields", - "Field s", - "▁ Tree", - "▁T ree", - "▁Tr ee", - "▁Tre e", - "▁ ban", - "▁b an", - "▁ba n", - "i stan", - "is tan", - "ist an", - "ista n", - "\n ▁▁▁▁▁▁▁▁\n", - "\t gl", - "\tg l", - "▁p roduced", - "▁pro duced", - "▁produ ced", - "▁produce d", - "▁prod uced", - "s ystem", - "sys tem", - "M ark", - "Mar k", - "Ma rk", - "_ hash", - "_h ash", - "_has h", - "▁ bg", - "▁b g", - "▁con stit", - "▁const it", - "▁cons tit", - "▁Le ague", - "▁ mission", - "▁m ission", - "▁miss ion", - "_ format", - "_for mat", - "_form at", - "( [\n", - "([ \n", - "cl usion", - "clus ion", - "! \"", - "b reak", - "bre ak", - "\t switch", - "\ts witch", - "▁ ther", - "▁t her", - "▁th er", - "▁the r", - "Trans form", - "▁foot ball", - "- link", - "-l ink", - "r oute", - "ro ute", - "rou te", - ". auth", - ".a uth", - ".au th", - ".aut h", - "▁ bag", - "▁b ag", - "▁ba g", - "o vers", - "ov ers", - "ove rs", - "over s", - "▁ enabled", - "▁en abled", - "▁enable d", - "▁ rac", - "▁r ac", - "▁ra c", - "( I", - "C R", - "an cing", - "anc ing", - "▁ managed", - "▁man aged", - "▁manage d", - "▁mana ged", - "_ q", - "NG TH", - "▁ mac", - "▁m ac", - "▁ma c", - "▁ Auto", - "▁A uto", - "▁Aut o", - "▁Au to", - "a mente", - "am ente", - "ame nte", - "ament e", - "amen te", - "▁ '',", - "▁' ',", - "▁'' ,", - ". Append", - ".App end", - ".Ap pend", - "▁ pin", - "▁p in", - "▁pi n", - ". item", - ".i tem", - ".it em", - "ack ing", - "ac king", - "▁occ as", - "▁oc cas", - "p erson", - "per son", - "pers on", - "▁ ti", - "▁t i", - ". Reg", - ".R eg", - ".Re g", - "▁h aven", - "▁have n", - "▁ha ven", - "▁hav en", - "▁ glass", - "▁g lass", - "▁gl ass", - "▁ \" )", - "_ char", - "_c har", - "_ch ar", - "re source", - "res ource", - "▁ episode", - "▁ep isode", - "▁ '_", - "▁' _", - "▁ Es", - "▁E s", - "▁ Earth", - "▁E arth", - "▁Ear th", - "UP DATE", - "1 33", - "13 3", - "▁ Sou", - "▁S ou", - "▁So u", - "u is", - "ui s", - "t ypes", - "type s", - "ty pes", - "typ es", - "▁ mas", - "▁m as", - "▁ma s", - "▁f av", - "▁fa v", - "▁ construct", - "▁con struct", - "▁constr uct", - "_ rate", - "_r ate", - "_ra te", - "e ras", - "er as", - "era s", - "▁ |\n", - "▁| \n", - "rop erties", - "▁ external", - "▁ex ternal", - "▁ext ernal", - "▁extern al", - "▁exter nal", - "▁ap plied", - "▁appl ied", - "▁ prefix", - "▁p refix", - "▁pre fix", - "▁pref ix", - "o ted", - "ot ed", - "ote d", - "l ers", - "le rs", - "ler s", - "▁c old", - "▁co ld", - "▁col d", - "▁ SP", - "▁S P", - "▁Ch urch", - "▁Chu rch", - "▁ Output", - "▁Out put", - "l osed", - "lo sed", - "lose d", - "los ed", - "if icate", - "ific ate", - "ifi cate", - "ifica te", - "op eration", - "ope ration", - "oper ation", - "he rit", - "her it", - "x FF", - "xF F", - ". env", - ".e nv", - ".en v", - "_ err", - "_e rr", - "o sh", - "os h", - "D irection", - "Dir ection", - "Direct ion", - "Di rection", - "C ancel", - "Can cel", - "▁ Frank", - "▁F rank", - "▁Fr ank", - "▁Fra nk", - "▁Fran k", - "▁f inding", - "▁find ing", - "▁fin ding", - ". )\n\n", - ".) \n\n", - ".)\n \n", - "▁ router", - "▁r outer", - "▁ro uter", - "▁route r", - "▁rout er", - "▁rou ter", - "s es", - "se s", - "▁ crow", - "▁c row", - "▁cr ow", - "▁cro w", - "= ='", - "== '", - "▁s and", - "▁sa nd", - "▁san d", - "▁ rid", - "▁r id", - "▁ri d", - "i ture", - "it ure", - "itu re", - "itur e", - "▁ entre", - "▁en tre", - "▁ent re", - "▁entr e", - "▁ observ", - "▁o bserv", - "▁ob serv", - "▁obs erv", - "▁ vac", - "▁v ac", - "▁va c", - "- T", - "A rt", - "Ar t", - "n ight", - "ni ght", - ". search", - ".s earch", - ".se arch", - "▁ exchange", - "▁ex change", - "▁ district", - "▁d istrict", - "▁di strict", - "▁distr ict", - ". os", - ".o s", - "▁ department", - "▁de partment", - "▁dep artment", - "▁depart ment", - "▁ documents", - "▁document s", - "▁doc uments", - "▁cent ury", - "▁ Next", - "▁N ext", - "▁Ne xt", - "H ost", - "Ho st", - "▁K IND", - "▁s usp", - "▁su sp", - "▁sus p", - "- P", - "r end", - "re nd", - "ren d", - ". em", - ".e m", - "u ite", - "ui te", - "uit e", - "i sters", - "is ters", - "ist ers", - "ister s", - "iste rs", - "( json", - "(j son", - "(js on", - "▁ Ann", - "▁A nn", - "▁An n", - "w t", - "a ti", - "at i", - "▁ HTML", - "▁HT ML", - "w hen", - "wh en", - "D irectory", - "Direct ory", - "Director y", - "▁sh ut", - "< a", - "e dy", - "ed y", - "▁ healthy", - "▁health y", - "▁heal thy", - "▁ temperature", - "▁tem perature", - "▁temper ature", - "▁ Gen", - "▁G en", - "▁Ge n", - "▁ metal", - "▁m etal", - "▁me tal", - "▁met al", - "▁meta l", - "▁ submit", - "▁sub mit", - "▁ DO", - "▁D O", - "▁at tract", - "▁attr act", - "▁ {};\n", - "▁{ };\n", - "▁{} ;\n", - "▁{}; \n", - "▁ Word", - "▁W ord", - "▁Wo rd", - "▁Wor d", - "▁ ll", - "▁l l", - "▁se emed", - "▁see med", - "▁seem ed", - "k o", - "I ED", - "IE D", - "▁l abor", - "▁la bor", - "▁lab or", - ". Context", - ".Cont ext", - ".Con text", - "▁ asset", - "▁as set", - "▁ass et", - "y ou", - "yo u", - "▁ cars", - "▁c ars", - "▁car s", - "▁ca rs", - "▁ Column", - "▁C olumn", - "▁Col umn", - "▁Colum n", - "▁ square", - "▁s quare", - "▁squ are", - "▁ NSString", - "▁NS String", - "▁NSS tring", - "a pes", - "ap es", - "ape s", - ". ..\n", - ".. .\n", - "... \n", - "▁ thanks", - "▁th anks", - "▁than ks", - "▁thank s", - "( props", - "(p rops", - "(pro ps", - "(pr ops", - "(prop s", - "▁ tick", - "▁t ick", - "▁ti ck", - "▁tic k", - "▁ experiment", - "▁ex periment", - "▁exper iment", - "▁experi ment", - "▁pr ison", - "▁pri son", - "▁pris on", - "t ree", - "tr ee", - "tre e", - "- text", - "-t ext", - "-te xt", - "▁ IOException", - "▁IO Exception", - "- width", - "-w idth", - "_ STATUS", - "_ST ATUS", - "_STAT US", - "f ast", - "fa st", - "fas t", - "- body", - "-b ody", - "- header", - "-head er", - "-he ader", - "▁g uar", - "▁gu ar", - "cre te", - "cret e", - "cr ete", - "▁ Tim", - "▁T im", - "▁Ti m", - "▁cl early", - "▁clear ly", - "▁Republic an", - "▁ justify", - "▁just ify", - "\t ▁▁▁▁", - "\t▁▁▁ ▁", - "\t▁ ▁▁▁", - "\t▁▁ ▁▁", - "c ache", - "ca che", - "; //", - ";/ /", - "▁pres ence", - "▁f actors", - "▁fact ors", - "▁fa ctors", - "▁factor s", - "▁facto rs", - "▁ employee", - "▁e mployee", - "▁employ ee", - "] ))", - "]) )", - "M ember", - "Mem ber", - "▁ selector", - "▁se lector", - "▁select or", - "▁sel ector", - "▁sele ctor", - "b or", - "bo r", - "▁ Mex", - "▁M ex", - "▁Me x", - "u tex", - "ut ex", - "ute x", - "_ tag", - "_t ag", - "ail ure", - "▁ Net", - "▁N et", - "▁Ne t", - "▁re li", - "▁r eli", - "▁rel i", - "E G", - "▁ fprintf", - "▁f printf", - "▁ teen", - "▁t een", - "▁te en", - "▁tee n", - "l oss", - "lo ss", - "los s", - "▁le aving", - "1 34", - "13 4", - "De legate", - "▁ beat", - "▁b eat", - "▁be at", - "▁ minute", - "▁min ute", - "sub scribe", - "▁redistrib ute", - "▁redis tribute", - "Con stants", - "Constant s", - "Const ants", - "▁c ancer", - "▁can cer", - "/ {", - "B L", - "▁ span", - "▁s pan", - "▁sp an", - "▁spa n", - "▁ Child", - "▁Ch ild", - "▁Chi ld", - "C enter", - "Cent er", - "▁ earth", - "▁e arth", - "▁ear th", - "Y S", - "▁ Level", - "▁Le vel", - "▁Lev el", - "▁ sea", - "▁s ea", - "▁se a", - ". support", - ".s upport", - ".sup port", - ". inner", - ".in ner", - ". Item", - ".I tem", - ".It em", - "il ling", - "ill ing", - "illi ng", - "illin g", - "▁▁▁▁ \n▁▁▁▁\n", - "▁▁▁ ▁\n▁▁▁▁\n", - "▁▁▁▁\n ▁▁▁▁\n", - "▁ Label", - "▁L abel", - "▁La bel", - "▁Lab el", - "3 20", - "32 0", - "▁ Est", - "▁E st", - "▁Es t", - "( arg", - "(a rg", - "(ar g", - "1 45", - "14 5", - "bo Box", - "\t foreach", - "\tf oreach", - "\tfor each", - "c os", - "co s", - "F ailed", - "Fail ed", - "Fa iled", - "s wers", - "sw ers", - "swer s", - "Ed itor", - "Edit or", - "r ont", - "ro nt", - "ron t", - "▁ MP", - "▁M P", - "ex pr", - "exp r", - "▁ Life", - "▁L ife", - "▁Li fe", - "▁ ??", - "▁? ?", - "▁ attend", - "▁att end", - "▁ Que", - "▁Q ue", - "▁Qu e", - "▁ species", - "▁spec ies", - "- D", - "▁ aus", - "▁a us", - "▁au s", - "Str uct", - "▁adv antage", - "▁advant age", - "o ston", - "os ton", - "ost on", - "osto n", - "- block", - "-b lock", - "-bl ock", - "in itial", - "init ial", - "C RE", - "CR E", - "▁tr uly", - "▁ compare", - "▁com pare", - "▁comp are", - "▁compar e", - "or ney", - "orn ey", - "orne y", - "▁s pect", - "▁sp ect", - "▁spec t", - "▁spe ct", - "F ull", - "b es", - "be s", - "▁ visible", - "▁v isible", - "▁vis ible", - "▁ mess", - "▁m ess", - "▁me ss", - "▁mes s", - "st ances", - "stance s", - "stan ces", - "▁ cloud", - "▁c loud", - "▁cl oud", - "▁clo ud", - "_ version", - "_v ersion", - "▁f urn", - "▁fur n", - "▁fu rn", - "ic ago", - "ica go", - "L OW", - "LO W", - "▁ traffic", - "▁traff ic", - "▁tra ffic", - "▁ fol", - "▁f ol", - "▁fo l", - "ry pto", - "rypt o", - "▁ declar", - "▁de clar", - "▁dec lar", - "▁decl ar", - "▁ slot", - "▁s lot", - "▁sl ot", - "▁slo t", - "▁ Ext", - "▁E xt", - "▁Ex t", - "▁Eng land", - "▁ Under", - "▁U nder", - "▁Un der", - "▁Und er", - "▁ ta", - "▁t a", - "l etter", - "let ter", - "lette r", - "lett er", - "2 03", - "20 3", - "▁off icer", - "▁offic er", - "▁office r", - "▁ Donald", - "▁Don ald", - "Y es", - "_ json", - "_j son", - "_js on", - "I TableView", - "IT ableView", - "▁ USE", - "▁U SE", - "▁US E", - "mploy ee", - "▁op inion", - "▁opin ion", - "▁ Aut", - "▁A ut", - "▁Au t", - "b order", - "bor der", - "▁ad vice", - "▁adv ice", - "▁autom atically", - "▁automatic ally", - "▁automat ically", - "is co", - "isc o", - "▁ mm", - "▁m m", - ". vis", - ".v is", - "a ml", - "am l", - "▁ initialize", - "▁initial ize", - "▁ ({", - "▁( {", - "▁ ;\n\n", - "▁; \n\n", - "▁;\n \n", - "▁g eneration", - "▁gener ation", - "▁gen eration", - "▁gene ration", - "▁ bits", - "▁b its", - "▁bit s", - "▁bi ts", - "cl ipse", - "clip se", - "▁u nf", - "▁un f", - "ut ors", - "uto rs", - "utor s", - "p lt", - "pl t", - "▁ delta", - "▁d elta", - "▁del ta", - "e stroy", - "est roy", - "estr oy", - "estro y", - "i sis", - "is is", - "isi s", - "< br", - "\n", - "'> \n", - "a pers", - "ap ers", - "ape rs", - "aper s", - "] (", - "cont inue", - "contin ue", - "s pec", - "sp ec", - "spe c", - "▁ Road", - "▁R oad", - "▁Ro ad", - "A SH", - "AS H", - "il iar", - "ili ar", - "ilia r", - "▁contin ues", - "▁continue s", - "▁continu es", - "▁ appoint", - "▁app oint", - "▁ap point", - "▁ #\n", - "▁# \n", - "▁ Vir", - "▁V ir", - "▁Vi r", - "▁ ?>\"", - "▁? >\"", - "▁?> \"", - "▁ bin", - "▁b in", - "▁bi n", - "} \",", - "}\" ,", - "go ing", - "e ach", - "ea ch", - "B D", - "1 85", - "18 5", - "▁ Access", - "▁A ccess", - "▁Ac cess", - "▁Acc ess", - "D oc", - "Do c", - "▁ Management", - "▁Man agement", - "▁Manage ment", - "▁Mana gement", - "B ER", - "BE R", - "as ket", - "ask et", - ". getInstance", - ".get Instance", - "1 29", - "12 9", - "▁establish ed", - "s ocket", - "so cket", - "sock et", - "soc ket", - "I NS", - "IN S", - "\t virtual", - "\tv irtual", - "\t result", - "\tres ult", - "RE AD", - "REA D", - "_ height", - "_he ight", - "1 52", - "15 2", - "▁ Font", - "▁F ont", - "▁Fo nt", - "▁ ();\n", - "▁( );\n", - "▁() ;\n", - "▁(); \n", - "_ html", - "_h tml", - "_ht ml", - "▁ neighbor", - "▁ne ighbor", - "▁neighb or", - "l or", - "lo r", - "▁g ather", - "▁ga ther", - "▁ })\n\n", - "▁} )\n\n", - "▁})\n \n", - "▁}) \n\n", - "▁ identity", - "▁id entity", - "▁ident ity", - "▁ fab", - "▁f ab", - "▁fa b", - "p adding", - "pad ding", - "▁ Route", - "▁R oute", - "▁Ro ute", - "▁Rou te", - "Enumer able", - "Enum erable", - "▁ forced", - "▁for ced", - "▁force d", - "▁forc ed", - "/ jquery", - "/j query", - ". \n\n\n\n\n\n", - ".\n\n \n\n\n\n", - ".\n \n\n\n\n\n", - ".\n\n\n\n \n\n", - ".\n\n\n \n\n\n", - "res ents", - "resent s", - "_ left", - "_l eft", - "_le ft", - ". Param", - ".P aram", - ".Par am", - "\t throw", - "▁ Ham", - "▁H am", - "▁Ha m", - "▁event ually", - "▁eventual ly", - "a cer", - "ace r", - "ac er", - "p ub", - "pu b", - "▁ tra", - "▁t ra", - "▁tr a", - "un ique", - "uni que", - "uniq ue", - "d el", - "de l", - "▁ Florida", - "▁Fl orida", - "▁Flor ida", - "▁ Clean", - "▁C lean", - "▁Cl ean", - "▁Cle an", - "x a", - "▁ validate", - "▁valid ate", - "Vis ual", - "Ex pression", - "Exp ression", - "Express ion", - "Expr ession", - "_ func", - "_f unc", - "_fun c", - "_fu nc", - "m ember", - "mem ber", - "\t h", - "t rl", - "tr l", - "1 36", - "13 6", - "\t G", - "nap shot", - "▁Prop Types", - "v in", - "vi n", - "1 53", - "15 3", - "] )\n\n", - "]) \n\n", - "])\n \n", - "o wl", - "ow l", - "if ies", - "ifi es", - "ifie s", - "▁ $('.", - "▁$ ('.", - "▁$( '.", - "▁$(' .", - "▁ Context", - "▁Con text", - "▁Cont ext", - "▁ Toast", - "▁To ast", - ". Key", - ".K ey", - "▁off icers", - "▁offic ers", - "▁office rs", - "▁officer s", - "/ n", - "s n", - "un defined", - "und efined", - "undef ined", - ". items", - ".item s", - ".it ems", - "ut ow", - "uto w", - "a mage", - "am age", - "ama ge", - "▁ accounts", - "▁ac counts", - "▁account s", - "o okie", - "ook ie", - "oo kie", - "S ection", - "Se ction", - "Sec tion", - "ic ians", - "ici ans", - "ician s", - "icia ns", - "▁ad vis", - "▁adv is", - "( is", - "(i s", - "[ :,", - "[: ,", - "▁ France", - "▁F rance", - "▁Fr ance", - "▁Franc e", - "▁Fra nce", - "▁Fran ce", - "F unc", - "Fun c", - "ic ious", - "ici ous", - "icio us", - "▁ tok", - "▁t ok", - "▁to k", - "Ch annel", - "Chan nel", - "▁ AD", - "▁A D", - "_ NUM", - "_N UM", - "▁ timeout", - "▁time out", - "l emma", - "le mma", - "lem ma", - "r eme", - "re me", - "rem e", - "u j", - ". Al", - ".A l", - "u clear", - "uc lear", - "ucle ar", - "( os", - "(o s", - "( \"<", - "(\" <", - "[ \n", - "f etch", - "▁ bal", - "▁b al", - "▁ba l", - "▁ guid", - "▁g uid", - "▁gu id", - "▁gui d", - "- align", - "-al ign", - "▁ Write", - "▁W rite", - "▁Wr ite", - "▁ Once", - "▁O nce", - "▁On ce", - "utow ired", - "OD ULE", - "▁ pitch", - "▁p itch", - "▁pit ch", - "C F", - "by tes", - "byte s", - "▁Com mission", - "▁Comm ission", - "▁in cred", - "▁incre d", - "▁inc red", - "P ER", - "PE R", - "_ response", - "_res ponse", - "▁ Los", - "▁L os", - "▁Lo s", - "p arser", - "par ser", - "parse r", - "▁ assume", - "▁as sume", - "▁ass ume", - "▁assum e", - ". Request", - ".Re quest", - "▁ Token", - "▁T oken", - "▁To ken", - "▁Tok en", - "_ position", - "_p osition", - "_pos ition", - "▁ nom", - "▁n om", - "▁no m", - "- term", - "-t erm", - "-te rm", - "▁ remaining", - "▁rem aining", - "▁remain ing", - "i ostream", - "io stream", - "▁ pieces", - "▁p ieces", - "▁pie ces", - "▁piece s", - "a py", - "ap y", - "▁ Less", - "▁L ess", - "▁Le ss", - "▁Les s", - "r ange", - "ran ge", - "um bn", - "umb n", - "p rise", - "pr ise", - "_ option", - "_op tion", - "_o ption", - "_opt ion", - "2 30", - "23 0", - "I mpl", - "Im pl", - "Imp l", - "k wargs", - "kw args", - "▁business es", - "Al ert", - "▁part ies", - "▁par ties", - "▁partie s", - "▁ Container", - "▁Cont ainer", - "▁ Private", - "▁Pr ivate", - "▁Priv ate", - "▁ Plan", - "▁P lan", - "▁Pl an", - "▁ registered", - "▁register ed", - "▁regist ered", - "▁ jour", - "▁j our", - "▁jo ur", - "▁jou r", - "a cker", - "ack er", - "ac ker", - "/ >", - "c hat", - "ch at", - "cha t", - "s ect", - "se ct", - "sec t", - "▁ creation", - "▁c reation", - "▁cre ation", - "▁creat ion", - "olute ly", - "olut ely", - "▁in stant", - "▁ins tant", - "▁inst ant", - "▁ delivery", - "▁del ivery", - "▁deliver y", - "i cken", - "ic ken", - "ick en", - "y es", - "ye s", - "1 63", - "16 3", - "▁Fr anc", - "▁Fra nc", - "▁Fran c", - "b ling", - "bl ing", - "e nda", - "en da", - "end a", - "[ (", - "_ range", - "_r ange", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁ schedule", - "▁s chedule", - "▁sched ule", - "C onn", - "Con n", - "Co nn", - "▁ thank", - "▁th ank", - "▁than k", - "▁tha nk", - "x d", - "▁ hook", - "▁h ook", - "▁ho ok", - "▁document ation", - "Param eters", - "Parameter s", - "H ello", - "Hel lo", - "v t", - "▁ articles", - "▁art icles", - "▁article s", - "▁artic les", - "▁ west", - "▁w est", - "▁we st", - "d efined", - "def ined", - "define d", - ". select", - ".s elect", - ".se lect", - "ok ens", - "oken s", - "oke ns", - "▁ VAL", - "▁V AL", - "▁VA L", - ". file", - ".f ile", - "re set", - "res et", - "▁ mys", - "▁m ys", - "▁my s", - "▁ MA", - "▁M A", - "] ),", - "]) ,", - "▁ cities", - "▁c ities", - "▁cit ies", - "▁ci ties", - "re lated", - "rel ated", - "▁appe ared", - "▁appear ed", - "▁ wid", - "▁w id", - "▁wi d", - ". panel", - ".p anel", - ".pa nel", - "▁ Ins", - "▁I ns", - "▁In s", - ". entity", - "▁de cre", - "▁dec re", - "▁L ou", - "▁Lo u", - "( time", - "(t ime", - "▁ Thank", - "▁Th ank", - "▁Than k", - ". createElement", - ".create Element", - "▁ mentioned", - "▁mention ed", - "ou nce", - "oun ce", - "ounc e", - "▁ Try", - "▁T ry", - "▁Tr y", - "▁ Wall", - "▁W all", - "▁Wal l", - "▁Wa ll", - "/ images", - "/image s", - "▁ Menu", - "▁M enu", - "▁Me nu", - "▁Men u", - "' \r\n", - "▁ Er", - "▁E r", - "▁c ritic", - "▁cr itic", - "▁crit ic", - "▁cri tic", - "▁ Year", - "▁Y ear", - "▁Ye ar", - "( param", - "(p aram", - "(par am", - "▁f lo", - "▁fl o", - "N N", - "o oter", - "oot er", - "oo ter", - "▁ ];\n", - "▁] ;\n", - "▁]; \n", - "▁ Aff", - "▁A ff", - "▁Af f", - "\" github", - "\"g ithub", - "ro oms", - "room s", - "▁h yp", - "▁hy p", - "g lobal", - "glob al", - "▁a vec", - "▁av ec", - "▁ave c", - "▁ completion", - "▁com pletion", - "▁comp letion", - "▁comple tion", - "▁complet ion", - "▁ cond", - "▁c ond", - "▁con d", - "▁co nd", - "onym ous", - "( temp", - "(t emp", - "▁ stars", - "▁st ars", - "▁star s", - "▁sta rs", - "▁re levant", - "▁ covered", - "▁cover ed", - "▁cov ered", - "▁ elim", - "▁e lim", - "▁el im", - "_ types", - "_t ypes", - "_type s", - "_typ es", - "_ty pes", - "( bool", - "(b ool", - "▁ tu", - "▁t u", - "_ exists", - "_ex ists", - "_exist s", - "▁ secure", - "▁sec ure", - "▁st ored", - "▁store d", - "▁stor ed", - "▁sto red", - "] /", - "x F", - "▁ Controller", - "▁Cont roller", - "▁Control ler", - "▁m igr", - "▁mi gr", - "▁mig r", - "M I", - "▁ Den", - "▁D en", - "▁De n", - "▁ann ual", - "U IL", - "UI L", - "- and", - "-a nd", - "-an d", - "▁cr ime", - "▁cri me", - "b el", - "be l", - "▁k itchen", - "▁kit chen", - "@ g", - "_ ph", - "_p h", - "ourn ament", - "▁ Social", - "▁S ocial", - "▁So cial", - "▁Soc ial", - "▁Soci al", - "▁ Special", - "▁S pecial", - "▁Spec ial", - "▁Spe cial", - "log ger", - "▁ tail", - "▁t ail", - "▁ta il", - "▁tai l", - "▁ unknown", - "▁un known", - "d ed", - "de d", - "▁app rec", - "▁ap prec", - "( db", - "(d b", - "c f", - "1 55", - "15 5", - "▁ assign", - "▁as sign", - "▁ass ign", - "- out", - "-o ut", - "▁ Mont", - "▁M ont", - "▁Mon t", - "▁Mo nt", - "d p", - "w idget", - "wid get", - "▁ stone", - "▁s tone", - "▁st one", - "▁sto ne", - "- primary", - "-pr imary", - ". grid", - ".g rid", - ".gr id", - "Result s", - "a zz", - "az z", - "▁ daughter", - "▁da ughter", - "▁ curr", - "▁c urr", - "▁cur r", - "▁cu rr", - "1 75", - "17 5", - "▁ lin", - "▁l in", - "▁li n", - "▁s outh", - "▁so uth", - "▁sou th", - "form s", - "for ms", - "▁ OUT", - "▁O UT", - "l ette", - "le tte", - "let te", - "lett e", - "a ks", - "ak s", - "ig ure", - "igu re", - "▁ EU", - "▁E U", - "var iable", - "vari able", - "▁ brief", - "▁b rief", - "▁br ief", - "▁bri ef", - "▁ Scott", - "▁S cott", - "▁Sc ott", - "▁Scot t", - "▁Sco tt", - "▁con ference", - "▁confer ence", - "a nda", - "an da", - "and a", - "_ lock", - "_l ock", - "_lo ck", - "_loc k", - "o ral", - "or al", - "ora l", - "▁e ine", - "▁ein e", - "▁ei ne", - "O RS", - "OR S", - "//////// ////////////////////////////////////////////////////////", - "//////////////// ////////////////////////////////////////////////", - "//////////////////////////////// ////////////////////////////////", - "//////////////////////////////////////////////// ////////////////", - "//////////////////////////////////////////////////////// ////////", - "es so", - "ess o", - "▁ ris", - "▁r is", - "▁ri s", - "▁ gender", - "▁g ender", - "▁ge nder", - "▁gen der", - "es tic", - "est ic", - "esti c", - "L icense", - "( out", - "(o ut", - "▁ ms", - "▁m s", - "S ee", - "Se e", - "▁w illing", - "▁will ing", - "▁wil ling", - "a ze", - "az e", - "▁s ports", - "▁sp orts", - "▁sport s", - "▁spor ts", - "▁ yes", - "▁y es", - "▁ye s", - "l u", - "▁p urs", - "▁pur s", - "▁pu rs", - "/ javascript", - "/j avascript", - "/java script", - "- pro", - "-p ro", - "-pr o", - "nav bar", - "_ product", - "_pro duct", - "_prod uct", - "/ bootstrap", - "▁dr iving", - "▁driv ing", - "▁dri ving", - "▁pro pos", - "▁prop os", - "ul tip", - "ult ip", - "ulti p", - "up lic", - ". email", - ".e mail", - ".em ail", - "▁ approx", - "▁app rox", - "▁ap prox", - "▁appro x", - "( cl", - "(c l", - "▁ wear", - "▁w ear", - "▁we ar", - "▁ reply", - "▁re ply", - "▁rep ly", - "▁repl y", - "as set", - "ass et", - "asse t", - "▁ ice", - "▁i ce", - "▁ic e", - "▁ tx", - "▁t x", - "k r", - "▁ Germany", - "▁German y", - "▁Ger many", - "▁Germ any", - "▁ George", - "▁Ge orge", - "▁Georg e", - "▁ cb", - "▁c b", - "\t err", - "\te rr", - "M ove", - "Mo ve", - "▁ poly", - "▁p oly", - "▁pol y", - "▁po ly", - "v oice", - "vo ice", - "} \"", - "▁ animal", - "▁an imal", - "▁anim al", - "▁ani mal", - "A v", - "▁ Location", - "▁L ocation", - "▁Loc ation", - "▁ native", - "▁n ative", - "▁nat ive", - "] [\"", - "][ \"", - "< double", - "▁m ais", - "▁ma is", - "▁mai s", - ", int", - ",i nt", - ",in t", - "▁pr epar", - "▁pre par", - "▁prep ar", - "▁ interval", - "▁int erval", - "▁inter val", - "ple mentation", - "plement ation", - "_ ERR", - "_E RR", - "_ER R", - "▁ bug", - "▁b ug", - "▁bu g", - "> \"", - "st at", - "sta t", - "▁ },\r\n", - "▁} ,\r\n", - "▁}, \r\n", - "< span", - " =", - "1 39", - "13 9", - "i va", - "iv a", - ".Auto Size", - "▁ Lat", - "▁L at", - "▁La t", - "_ ext", - "_e xt", - "_ex t", - "Initial ize", - ". register", - ".reg ister", - "1 56", - "15 6", - "O PY", - "OP Y", - "▁ reverse", - "▁re verse", - "▁revers e", - "▁rever se", - "_ dis", - "_d is", - "_di s", - "' ][", - "'] [", - "▁ prompt", - "▁p rompt", - "▁prom pt", - "on to", - "ont o", - "▁ Journal", - "▁J ournal", - "r outer", - "ro uter", - "rou ter", - "route r", - "▁ mysqli", - "▁m ysqli", - "▁mys qli", - "▁mysql i", - "# else", - ") \"", - "- xs", - "-x s", - "l ets", - "le ts", - "let s", - "p han", - "ph an", - "pha n", - ". LE", - ".L E", - "1 37", - "13 7", - "W ill", - "Wil l", - "Wi ll", - "▁aff ord", - "▁af ford", - "▁ skill", - "▁s kill", - "▁sk ill", - "▁ski ll", - "- toggle", - "-t oggle", - "N C", - "B ind", - "Bin d", - "Bi nd", - "T S", - "J ust", - "it eral", - "ite ral", - "iter al", - "Y P", - "\t unsigned", - "\tun signed", - "▁ wind", - "▁w ind", - "▁win d", - "▁wi nd", - "1 49", - "14 9", - ") ):\n", - ")) :\n", - ")): \n", - "▁ warning", - "▁w arning", - "▁war ning", - "▁warn ing", - "▁ Water", - "▁W ater", - "▁Wat er", - "▁Wa ter", - "▁ draft", - "▁d raft", - "▁dra ft", - "▁ cm", - "▁c m", - "▁ sam", - "▁s am", - "▁sa m", - "▁ holding", - "▁h olding", - "▁hold ing", - "▁hol ding", - "z ip", - "zi p", - "▁ Science", - "▁Sc ience", - "▁Sci ence", - "▁sup posed", - "▁suppose d", - "G en", - "Ge n", - "▁d iet", - "▁di et", - "▁die t", - "< h", - "▁ Pass", - "▁P ass", - "▁Pa ss", - "▁Pas s", - "v i", - "▁hus band", - "n ote", - "not e", - "no te", - "▁ About", - "▁Ab out", - "▁In stitute", - "▁Instit ute", - "▁cl imate", - "▁clim ate", - "▁cli mate", - ". Format", - ".Form at", - ".For mat", - "▁ nut", - "▁n ut", - "▁nu t", - "e sted", - "es ted", - "est ed", - "este d", - "▁app arent", - "▁ap parent", - "▁appar ent", - "▁ holds", - "▁h olds", - "▁hold s", - "▁hol ds", - "f i", - "n ews", - "ne ws", - "new s", - "C M", - "v ideo", - "vid eo", - "vide o", - "' :'", - "': '", - "D ITION", - "DI TION", - "p ing", - "pi ng", - "pin g", - "▁sen ior", - "w a", - "-- >\n", - "--> \n", - "_ default", - "_d efault", - "_de fault", - "_def ault", - "▁ Database", - "▁D atabase", - "▁Data base", - "r ep", - "re p", - "E SS", - "ES S", - "n ergy", - "ner gy", - "nerg y", - ". Find", - ".F ind", - "_ mask", - "_m ask", - "▁ rise", - "▁r ise", - "▁ris e", - "▁ri se", - "▁ kernel", - "▁k ernel", - "▁ker nel", - ": :$", - ":: $", - ". Q", - "▁off ering", - "▁offer ing", - "de cl", - "dec l", - "▁ CS", - "▁C S", - "▁ listed", - "▁l isted", - "▁li sted", - "▁list ed", - "▁liste d", - "▁lis ted", - "▁most ly", - "en ger", - "eng er", - "enge r", - "▁ blocks", - "▁b locks", - "▁bl ocks", - "▁block s", - "▁blo cks", - "▁bloc ks", - "o lo", - "ol o", - "▁gover ning", - "▁govern ing", - "\\ F", - "▁con cent", - "▁conc ent", - "▁conce nt", - ". getText", - ".get Text", - "▁ mb", - "▁m b", - "▁occ urred", - "▁occur red", - "▁ changing", - "▁ch anging", - "▁chang ing", - "▁chan ging", - "S cene", - "Sc ene", - "_ CODE", - "_C ODE", - "_CO DE", - "B eh", - "Be h", - "\" The", - "▁ tile", - "▁t ile", - "▁ti le", - "▁til e", - "▁Associ ation", - "\t P", - "al ty", - "alt y", - "_ ad", - "_a d", - "od ies", - "odi es", - "i ated", - "ia ted", - "iate d", - "iat ed", - "▁ prepared", - "▁pre pared", - "▁prepar ed", - "▁prepare d", - "▁prep ared", - "p ossible", - "poss ible", - "▁m ort", - "▁mor t", - "▁mo rt", - "T EST", - "TE ST", - "TES T", - "1 42", - "14 2", - "▁ ignore", - "▁i gnore", - "▁ign ore", - "▁ignor e", - "▁ calc", - "▁c alc", - "▁cal c", - "▁ca lc", - "▁ rs", - "▁r s", - "▁ assertEquals", - "▁assert Equals", - "▁ sz", - "▁s z", - "▁ THIS", - "▁TH IS", - ". \"\n", - ".\" \n", - "▁ canvas", - "▁c anvas", - "▁can vas", - "j ava", - "ja va", - "jav a", - "▁d ut", - "▁du t", - "VAL ID", - ". sql", - ".s ql", - ". input", - ".in put", - "▁ aux", - "▁a ux", - "▁au x", - "S up", - "Su p", - "▁ artist", - "▁art ist", - "V ec", - "Ve c", - "_ TIME", - "_T IME", - "_TIM E", - "_TI ME", - ".string ify", - "et ween", - "▁ Category", - "▁C ategory", - "▁ [-", - "▁[ -", - "▁Dev Express", - "▁ Jul", - "▁J ul", - "▁Ju l", - "▁ ring", - "▁r ing", - "▁ri ng", - "▁rin g", - ". ed", - ".e d", - "Y Y", - "L et", - "Le t", - "T extField", - "Text Field", - "▁ flat", - "▁f lat", - "▁fl at", - "_ print", - "_p rint", - "_pr int", - "▁ OTHER", - "▁OT HER", - "ad ian", - "adi an", - "adia n", - "▁ checked", - "▁check ed", - "e le", - "el e", - "Al ign", - "Ali gn", - "st anding", - "stand ing", - "stan ding", - "▁ [],", - "▁[ ],", - "▁[] ,", - "▁ lab", - "▁l ab", - "▁la b", - "uc ky", - "uck y", - "▁ Christmas", - "▁Christ mas", - "( image", - "(i mage", - "(im age", - ". module", - ".m odule", - ".mod ule", - "▁l ots", - "▁lo ts", - "▁lot s", - "▁slight ly", - "( final", - "(f inal", - "er ge", - "erg e", - "1 47", - "14 7", - "▁ Police", - "▁Pol ice", - "▁Po lice", - "1 43", - "14 3", - "▁ Right", - "▁R ight", - "▁Rig ht", - "▁Ri ght", - "▁a ward", - "▁aw ard", - "▁ OS", - "▁O S", - "▁ {}\n\n", - "▁{ }\n\n", - "▁{} \n\n", - "▁{}\n \n", - "▁ ptr", - "▁p tr", - "▁pt r", - "o ves", - "ov es", - "ove s", - "ic ated", - "ica ted", - "icate d", - "▁ manage", - "▁man age", - "▁mana ge", - "ol iday", - "olid ay", - "oli day", - "A mount", - "Am ount", - "ool Strip", - "t body", - "tb ody", - "N av", - "Na v", - "w rap", - "wr ap", - "B B", - "▁w atching", - "▁watch ing", - "▁wat ching", - "a rios", - "ar ios", - "ari os", - "ario s", - "▁ optional", - "▁option al", - "▁opt ional", - "_ K", - "▁ Licensed", - "▁L icensed", - "▁License d", - "▁Lic ensed", - ". Map", - ".M ap", - "T imer", - "Time r", - "Tim er", - "Ti mer", - "▁ AP", - "▁A P", - "▁ Rev", - "▁R ev", - "▁Re v", - "( o", - ", c", - "u min", - "um in", - "umi n", - "et ailed", - "etail ed", - "eta iled", - "▁ Hy", - "▁H y", - "▁ blank", - "▁bl ank", - "ag ger", - "agg er", - "▁ Self", - "▁S elf", - "▁Se lf", - "▁Sel f", - "( )[", - "() [", - ". make", - ".m ake", - "e arn", - "ear n", - "ea rn", - "ch annel", - "chan nel", - "< pre", - "

;\n", - "W orld", - "▁ python", - "▁p ython", - "▁py thon", - "▁l if", - "▁li f", - "▁tr av", - "▁tra v", - "▁con ven", - "▁conv en", - "com pany", - "comp any", - "compan y", - "▁ Club", - "▁Cl ub", - "1 38", - "13 8", - "V er", - "Ve r", - "B tn", - "▁ zone", - "▁z one", - "▁zo ne", - "product s", - "produ cts", - "▁E duc", - "▁Ed uc", - "▁Edu c", - "▁ verify", - "▁ver ify", - "▁ Mil", - "▁M il", - "▁Mi l", - "o no", - "on o", - "] );\n\n", - "]) ;\n\n", - "]);\n \n", - "]); \n\n", - "EN CE", - "ENC E", - "▁ packet", - "▁p acket", - "▁pack et", - "▁pa cket", - "▁pac ket", - "▁ cer", - "▁c er", - "▁ce r", - "▁ enumer", - "▁en umer", - "▁enum er", - "▁p ars", - "▁par s", - "▁pa rs", - "form ed", - "for med", - "▁ occup", - "▁occ up", - "▁oc cup", - "t re", - "tr e", - "▁ex ercise", - "▁exerc ise", - "D ay", - "Da y", - "_ sum", - "_s um", - "▁as king", - "▁ask ing", - "a ption", - "ap tion", - "apt ion", - "▁ orders", - "▁or ders", - "▁order s", - "▁ord ers", - "▁s pending", - "▁sp ending", - "▁spend ing", - "▁ ERR", - "▁E RR", - "▁ER R", - ". Dis", - ".D is", - "▁ Util", - "▁U til", - "▁Ut il", - "\\ '", - "? )", - "/ >\n", - "/> \n", - "▁e mot", - "▁em ot", - "▁in fluence", - "▁influ ence", - "▁A frica", - "▁Afr ica", - "▁Af rica", - "at ters", - "att ers", - "atter s", - ". session", - ".s ession", - "▁ chief", - "▁ch ief", - "▁chi ef", - "\t \t\t\t\t\t\t\t\t\t\t", - "\t\t \t\t\t\t\t\t\t\t\t", - "\t\t\t\t \t\t\t\t\t\t\t", - "\t\t\t \t\t\t\t\t\t\t\t", - "\t\t\t\t\t \t\t\t\t\t\t", - "\t\t\t\t\t\t \t\t\t\t\t", - "\t\t\t\t\t\t\t\t \t\t\t", - "\t\t\t\t\t\t\t \t\t\t\t", - "\t\t\t\t\t\t\t\t\t \t\t", - "\t\t\t\t\t\t\t\t\t\t \t", - "▁ tom", - "▁t om", - "▁to m", - "cl uded", - "clude d", - "clud ed", - "s erial", - "se rial", - "ser ial", - "_ handler", - "_h andler", - "_handle r", - "_hand ler", - ". Type", - ".T ype", - "a ped", - "ap ed", - "ape d", - "▁p olicies", - "▁pol icies", - "▁polic ies", - "- ex", - "-e x", - "- tr", - "-t r", - "bl ank", - "m erce", - "mer ce", - "▁ coverage", - "▁co verage", - "▁cover age", - "▁ rc", - "▁r c", - "_ matrix", - "_m atrix", - "_mat rix", - "_ box", - "_b ox", - "_bo x", - "▁ch arges", - "▁char ges", - "▁charg es", - "▁charge s", - "▁B oston", - "▁Bo ston", - "▁Bos ton", - "P e", - "▁circ um", - "▁cir cum", - "▁ filled", - "▁f illed", - "▁fil led", - "▁fill ed", - "▁fille d", - "1 48", - "14 8", - "▁n orth", - "▁nor th", - "icture Box", - "\t res", - "\tr es", - "\tre s", - "▁ termin", - "▁ter min", - "▁term in", - "I RECT", - "IR ECT", - "IRE CT", - "▁ ber", - "▁b er", - "▁be r", - "▁\" ../../", - "▁\"../ ../", - "r etch", - "ret ch", - ". code", - ".c ode", - ".co de", - ".cod e", - "_ col", - "_c ol", - "_co l", - "▁ Government", - "▁G overnment", - "▁Govern ment", - "▁ argv", - "▁ar gv", - "▁arg v", - "▁ Lord", - "▁L ord", - "▁Lo rd", - "a si", - "as i", - "E xec", - "Ex ec", - "\t let", - "\tl et", - "vert is", - "▁disc ussion", - "▁discuss ion", - "en ance", - "ena nce", - "out ube", - "outu be", - "type of", - "▁s erved", - "▁ser ved", - "▁serv ed", - "▁serve d", - "▁ Put", - "▁P ut", - "▁Pu t", - "\t x", - "▁s weet", - "▁swe et", - "B efore", - "Be fore", - "ate gy", - "ateg y", - ". of", - ".o f", - "▁ Material", - "▁M aterial", - "▁Mat erial", - "▁Mate rial", - "S ort", - "So rt", - "O NT", - "ON T", - "ig ital", - "igit al", - "igi tal", - "W hy", - "Wh y", - "▁s ust", - "▁su st", - "▁sus t", - "a bet", - "ab et", - "abe t", - "▁ segment", - "▁se gment", - "▁seg ment", - "▁ [],\n", - "▁[ ],\n", - "▁[] ,\n", - "▁[], \n", - "▁M uslim", - "▁Mus lim", - "▁ findViewById", - "▁find ViewById", - "c ut", - "cu t", - "_ TEXT", - "_T EXT", - "_TE XT", - "▁ Mary", - "▁M ary", - "▁Mar y", - "▁Ma ry", - "▁l oved", - "▁lo ved", - "▁love d", - "▁ lie", - "▁l ie", - "▁li e", - "▁ JO", - "▁J O", - "▁ isset", - "▁is set", - "▁iss et", - "m onth", - "mon th", - "mo nth", - "mont h", - "▁ prime", - "▁pr ime", - "▁prim e", - "▁pri me", - "t i", - "▁Car ol", - "▁Ca rol", - "U se", - "Us e", - "1 46", - "14 6", - "▁ Pop", - "▁P op", - "▁Po p", - "▁ Save", - "▁S ave", - "▁Sa ve", - "▁Sav e", - "Int erval", - "Inter val", - "ex ecute", - "exec ute", - "d y", - "▁ Iran", - "▁I ran", - "▁Ir an", - "_ cont", - "_c ont", - "_con t", - "_co nt", - "\t T", - "▁ phase", - "▁ph ase", - "check box", - "we ek", - "▁ hide", - "▁h ide", - "▁hi de", - "▁hid e", - "▁ til", - "▁t il", - "▁ti l", - "▁ ju", - "▁j u", - "C ustom", - "b urg", - "bur g", - "bu rg", - "/ M", - "T ON", - "TO N", - "▁ quant", - "▁qu ant", - "▁q uant", - "▁ rub", - "▁r ub", - "▁ru b", - "ix els", - "ixel s", - "▁ installed", - "▁inst alled", - "▁install ed", - "▁instal led", - "▁ dump", - "▁d ump", - "▁du mp", - "▁proper ly", - "( List", - "(L ist", - "▁dec ide", - "ap ply", - "app ly", - "H as", - "Ha s", - "▁ keeping", - "▁ke eping", - "▁keep ing", - "▁cit izens", - "▁citiz ens", - "▁citizen s", - "▁ joint", - "▁j oint", - "▁join t", - "▁jo int", - "p ool", - "po ol", - "S ocket", - "So cket", - "_ op", - "_o p", - "▁ weapon", - "▁we apon", - "▁weap on", - "gn ore", - "▁ Exec", - "▁E xec", - "▁Ex ec", - "ot ten", - "ott en", - "otte n", - "▁ MS", - "▁M S", - "▁ (-", - "▁( -", - "▁ Review", - "▁Re view", - "▁Rev iew", - "▁ examples", - "▁ex amples", - "▁example s", - "▁t ight", - "▁ti ght", - "! (", - "D P", - "▁ MessageBox", - "▁Message Box", - "▁phot ograph", - "▁photo graph", - "1 64", - "16 4", - "U RI", - "UR I", - "l ow", - "lo w", - "▁ Grand", - "▁G rand", - "▁Gr and", - "▁Gran d", - "▁Gra nd", - ".p ersistence", - ".persist ence", - "▁main tain", - "▁maint ain", - "▁ nums", - "▁n ums", - "▁num s", - "▁nu ms", - "▁ zip", - "▁z ip", - "i als", - "ial s", - "ia ls", - "▁ Gets", - "▁G ets", - "▁Get s", - "▁Ge ts", - "p eg", - "pe g", - "▁ Buffer", - "▁B uffer", - "▁Buff er", - "▁Bu ffer", - "~~ ~~", - "ra structure", - "▁ PL", - "▁P L", - "u en", - "ue n", - "ob by", - "obb y", - "size of", - "▁ pic", - "▁p ic", - "▁pi c", - "▁ seed", - "▁s eed", - "▁se ed", - "▁see d", - "▁ex perienced", - "▁experience d", - "▁experi enced", - "▁ odd", - "▁o dd", - "▁od d", - "▁ kick", - "▁k ick", - "▁ki ck", - "▁ procedure", - "▁pro cedure", - "▁proced ure", - "av igator", - "avig ator", - "- on", - "-o n", - ", j", - "▁ Although", - "▁Al though", - "▁ userId", - "▁user Id", - "ac cept", - "Bl ue", - "I Color", - "IC olor", - "l ayer", - "la yer", - "lay er", - "av ailable", - "▁ ends", - "▁en ds", - "▁end s", - ". table", - ".t able", - ".tab le", - "▁ dataset", - "▁d ataset", - "▁data set", - "▁dat aset", - "▁datas et", - "b us", - "bu s", - "▁ex plain", - "▁exp lain", - "▁expl ain", - "( pro", - "(p ro", - "(pr o", - "▁Commit tee", - "▁n oted", - "▁not ed", - "▁no ted", - "▁note d", - "] :\n", - "]: \n", - "D im", - "Di m", - "std io", - "1 54", - "15 4", - ". \",\n", - ".\" ,\n", - ".\", \n", - "_ source", - "_s ource", - "1 81", - "18 1", - "▁ Week", - "▁We ek", - "▁ Edge", - "▁Ed ge", - "▁oper ating", - "▁opera ting", - "▁ este", - "▁e ste", - "▁es te", - "▁est e", - "i pl", - "ip l", - "3 30", - "33 0", - "ag ination", - "▁pro ceed", - "▁proc eed", - "▁ animation", - "▁an imation", - "▁anim ation", - ". Models", - ".Model s", - ".Mod els", - ".Mode ls", - "▁ Watch", - "▁W atch", - "▁Wat ch", - "i at", - "ia t", - "▁op pon", - "▁opp on", - "/ A", - "Re port", - "Rep ort", - "Repo rt", - "▁s ounds", - "▁so unds", - "▁sound s", - "_ buf", - "_b uf", - "IE LD", - "IEL D", - "▁b und", - "▁bu nd", - "▁bun d", - "\t get", - "\tg et", - ". pr", - ".p r", - "( tmp", - "(t mp", - "▁k id", - "▁ki d", - "> \n\n\n", - ">\n \n\n", - ">\n\n \n", - "▁ yang", - "▁y ang", - "▁ya ng", - "Not Found", - "m ath", - "ma th", - "mat h", - "@g mail", - "▁ LIMIT", - "▁L IMIT", - "▁LI MIT", - "red ients", - "redient s", - "▁ vent", - "▁v ent", - "▁ve nt", - "▁ven t", - "avig ate", - "avi gate", - "L ook", - "Lo ok", - "▁rel igious", - "▁relig ious", - "▁ rand", - "▁r and", - "▁ran d", - "▁ra nd", - "r io", - "ri o", - "( GL", - "(G L", - "_ ip", - "_i p", - "u an", - "ua n", - "ici ency", - "▁ Change", - "▁Ch ange", - "▁Chan ge", - "▁Chang e", - "> \r\n\r\n", - ">\r\n \r\n", - "▁ Entity", - "▁Ent ity", - "▁ren contre", - "▁rencont re", - "▁ Ret", - "▁R et", - "▁Re t", - "p lan", - "pl an", - "pla n", - "BO OL", - "u ries", - "ur ies", - "uri es", - "t rain", - "tr ain", - "tra in", - "Def inition", - "= ===========", - "== ==========", - "==== ========", - "======== ====", - "=== =========", - "=========== =", - "========= ===", - "========== ==", - "====== ======", - "===== =======", - "======= =====", - "z z", - "4 50", - "45 0", - "An imation", - "Anim ation", - "▁ OK", - "▁O K", - "_ menu", - "_m enu", - "_me nu", - ". bl", - ".b l", - "_ score", - "_s core", - "_sc ore", - "▁ acad", - "▁a cad", - "▁ac ad", - "( System", - "(S ystem", - "▁ refresh", - "▁ref resh", - "▁refr esh", - "' =>$", - "'=> $", - "'= >$", - ". Graphics", - ".G raphics", - ".Graph ics", - "am ento", - "ament o", - "amen to", - "p id", - "pi d", - "t c", - "▁ tips", - "▁t ips", - "▁ti ps", - "▁tip s", - "▁h omes", - "▁home s", - "▁hom es", - "▁ho mes", - "▁f uel", - "▁fu el", - "▁fue l", - "_ helper", - "_h elper", - "_help er", - "▁ ▁\r\n", - "▁▁ \r\n", - "▁ Room", - "▁R oom", - "▁Ro om", - ". Close", - ".C lose", - ".Cl ose", - "_ attr", - "_at tr", - "_att r", - "▁ Mount", - "▁M ount", - "▁Mo unt", - "▁ Ev", - "▁E v", - "ar ser", - "ars er", - "arse r", - "_ top", - "_t op", - "_to p", - "e ah", - "ea h", - "▁ Delete", - "▁De lete", - "▁Del ete", - "u ke", - "uk e", - "▁ usage", - "▁us age", - "▁usa ge", - "a ria", - "ar ia", - "ari a", - "_ dev", - "_d ev", - "_de v", - "▁ texture", - "▁text ure", - "▁tex ture", - "▁ conversation", - "▁con versation", - "▁convers ation", - "e per", - "ep er", - "B ean", - "Be an", - "d one", - "do ne", - "don e", - "non atomic", - "▁ Second", - "▁Se cond", - "▁Sec ond", - "▁sh ooting", - "▁shoot ing", - "_ pre", - "_p re", - "_pr e", - "Com ponents", - "Component s", - "▁ ]\n\n", - "▁] \n\n", - "▁]\n \n", - "_ _,", - "__ ,", - "st itution", - "stit ution", - ". Char", - ".C har", - ".Ch ar", - "> ();\n\n", - ">( );\n\n", - ">();\n \n", - ">() ;\n\n", - ">(); \n\n", - "▁pres ented", - "▁present ed", - "▁presente d", - "▁ wa", - "▁w a", - "o ker", - "ok er", - "oke r", - "- \n\n", - "-\n \n", - "i ner", - "in er", - "ine r", - "▁be coming", - "▁inc ident", - "A tt", - "At t", - "1 62", - "16 2", - "▁reve aled", - "▁reveal ed", - "f orc", - "fo rc", - "for c", - "▁ boot", - "▁b oot", - "▁bo ot", - "▁boo t", - ". page", - ".p age", - ".pa ge", - "En umerator", - "Enumer ator", - "Enum erator", - "1 65", - "16 5", - "_ ->", - "_- >", - "Ph oto", - "Phot o", - "▁ spring", - "▁s pring", - "▁sp ring", - "▁spr ing", - ". \",", - ".\" ,", - "▁ Dictionary", - "▁D ictionary", - "B JECT", - "BJ ECT", - "▁ locations", - "▁l ocations", - "▁loc ations", - "▁location s", - "▁ samples", - "▁s amples", - "▁sample s", - "▁samp les", - "Input Stream", - "▁ Brown", - "▁B rown", - "▁Br own", - "▁Bro wn", - "▁Brow n", - "▁ stats", - "▁st ats", - "▁stat s", - "▁sta ts", - "q uality", - "qu ality", - "qual ity", - "- dis", - "-d is", - "-di s", - "▁help ing", - "▁hel ping", - "▁ ped", - "▁p ed", - "▁pe d", - "2 24", - "22 4", - "( se", - "(s e", - "▁ Who", - "▁W ho", - "▁Wh o", - "al ian", - "ali an", - "alia n", - "in ternal", - "int ernal", - "inter nal", - "intern al", - "▁ ft", - "▁f t", - "> ().", - ">( ).", - ">() .", - "- >{", - "-> {", - "▁ mine", - "▁m ine", - "▁min e", - "▁mi ne", - "▁ sector", - "▁s ector", - "▁se ctor", - "▁sec tor", - "▁sect or", - "▁ gro", - "▁g ro", - "▁gr o", - "▁opport unities", - "▁ mp", - "▁m p", - "▁alleg ed", - "▁alle ged", - "▁doub t", - "▁dou bt", - "M ouse", - "Mo use", - "Ab out", - "_ part", - "_p art", - "_par t", - "_pa rt", - "▁ chair", - "▁c hair", - "▁ch air", - "▁cha ir", - "▁chai r", - "▁st opped", - "▁stop ped", - "▁sto pped", - "1 61", - "16 1", - "l oop", - "lo op", - "loo p", - "ent ities", - "enti ties", - "▁ apps", - "▁a pps", - "▁app s", - "▁ap ps", - "ans ion", - "ansi on", - "▁m ental", - "▁men tal", - "▁ment al", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "F R", - "▁def end", - "▁defe nd", - "c are", - "ca re", - "car e", - "▁i deal", - "▁ide al", - "▁idea l", - "/ api", - "/a pi", - "/ap i", - "ur face", - "urf ace", - "0 11", - "01 1", - "▁ ele", - "▁e le", - "▁el e", - "u lator", - "ul ator", - "ula tor", - "▁R ights", - "▁Right s", - "angu ages", - "anguage s", - "▁f unds", - "▁fun ds", - "▁fund s", - "▁ad apt", - "▁ada pt", - "▁adap t", - "At tributes", - "Attribute s", - "Attrib utes", - "▁ deploy", - "▁de ploy", - "▁dep loy", - "o pts", - "op ts", - "opt s", - "▁ validation", - "▁valid ation", - "▁concern s", - "u ce", - "uc e", - ". num", - ".n um", - "ul ture", - "ult ure", - "i la", - "il a", - "▁ cup", - "▁c up", - "▁cu p", - "▁ pure", - "▁p ure", - "▁pur e", - "▁pu re", - ". Fore", - ".F ore", - ".For e", - "1 83", - "18 3", - "▁ HashMap", - "▁Hash Map", - ".value Of", - "a sm", - "as m", - "M O", - "▁ cs", - "▁c s", - "▁ stores", - "▁st ores", - "▁store s", - "▁stor es", - "▁sto res", - "▁ ************************************************************************", - "▁**************************************************************** ********", - "▁******************************** ****************************************", - "▁******** ****************************************************************", - "▁**************** ********************************************************", - "▁************************ ************************************************", - "▁**************************************** ********************************", - "▁ communication", - "▁comm unication", - "▁communic ation", - "▁commun ication", - "m em", - "me m", - ". EventHandler", - ".Event Handler", - ". Status", - ".St atus", - ".Stat us", - "_ right", - "_r ight", - ".set On", - "S heet", - "She et", - "▁ident ify", - "ener ated", - "ene rated", - "enerate d", - "ord ered", - "order ed", - "orde red", - "▁ \"[", - "▁\" [", - "▁s we", - "▁sw e", - "Con dition", - "Cond ition", - "▁ According", - "▁A ccording", - "▁Acc ording", - "▁ prepare", - "▁pre pare", - "▁prepar e", - "▁prep are", - "▁ rob", - "▁r ob", - "▁ro b", - "P ool", - "Po ol", - "▁ sport", - "▁s port", - "▁sp ort", - "▁spo rt", - "▁spor t", - "r v", - "▁ Router", - "▁R outer", - "▁Route r", - "▁Ro uter", - "▁Rou ter", - "▁altern ative", - "▁alter native", - "( []", - "([ ]", - "▁ Chicago", - "▁Ch icago", - "i pher", - "ip her", - "iph er", - "is che", - "isc he", - "isch e", - "▁ Director", - "▁Direct or", - "▁Dir ector", - "▁Dire ctor", - "k l", - "▁ Wil", - "▁W il", - "▁Wi l", - "ke ys", - "key s", - "▁ mysql", - "▁m ysql", - "▁my sql", - "▁mys ql", - "▁ welcome", - "▁w elcome", - "▁wel come", - "k ing", - "ki ng", - "kin g", - "▁ Manager", - "▁M anager", - "▁Man ager", - "▁Manage r", - "▁Mana ger", - "▁ caught", - "▁ca ught", - ") }\n", - ")} \n", - "S core", - "Sc ore", - "_ PR", - "_P R", - "▁ survey", - "▁s urvey", - "▁sur vey", - "▁surv ey", - "▁surve y", - "h ab", - "ha b", - "He aders", - "Header s", - "Head ers", - "A DER", - "AD ER", - "ADE R", - "▁ decor", - "▁de cor", - "▁dec or", - "▁turn s", - "▁tur ns", - "▁ radius", - "▁r adius", - "▁rad ius", - "▁radi us", - "er rupt", - "err upt", - "C or", - "Co r", - "▁ mel", - "▁m el", - "▁me l", - "▁ intr", - "▁in tr", - "▁int r", - "( q", - "▁ AC", - "▁A C", - "a mos", - "am os", - "amo s", - "M AX", - "MA X", - "▁ Grid", - "▁G rid", - "▁Gr id", - "▁ Jesus", - "▁J esus", - "▁Jes us", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - ". DE", - ".D E", - "▁ ts", - "▁t s", - "▁ linked", - "▁link ed", - "▁lin ked", - "f ree", - "fr ee", - "fre e", - "▁ Qt", - "▁Q t", - "▁ /**\r\n", - "▁/ **\r\n", - "▁/* *\r\n", - "▁/** \r\n", - "▁f aster", - "▁fa ster", - "▁fast er", - "c tr", - "ct r", - "_ J", - "D T", - ". Check", - ".C heck", - "▁comb ination", - "▁int ended", - "▁intend ed", - "- the", - "-t he", - "-th e", - "- type", - "-t ype", - "1 82", - "18 2", - "e ctors", - "ect ors", - "ector s", - "a mi", - "am i", - "u ting", - "ut ing", - "uti ng", - "▁ uma", - "▁u ma", - "▁um a", - "X ML", - "XM L", - "U CT", - "UC T", - "A p", - "▁ Random", - "▁R andom", - "▁Rand om", - "▁Ran dom", - "▁ ran", - "▁r an", - "▁ra n", - ". sort", - ".s ort", - ".so rt", - "▁ sorted", - "▁s orted", - "▁sort ed", - "▁sor ted", - ". Un", - ".U n", - "4 01", - "40 1", - "_ PER", - "_P ER", - "_PE R", - "it ory", - "itor y", - "ito ry", - "▁ priority", - "▁p riority", - "▁prior ity", - "▁priorit y", - "▁ Gal", - "▁G al", - "▁Ga l", - "▁ Old", - "▁O ld", - "▁Ol d", - "h ot", - "ho t", - "▁ Display", - "▁D isplay", - "▁Dis play", - "( sub", - "(s ub", - "_ TH", - "_T H", - "_ Y", - "▁ Care", - "▁C are", - "▁Car e", - "▁Ca re", - "lo ading", - "load ing", - "K ind", - "_ handle", - "_h andle", - "_hand le", - ", ,", - "r ase", - "ra se", - "ras e", - "_ replace", - "_re place", - "_rep lace", - ". addEventListener", - ".add EventListener", - "▁ RT", - "▁R T", - "1 72", - "17 2", - "▁en tered", - "▁ent ered", - "▁enter ed", - "g ers", - "ge rs", - "ger s", - "▁ ich", - "▁i ch", - "▁ic h", - "( start", - "(st art", - "2 05", - "20 5", - "/ app", - "/a pp", - "/ap p", - "▁br other", - "▁bro ther", - "▁broth er", - "M emory", - "Mem ory", - "Memo ry", - "Out let", - "▁ utf", - "▁u tf", - "▁ut f", - "p rec", - "pr ec", - "pre c", - "▁ navigation", - "▁n avigation", - "▁nav igation", - "▁navig ation", - "OR K", - "▁ dst", - "▁d st", - "▁ds t", - "D etail", - "De tail", - "Det ail", - "▁aud ience", - "▁audi ence", - "▁d ur", - "▁du r", - "▁ cluster", - "▁cl uster", - "un ched", - "unc hed", - "unch ed", - "▁ ],", - "▁] ,", - "▁comfort able", - ". values", - ".value s", - ".val ues", - "▁ Total", - "▁T otal", - "▁To tal", - "▁Tot al", - "▁ snap", - "▁s nap", - "▁sn ap", - "▁stand ards", - "▁standard s", - "▁per formed", - "▁perform ed", - "h and", - "ha nd", - "han d", - "(\" @", - "▁ phil", - "▁ph il", - "▁phi l", - "i br", - "ib r", - "t rim", - "tr im", - "tri m", - "▁ forget", - "▁f orget", - "▁for get", - "▁forg et", - "▁forge t", - "1 57", - "15 7", - "▁ doctor", - "▁do ctor", - "▁doc tor", - ". TextBox", - ".Text Box", - "3 77", - "37 7", - "i cons", - "ic ons", - "icon s", - "ico ns", - ", s", - "▁ Op", - "▁O p", - "S m", - "S top", - "St op", - "\t List", - "\tL ist", - "\t u", - "Com ment", - "Comm ent", - "_ VERSION", - "_V ERSION", - "_VER SION", - ".X tra", - "P erson", - "Per son", - "Pers on", - "r b", - "L OB", - "LO B", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁\n", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁\n", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ \n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁\n", - "▁ Central", - "▁C entral", - "▁Cent ral", - "2 70", - "27 0", - "I CK", - "IC K", - "r aq", - "ra q", - "▁put ting", - "▁ md", - "▁m d", - "▁ Love", - "▁L ove", - "▁Lo ve", - "▁Lov e", - "Pro gram", - "Pr ogram", - "B order", - "o or", - "oo r", - "▁all owing", - "▁allow ing", - "a fter", - "af ter", - "▁ entries", - "▁en tries", - "▁ent ries", - "▁entr ies", - "▁ Maybe", - "▁M aybe", - "▁May be", - "] ).", - "]) .", - "▁ Short", - "▁S hort", - "▁Sh ort", - ") \\", - ". now", - ".n ow", - ".no w", - "f riend", - "▁p refer", - "▁pre fer", - "▁pref er", - "▁ GPIO", - "▁G PIO", - "▁GP IO", - "o sis", - "os is", - "osi s", - "▁ GameObject", - "▁Game Object", - "▁ skip", - "▁s kip", - "▁sk ip", - "▁ski p", - "▁com petition", - "▁compet ition", - "▁competit ion", - "_ match", - "_m atch", - "_mat ch", - "lic ations", - "lication s", - "_ CONT", - "_C ONT", - "_CON T", - "_CO NT", - ".group Box", - "▁ als", - "▁a ls", - "▁al s", - "6 66", - "66 6", - "\" We", - "\"W e", - "_ eq", - "_e q", - "l an", - "la n", - "_ search", - "_s earch", - "_se arch", - "▁ Music", - "▁M usic", - "▁Mus ic", - "▁Mu sic", - "a sis", - "as is", - "asi s", - "▁ bind", - "▁b ind", - "▁bi nd", - "▁bin d", - "▁Is land", - "▁Isl and", - "r um", - "ru m", - "( E", - "▁ seat", - "▁s eat", - "▁se at", - "▁sea t", - "V ideo", - "▁ ack", - "▁a ck", - "▁ac k", - "re ek", - "ree k", - "={ ()", - "={( )", - "▁ rating", - "▁r ating", - "▁rat ing", - "▁ra ting", - "▁ restaurant", - "▁rest aurant", - "▁restaur ant", - "4 56", - "45 6", - "D EX", - "DE X", - "( buf", - "(b uf", - "p ping", - "pp ing", - "u ality", - "ual ity", - "uali ty", - "▁ league", - "▁le ague", - "1 76", - "17 6", - "▁f ocused", - "▁focus ed", - "▁foc used", - "a pon", - "ap on", - "$ data", - "$d ata", - "CL UD", - "CLU D", - "CLUD ING", - "▁ absolute", - "▁a bsolute", - "▁abs olute", - "( query", - "▁t ells", - "▁tell s", - "▁tel ls", - "A ng", - "An g", - "▁comm unities", - "▁commun ities", - "▁h onest", - "▁hon est", - "▁ho nest", - "▁hone st", - "o king", - "ok ing", - "oki ng", - "▁a part", - "▁ap art", - "▁apar t", - "▁apa rt", - "ar ity", - "ari ty", - "/ $", - "_ module", - "_m odule", - "_mod ule", - "▁ Enc", - "▁E nc", - "▁En c", - ". an", - ".a n", - ". Config", - ".Con fig", - "C re", - "Cr e", - "▁sh ock", - "▁A rab", - "▁Ar ab", - "I ENT", - "IE NT", - "/ re", - "/r e", - "▁re trie", - "▁ret rie", - "▁retr ie", - "yc ler", - "ycle r", - "ycl er", - "i sa", - "is a", - "▁ Organ", - "▁O rgan", - "▁Or gan", - "▁Org an", - ". graph", - ".g raph", - ".gr aph", - "▁B AS", - "▁BA S", - "E num", - "En um", - "▁ possibly", - "▁poss ibly", - "▁ Japanese", - "▁J apanese", - "▁Japan ese", - "▁ craft", - "▁c raft", - "▁cra ft", - "▁ Place", - "▁P lace", - "▁Pl ace", - "▁tal ent", - "▁tale nt", - "▁f unding", - "▁fun ding", - "▁fund ing", - "▁ confirmed", - "▁conf irmed", - "▁confirm ed", - "▁ cycle", - "▁c ycle", - "▁cy cle", - "▁cycl e", - "▁cyc le", - "/ x", - "G E", - "▁h earing", - "▁he aring", - "▁hear ing", - "▁pl ants", - "▁plan ts", - "▁plant s", - "▁ mouth", - "▁m outh", - "▁mo uth", - "▁mou th", - "p ages", - "page s", - "pa ges", - "pag es", - "o ria", - "or ia", - "ori a", - "▁ Remove", - "▁Re move", - "▁Rem ove", - "_ total", - "_t otal", - "_to tal", - "_tot al", - "▁ od", - "▁o d", - "oll apse", - "d oor", - "do or", - "▁b ought", - "▁bo ught", - "▁bou ght", - "▁ addr", - "▁add r", - "▁ad dr", - "AR CH", - "ARC H", - "_ dim", - "_d im", - "_di m", - "d den", - "dd en", - "▁dec ades", - "▁decade s", - "RE QUEST", - "REQ UEST", - "▁ versions", - "▁v ersions", - "▁version s", - "▁vers ions", - "f ire", - "fi re", - "0 06", - "00 6", - "▁m oves", - "▁mov es", - "▁move s", - "▁mo ves", - "f b", - "▁c offee", - "▁co ffee", - "▁coff ee", - ". connect", - ".con nect", - ".conn ect", - "▁ Row", - "▁R ow", - "▁Ro w", - "▁ schema", - "▁s chema", - "▁sch ema", - "▁schem a", - "S cope", - "Sc ope", - "- Type", - "-T ype", - "▁f ighting", - "▁fight ing", - "▁re tail", - "▁r etail", - "▁ret ail", - "▁ modified", - "▁mod ified", - "T F", - "F iles", - "File s", - "Fi les", - "Fil es", - "n ie", - "ni e", - "_ command", - "_com mand", - "_comm and", - "s tone", - "st one", - "ston e", - "sto ne", - "_ thread", - "_th read", - "▁b ond", - "▁bo nd", - "▁bon d", - "▁ Development", - "▁Develop ment", - "▁ pt", - "▁p t", - "F ORM", - "FO RM", - "FOR M", - "p let", - "pl et", - "ple t", - "▁ identified", - "▁ident ified", - "c pp", - "cp p", - "2 06", - "20 6", - "2 25", - "22 5", - "▁ coding", - "▁c oding", - "▁co ding", - "▁cod ing", - "o ked", - "ok ed", - "oke d", - "▁ Master", - "▁M aster", - "▁Ma ster", - "▁Mas ter", - "▁Mast er", - "ID TH", - "▁res idents", - "▁resident s", - "▁resid ents", - "r edit", - "re dit", - "red it", - "▁ Photo", - "▁Ph oto", - "▁Phot o", - "= -", - "u nte", - "un te", - "unt e", - "at eur", - "ate ur", - "1 59", - "15 9", - "_ STATE", - "_ST ATE", - "_STAT E", - "▁ Sing", - "▁S ing", - "▁Si ng", - "▁Sin g", - "▁ sheet", - "▁s heet", - "▁she et", - ". val", - ".v al", - ".va l", - "or se", - "ors e", - "▁h ers", - "▁he rs", - "▁her s", - "▁d etermined", - "▁determin ed", - "▁determine d", - "Com mon", - "Comm on", - "▁w ed", - "▁we d", - "_ queue", - "_q ueue", - "_que ue", - "P H", - "▁ Atl", - "▁A tl", - "▁At l", - "c red", - "cre d", - "cr ed", - "/L ICENSE", - "▁ mes", - "▁m es", - "▁me s", - "▁ advanced", - "▁adv anced", - "▁advance d", - ". java", - ".j ava", - ".jav a", - ". Sh", - ".S h", - "G o", - "k ill", - "ki ll", - "f p", - "_ settings", - "_set tings", - "_setting s", - "▁ pal", - "▁p al", - "▁pa l", - "▁tr uck", - "▁comb ined", - "▁combine d", - "▁\" ${", - "▁\"$ {", - "▁C orpor", - "▁Cor por", - "▁Corp or", - "▁join ed", - "▁jo ined", - "▁ Jose", - "▁J ose", - "▁Jo se", - "▁Jos e", - "▁C up", - "▁Cu p", - "u ns", - "un s", - "est ival", - "esti val", - "le vision", - "lev ision", - "▁ broken", - "▁br oken", - "▁bro ken", - "▁broke n", - "▁mar riage", - "▁ Western", - "▁West ern", - "▁Wes tern", - "▁rep resents", - "▁represent s", - "▁ Title", - "▁T itle", - "▁Ti tle", - "▁Tit le", - "▁ ss", - "▁s s", - ". Ass", - ".A ss", - ".As s", - "ong oose", - "ongo ose", - "i ento", - "ient o", - "ien to", - "< >();\n", - "<>( );\n", - "<> ();\n", - "▁abs olutely", - "▁absolute ly", - "▁ smooth", - "▁sm ooth", - "▁smo oth", - "T ERN", - "TE RN", - "TER N", - "▁ Unless", - "▁Un less", - "W ord", - "▁ merge", - "▁m erge", - "▁mer ge", - "▁merg e", - "i gan", - "ig an", - "iga n", - "▁ Vol", - "▁V ol", - "▁Vo l", - "▁ nn", - "▁n n", - ". getId", - ".get Id", - "1 71", - "17 1", - "▁se xy", - "▁sex y", - "▁se eking", - "▁see king", - "▁seek ing", - "S ingle", - "Sin gle", - "Sing le", - ". this", - ".t his", - ".th is", - "1 79", - "17 9", - "▁ kom", - "▁k om", - "▁ko m", - "b ound", - "bo und", - "; \"", - "▁ fontSize", - "▁font Size", - "_ df", - "_d f", - "▁in jury", - "▁inj ury", - "( H", - "▁ issued", - "▁iss ued", - "▁issue d", - "▁issu ed", - "_ END", - "_E ND", - "_EN D", - ": self", - ":s elf", - "0 20", - "02 0", - "▁ patch", - "▁p atch", - "▁pat ch", - "▁le aves", - "▁leave s", - "▁ad opt", - "▁ado pt", - "File Name", - "▁exec utive", - "▁execut ive", - "▁ Byte", - "▁By te", - "] ))\n", - "]) )\n", - "])) \n", - "▁ nu", - "▁n u", - "o uting", - "ou ting", - "out ing", - "cl uding", - "clud ing", - "- R", - ". options", - ".o ptions", - ".opt ions", - ".option s", - "▁sub stant", - "▁subs tant", - "▁subst ant", - "av ax", - "ava x", - "▁B UT", - "▁BU T", - "▁techn ical", - "▁tw ice", - "▁un ivers", - "▁uni vers", - "y r", - "▁ drag", - "▁d rag", - "▁dr ag", - "▁dra g", - "▁ DC", - "▁D C", - "▁ sed", - "▁s ed", - "▁se d", - "▁ bot", - "▁b ot", - "▁bo t", - "▁ Pal", - "▁P al", - "▁Pa l", - "▁H all", - "▁Ha ll", - "▁Hal l", - "force ment", - "forc ement", - "▁a uch", - "▁au ch", - "▁auc h", - ". mod", - ".m od", - ".mo d", - "n otation", - "not ation", - "_ files", - "_f iles", - "_file s", - ". line", - ".l ine", - ".li ne", - "_ flag", - "_f lag", - "_fl ag", - "[ name", - "[n ame", - "▁ resolution", - "▁re solution", - "▁res olution", - "▁b ott", - "▁bo tt", - "▁bot t", - "( \"[", - "(\" [", - "e nde", - "en de", - "end e", - "( arr", - "(a rr", - "(ar r", - "F ree", - "Fr ee", - "Fre e", - "( @\"", - "(@ \"", - "▁ District", - "▁D istrict", - "▁Di strict", - "P EC", - "PE C", - ": -", - "P icker", - "Pic ker", - "Pi cker", - "Pick er", - "▁ Jo", - "▁J o", - "▁ ▁▁▁▁\n", - "▁▁ ▁▁▁\n", - "▁▁▁▁ ▁\n", - "▁▁▁ ▁▁\n", - "▁▁▁▁▁ \n", - "▁R iver", - "▁Riv er", - "▁Ri ver", - "_ rows", - "_r ows", - "_row s", - "_ro ws", - "▁help ful", - "▁mass ive", - "- --\n", - "-- -\n", - "--- \n", - "▁me asures", - "▁measure s", - "▁meas ures", - "0 07", - "00 7", - "▁ Runtime", - "▁R untime", - "▁Run time", - "▁w orry", - "▁wor ry", - "▁ Spec", - "▁S pec", - "▁Sp ec", - "▁Spe c", - "\t D", - "▁ ){\n", - "▁) {\n", - "▁){ \n", - "▁w orse", - "▁wor se", - "▁wors e", - "( filename", - "(f ilename", - "(file name", - "▁ lay", - "▁l ay", - "▁la y", - "▁ magic", - "▁m agic", - "▁mag ic", - "▁ Their", - "▁The ir", - "o ul", - "ou l", - "st roy", - "str oy", - "▁ Where", - "▁W here", - "▁Wh ere", - "▁Whe re", - "2 80", - "28 0", - "▁s udden", - "▁su dden", - "▁sud den", - "▁d efe", - "▁de fe", - "▁def e", - "▁ binding", - "▁b inding", - "▁bin ding", - "▁bind ing", - "▁ flight", - "▁f light", - "▁fl ight", - "▁On Init", - "▁ Women", - "▁W omen", - "▁Wo men", - "▁ Policy", - "▁P olicy", - "▁Pol icy", - "▁dr ugs", - "▁drug s", - "ish ing", - "ishi ng", - "(' ../", - "('. ./", - "▁ Mel", - "▁M el", - "▁Me l", - "p eat", - "pe at", - "t or", - "to r", - "▁pro posed", - "▁prop osed", - "▁propos ed", - "▁propose d", - "▁st ated", - "▁state d", - "▁stat ed", - "▁sta ted", - "_ RES", - "_RE S", - "_R ES", - "▁ east", - "▁e ast", - "▁eas t", - "▁ea st", - "2 12", - "21 2", - "▁CON DITION", - "_ desc", - "_d esc", - "_de sc", - "_des c", - "▁w inning", - "▁win ning", - "fo lio", - "fol io", - "M apper", - "Map per", - "Ma pper", - "▁ Pan", - "▁P an", - "▁Pa n", - "▁An ge", - "▁Ang e", - ".s ervlet", - "▁co pies", - "▁cop ies", - "L M", - "▁ vm", - "▁v m", - "▁ dictionary", - "▁d ictionary", - "S eg", - "Se g", - "1 77", - "17 7", - "e lines", - "el ines", - "eline s", - "eli nes", - "elin es", - "▁ Send", - "▁S end", - "▁Se nd", - "▁Sen d", - "▁ iron", - "▁i ron", - "▁ir on", - "▁ Fort", - "▁F ort", - "▁For t", - "▁Fo rt", - "1 66", - "16 6", - ". domain", - ".d omain", - ".do main", - ".dom ain", - "▁deb ate", - "Not Null", - "e q", - "a cher", - "ac her", - "ach er", - "ache r", - "l f", - "\t fmt", - "\tf mt", - "▁la wy", - "▁law y", - "1 78", - "17 8", - "▁ Men", - "▁M en", - "▁Me n", - "▁ trim", - "▁t rim", - "▁tr im", - "▁tri m", - "( NULL", - "(N ULL", - "▁ !!", - "▁! !", - "▁ pad", - "▁p ad", - "▁pa d", - "▁follow s", - "▁foll ows", - "\" ][\"", - "\"] [\"", - "\"][ \"", - "r equ", - "re qu", - "req u", - "▁ Ep", - "▁E p", - ". github", - ".g ithub", - ".git hub", - "( img", - "(i mg", - "(im g", - "e to", - "et o", - "( '\\", - "(' \\", - "S ervices", - "Service s", - "Serv ices", - "umbn ail", - "_ main", - "_m ain", - "p leted", - "pl eted", - "ple ted", - "plete d", - "plet ed", - "fort unately", - "fortunate ly", - "▁ windows", - "▁w indows", - "▁window s", - "▁wind ows", - "▁ plane", - "▁p lane", - "▁pl ane", - "▁plan e", - "▁pla ne", - "▁ Connection", - "▁Con nection", - "▁Connect ion", - "▁Conn ection", - ". local", - ".l ocal", - ".loc al", - ".lo cal", - "u ard", - "ua rd", - "uar d", - "} \\", - "= =\"", - "== \"", - "an don", - "and on", - "ando n", - "▁R oy", - "▁Ro y", - "w est", - "we st", - "1 58", - "15 8", - "ig inal", - "igin al", - "igi nal", - "em ies", - "emi es", - "i tz", - "it z", - "' ):\n", - "') :\n", - "'): \n", - "▁ Peter", - "▁P eter", - "▁Pe ter", - "▁Pet er", - "▁Pete r", - "▁t ough", - "▁to ugh", - "▁tou gh", - "▁re duced", - "▁red uced", - "▁redu ced", - "▁reduce d", - "▁ calculate", - "▁c alculate", - "▁cal culate", - "▁calcul ate", - "▁calc ulate", - "▁r apid", - "▁rap id", - "▁ra pid", - "c ustomer", - "custom er", - "cust omer", - "▁ efficient", - "▁eff icient", - "▁effic ient", - "▁ medium", - "▁m edium", - "▁med ium", - "▁medi um", - "▁f ell", - "▁fe ll", - "▁fel l", - ". ref", - ".re f", - ".r ef", - "▁ Cas", - "▁C as", - "▁Ca s", - "▁ feedback", - "▁fe edback", - "▁feed back", - "S peed", - "Sp eed", - "Spe ed", - "( output", - "(out put", - "a je", - "aj e", - "▁ categories", - "▁c ategories", - "▁categor ies", - "▁ fee", - "▁f ee", - "▁fe e", - "} ;", - "▁ deleted", - "▁de leted", - "▁del eted", - "▁delete d", - "▁delet ed", - "▁dele ted", - "r eh", - "re h", - "▁ proof", - "▁pro of", - "D esc", - "De sc", - "Des c", - "B uild", - "Bu ild", - "▁s ides", - "▁side s", - "▁si des", - "▁sid es", - ". ArrayList", - ".Array List", - "- %", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - ". match", - ".m atch", - ".mat ch", - "▁fe els", - "▁feel s", - "▁fee ls", - "▁achie ve", - "▁ach ieve", - "▁c lim", - "▁cl im", - "▁cli m", - "_ ON", - "_O N", - "▁ CD", - "▁C D", - "▁ teacher", - "▁t eacher", - "▁te acher", - "▁teach er", - "▁tea cher", - "_ current", - "_c urrent", - "_cur rent", - "_curr ent", - "b n", - "_ PL", - "_P L", - "is ting", - "ist ing", - "isti ng", - "E nable", - "En able", - "G EN", - "GE N", - "▁ tv", - "▁t v", - "▁ sock", - "▁s ock", - "▁so ck", - "▁soc k", - "▁ plays", - "▁pl ays", - "▁play s", - "▁pla ys", - "▁ discount", - "▁dis count", - "▁disc ount", - "▁disco unt", - "▁ KE", - "▁K E", - "▁ Debug", - "▁De bug", - "▁Deb ug", - "F ore", - "For e", - "▁I raq", - "▁Ir aq", - "▁ap pearance", - "▁appear ance", - "M on", - "Mo n", - "▁ styled", - "▁st yled", - "▁style d", - "▁sty led", - "▁styl ed", - "▁ Human", - "▁H uman", - "▁Hum an", - "▁Hu man", - "i ot", - "io t", - "▁ History", - "▁H istory", - "▁Hi story", - "▁Histor y", - "▁s ac", - "▁sa c", - "▁ Collection", - "▁C ollection", - "▁Col lection", - "▁Coll ection", - "▁Collect ion", - "▁re commended", - "▁recomm ended", - "▁recommend ed", - ". Selected", - ".Se lected", - ".Select ed", - "▁organ izations", - "▁organization s", - "▁organiz ations", - "▁dis covered", - "▁discover ed", - "co hol", - "coh ol", - "a das", - "ad as", - "ada s", - "▁ Thomas", - "▁Th omas", - "▁Thom as", - "M ay", - "Ma y", - "▁con serv", - "▁cons erv", - "▁conse rv", - "▁d omin", - "▁do min", - "▁dom in", - "▁ Follow", - "▁F ollow", - "▁Fol low", - "▁ Section", - "▁S ection", - "▁Se ction", - "▁Sec tion", - "▁ Thanks", - "▁Th anks", - "▁Thank s", - "▁Than ks", - "User name", - "▁ recipe", - "▁rec ipe", - "▁recip e", - "▁wonder ful", - ". sleep", - ".s leep", - "_ if", - "_i f", - "\t \n\t\n", - "\t\n \t\n", - "or no", - "orn o", - "▁ ru", - "▁r u", - "_ target", - "_t arget", - ". \"\"", - ".\" \"", - "Event Args", - "▁ inputs", - "▁in puts", - "▁input s", - "▁inp uts", - "▁f if", - "▁fi f", - "▁ vision", - "▁v ision", - "▁vis ion", - "c y", - "▁ Series", - "▁S eries", - "▁Se ries", - "▁Ser ies", - "▁Serie s", - ") (((", - ")( ((", - ")(( (", - "▁tr ading", - "▁trad ing", - "▁tra ding", - "▁ marker", - "▁m arker", - "▁mark er", - "▁mar ker", - "B egin", - "Be gin", - "▁typ ically", - "▁typical ly", - "▁c auses", - "▁ca uses", - "▁cause s", - "▁caus es", - "d ropdown", - "drop down", - "_ DEBUG", - "_DE BUG", - "2 60", - "26 0", - "▁ detect", - "▁d etect", - "▁det ect", - "c ountry", - "count ry", - "! \");\n", - "!\" );\n", - "\t R", - "a ppy", - "ap py", - "app y", - "▁c ref", - "▁cr ef", - "▁cre f", - "( '<", - "(' <", - "\" =>", - "▁ LE", - "▁L E", - "re ader", - "read er", - "rea der", - "▁admin istr", - "u cket", - "uc ket", - "uck et", - "▁f ashion", - ". char", - ".c har", - ".ch ar", - "i zar", - "iz ar", - "iza r", - "▁ disable", - "▁dis able", - "▁s uc", - "▁su c", - "▁ Live", - "▁L ive", - "▁Li ve", - "▁Liv e", - "iss ue", - "▁ metadata", - "▁m etadata", - "▁met adata", - "▁meta data", - "f lags", - "fl ags", - "flag s", - "▁com mitted", - "▁comm itted", - "▁commit ted", - "▁ va", - "▁v a", - "▁ rough", - "▁r ough", - "▁ro ugh", - "▁rou gh", - "▁ '''\n", - "▁'' '\n", - "▁''' \n", - "▁ highlight", - "▁high light", - "_ vars", - "_v ars", - "_var s", - "V O", - "▁ encoding", - "▁en coding", - "▁enc oding", - "- Z", - "_ sign", - "_s ign", - "_sig n", - "_si gn", - "$ (\"#", - "$( \"#", - "$(\" #", - "▁ rain", - "▁r ain", - "▁ra in", - "re atest", - "reate st", - "reat est", - "rea test", - "▁ END", - "▁E ND", - "▁EN D", - "S election", - "Se lection", - "Select ion", - "Sel ection", - "▁c andidates", - "▁candid ates", - "▁candidate s", - "▁s av", - "▁sa v", - ". Empty", - "▁dec isions", - "▁decision s", - "▁decis ions", - "▁coll abor", - "r idge", - "rid ge", - "f eed", - "fe ed", - "fee d", - "r ession", - "ress ion", - "▁per sons", - "▁person s", - "▁pers ons", - "V M", - "0 08", - "00 8", - "e ga", - "eg a", - "_ BIT", - "_B IT", - "A ccording", - "Acc ording", - "ack ed", - "ac ked", - "▁doll ars", - "▁dollar s", - "_ loss", - "_l oss", - "_lo ss", - "▁ Cost", - "▁C ost", - "▁Co st", - "▁Cos t", - "} \"\n", - "}\" \n", - "Not ification", - "▁pro stit", - "▁pros tit", - "▁prost it", - "▁author ity", - ". rec", - ".re c", - ".r ec", - "▁sp okes", - "▁spoke s", - "▁spo kes", - "▁ Today", - "▁T oday", - "▁To day", - "▁Tod ay", - "i stant", - "is tant", - "ist ant", - "istan t", - "ista nt", - "▁ Head", - "▁H ead", - "▁He ad", - "ertain ment", - "c ean", - "ce an", - "c ulate", - "cul ate", - "cu late", - "▁ ven", - "▁v en", - "▁ve n", - "How ever", - "_ arr", - "_a rr", - "_ar r", - "▁ tokens", - "▁t okens", - "▁token s", - "▁tok ens", - "G raph", - "Gr aph", - "▁ Jud", - "▁J ud", - "▁Ju d", - "▁Vir gin", - "▁ Serial", - "▁S erial", - "▁Se rial", - "▁Ser ial", - "un ning", - "unn ing", - "M utable", - "Mu table", - "Mut able", - "a gers", - "ag ers", - "age rs", - "ager s", - ". csv", - ".c sv", - ".cs v", - "▁develop ing", - "▁in structions", - "▁instruction s", - "▁instruct ions", - "▁ promise", - "▁p romise", - "▁prom ise", - "▁request ed", - "▁requ ested", - "_ encode", - "_en code", - "_enc ode", - "/ \"", - "▁ Icon", - "▁I con", - "u ilt", - "ui lt", - "uil t", - "- day", - "-d ay", - "▁int elligence", - "▁intellig ence", - ". IS", - ".I S", - "▁ Observable", - "▁O bservable", - "▁Observ able", - "▁ Hard", - "▁H ard", - "▁Har d", - "▁Ha rd", - "B ool", - "Bo ol", - "2 11", - "21 1", - "id ential", - "ident ial", - ". Anchor", - ".An chor", - "▁ selling", - "▁s elling", - "▁sell ing", - "▁sel ling", - "C I", - "AG ES", - "AGE S", - "t le", - "tl e", - "b ur", - "bu r", - "UFF ER", - "UF FER", - "R Y", - "▁b igger", - "▁big ger", - "▁ rat", - "▁r at", - "▁ra t", - "▁f amous", - "▁fam ous", - "▁ typename", - "▁type name", - "▁typ ename", - "▁expl ained", - "▁explain ed", - "} }\n", - "}} \n", - "▁n uclear", - "▁nu clear", - "▁nucle ar", - "- N", - "▁cr isis", - "▁cri sis", - "▁cris is", - "▁ Enter", - "▁En ter", - "▁Ent er", - "▁ answers", - "▁an swers", - "▁answer s", - "▁ans wers", - "/ ${", - "/$ {", - "/ pl", - "/p l", - "▁ sequ", - "▁s equ", - "▁se qu", - "▁seq u", - "_ next", - "_n ext", - "_ne xt", - "m ask", - "ma sk", - "mas k", - "▁ standing", - "▁st anding", - "▁stand ing", - "▁stan ding", - "▁pl enty", - "▁ple nty", - "▁ Cross", - "▁C ross", - "▁Cr oss", - "▁Cro ss", - "▁Cros s", - "\t ret", - "\tr et", - "\tre t", - "d ro", - "dr o", - "▁ Cast", - "▁C ast", - "▁Cas t", - "▁Ca st", - "1 67", - "16 7", - "= true", - "▁ Chris", - "▁Ch ris", - "▁Chr is", - "i cio", - "ic io", - "ici o", - "▁ Mike", - "▁M ike", - "▁Mi ke", - "▁Mik e", - "D ecimal", - "Dec imal", - "add Component", - "L en", - "Le n", - "▁ cock", - "▁c ock", - "▁co ck", - "▁coc k", - "▁ #{", - "▁# {", - "U RN", - "UR N", - "< tr", - "▁author ities", - "Re sources", - "Res ources", - "Resource s", - "- H", - "B ottom", - "Bot tom", - "0 12", - "01 2", - "_ qu", - "_q u", - "p uter", - "put er", - "pu ter", - "pute r", - "ester day", - "Dis patch", - "s ince", - "si nce", - "sin ce", - "▁f amiliar", - "▁fam iliar", - "▁famil iar", - "▁familia r", - ", i", - "V C", - "▁ ment", - "▁m ent", - "▁me nt", - "▁men t", - ", C", - "▁free dom", - "▁fre edom", - "▁freed om", - "▁ routes", - "▁r outes", - "▁ro utes", - "▁route s", - "▁rout es", - "▁rou tes", - "▁ Buy", - "▁B uy", - "▁Bu y", - "▁ commands", - "▁comm ands", - "▁command s", - "▁ mesh", - "▁m esh", - "▁me sh", - "▁mes h", - "/ C", - "▁ Settings", - "▁Set tings", - "▁Setting s", - "- style", - "-st yle", - "▁w itness", - "▁wit ness", - "▁ cle", - "▁c le", - "▁cl e", - "▁ union", - "▁un ion", - "▁uni on", - "e fault", - "ef ault", - "a ret", - "ar et", - "are t", - "▁thought s", - "▁though ts", - "▁ ----", - "▁- ---", - "▁-- --", - "▁--- -", - "_ process", - "_p rocess", - "_pro cess", - "_proc ess", - "_ us", - "_u s", - "in gly", - "ing ly", - "U ES", - "UE S", - "T ouch", - "To uch", - "_ open", - "_op en", - "_o pen", - "▁ Vec", - "▁V ec", - "▁Ve c", - "▁ reward", - "▁re ward", - "▁r eward", - ". Click", - ".C lick", - ".Cl ick", - "/ :", - "▁ nie", - "▁n ie", - "▁ni e", - "Ch anges", - "Change s", - "Chan ges", - "M onth", - "Mon th", - "Mo nth", - "Mont h", - "▁ execution", - "▁exec ution", - "▁execut ion", - "▁b each", - "▁be ach", - "( Integer", - "(Int eger", - "\t a", - "/ '", - ".Font Style", - "▁ abort", - "▁ab ort", - "▁ Single", - "▁S ingle", - "▁Sing le", - "▁Sin gle", - "( isset", - "(is set", - "▁ dp", - "▁d p", - "▁ }}", - "\\\" >", - "▁ *=", - "▁* =", - "▁ PS", - "▁P S", - "▁danger ous", - "[ p", - "O ME", - "OM E", - "O ther", - "▁String Builder", - "P oints", - "Point s", - "Po ints", - "he ading", - "head ing", - "hea ding", - "▁ currency", - "▁c urrency", - "▁curr ency", - "▁ percentage", - "▁per centage", - "▁percent age", - "_ API", - "_A PI", - "_AP I", - "▁class ic", - "▁clas sic", - "t head", - "th ead", - "the ad", - "▁ MO", - "▁M O", - "F E", - "I dx", - "Id x", - "a wait", - "aw ait", - "awa it", - "awai t", - "▁acc ident", - "▁ variant", - "▁v ariant", - "▁var iant", - "▁vari ant", - "▁m yst", - "▁my st", - "▁mys t", - "▁ Land", - "▁L and", - "▁La nd", - "▁Lan d", - "▁ Bre", - "▁B re", - "▁Br e", - "▁h arm", - "▁har m", - "▁ha rm", - "▁ Acc", - "▁A cc", - "▁Ac c", - "▁ charged", - "▁char ged", - "▁charg ed", - "▁charge d", - "i ones", - "ion es", - "io nes", - "ione s", - "Vis ibility", - "ar ry", - "arr y", - "▁ Language", - "▁L anguage", - "▁w alking", - "▁walk ing", - "▁wal king", - "\" .\n\n", - "\". \n\n", - "\".\n \n", - "i fer", - "if er", - "ife r", - "▁leaders hip", - "▁leader ship", - ". From", - ".F rom", - "y nam", - "yn am", - "yna m", - "▁ timestamp", - "▁t imestamp", - "▁time stamp", - "i pt", - "ip t", - "▁ Has", - "▁H as", - "▁Ha s", - "RE FER", - "REF ER", - "▁ Its", - "▁I ts", - "▁It s", - "▁ listener", - "▁list ener", - "▁listen er", - "▁liste ner", - "U TE", - "UT E", - "2 13", - "21 3", - "_ description", - "_d escription", - "_de scription", - "_des cription", - "▁exper iences", - "▁experience s", - "▁experi ences", - "▁ creates", - "▁create s", - "▁cre ates", - "▁creat es", - "R S", - "c art", - "ca rt", - "car t", - "bl ack", - "▁ choices", - "▁cho ices", - "▁choice s", - "w ar", - "wa r", - "7 50", - "75 0", - "▁ '''", - "▁' ''", - "▁'' '", - "▁ ordered", - "▁order ed", - "▁ord ered", - "▁even ing", - "▁ev ening", - "▁eve ning", - "▁p il", - "▁pi l", - "▁t un", - "▁tu n", - "▁ Bad", - "▁B ad", - "▁Ba d", - "( app", - "(a pp", - "(ap p", - "r andom", - "ran dom", - "rand om", - "▁exp licit", - "▁expl icit", - "▁explic it", - "▁arr ived", - "▁arrive d", - "▁ fly", - "▁f ly", - "▁fl y", - "▁e conom", - "▁econ om", - "▁ec onom", - "▁eco nom", - "- mail", - "-m ail", - "▁ lists", - "▁l ists", - "▁li sts", - "▁list s", - "▁lis ts", - "▁arch itect", - "2 34", - "23 4", - "▁ Pay", - "▁P ay", - "▁Pa y", - "▁ ds", - "▁d s", - "▁ Sol", - "▁S ol", - "▁So l", - "▁ vehicles", - "▁v ehicles", - "▁veh icles", - "▁vehicle s", - "H z", - "- com", - "-c om", - "-co m", - "▁ king", - "▁k ing", - "▁ki ng", - "▁kin g", - "_ equal", - "_e qual", - "_eq ual", - "_equ al", - "▁ Help", - "▁H elp", - "▁He lp", - "▁Hel p", - "▁ab use", - "4 80", - "48 0", - "1 69", - "16 9", - "-- ;\n", - "--; \n", - "▁ extr", - "▁ex tr", - "▁ext r", - "▁ chemical", - "▁chem ical", - "▁ orient", - "▁o rient", - "▁or ient", - "▁ori ent", - "▁bre ath", - "▁breat h", - "▁ Space", - "▁S pace", - "▁Sp ace", - "▁Spa ce", - "( element", - "(e lement", - "(el ement", - "(elem ent", - "(ele ment", - "w ait", - "wa it", - "D ED", - "DE D", - "ig ma", - "igm a", - "▁ entr", - "▁en tr", - "▁ent r", - "▁s ob", - "▁so b", - "- name", - "-n ame", - "▁ affected", - "▁aff ected", - "▁affect ed", - "i ka", - "ik a", - "▁ coal", - "▁co al", - "_ work", - "_w ork", - "▁h undreds", - "▁hundred s", - "▁pol itics", - "▁polit ics", - "sub ject", - "su bject", - "▁ consumer", - "▁con sumer", - "▁cons umer", - "▁consum er", - "▁consume r", - "AN GE", - "ANG E", - "▁re peated", - "▁repe ated", - "▁repeat ed", - "S end", - "Se nd", - "Sen d", - "▁ #[", - "▁# [", - "▁ protocol", - "▁prot ocol", - "▁proto col", - "▁le ads", - "▁lead s", - "use um", - "E very", - "Ev ery", - "Ever y", - "8 08", - "80 8", - "1 74", - "17 4", - "Im port", - "Imp ort", - "( count", - "(c ount", - "(co unt", - "▁ch allenges", - "▁challeng es", - "▁challenge s", - "▁n ovel", - "▁no vel", - "▁nov el", - "▁ depart", - "▁de part", - "▁dep art", - "b its", - "bit s", - "bi ts", - ". Current", - ".C urrent", - "▁ `${", - "▁` ${", - "▁`$ {", - "o ting", - "ot ing", - "( \\", - "▁ creative", - "▁cre ative", - "▁creat ive", - "▁ buff", - "▁b uff", - "▁bu ff", - "▁buf f", - "▁int roduced", - "▁introdu ced", - "▁introduce d", - "▁intro duced", - "u sic", - "us ic", - "usi c", - "mod ules", - "module s", - "A re", - "Ar e", - "- doc", - "-d oc", - "-do c", - "l anguage", - "_ cache", - "_c ache", - "_ca che", - "▁t od", - "▁to d", - "? > < /", - "om ething", - "ome thing", - "▁h un", - "▁hu n", - "a ters", - "at ers", - "ate rs", - "ater s", - "Int ent", - "▁ implemented", - "▁im plemented", - "▁implement ed", - "▁ Case", - "▁C ase", - "▁Cas e", - "▁Ca se", - "Child ren", - "▁ notification", - "▁not ification", - "Render er", - "W rapper", - "Wrap per", - "Wr apper", - "Object s", - "t l", - ". Contains", - ".Cont ains", - "Pl ugin", - ". row", - ".r ow", - ".ro w", - "▁f org", - "▁for g", - "▁fo rg", - "▁ permit", - "▁per mit", - "▁perm it", - "▁ targets", - "▁target s", - "▁tar gets", - "▁ IF", - "▁I F", - "▁ tip", - "▁t ip", - "▁ti p", - "s ex", - "se x", - "▁sup ports", - "▁support s", - "▁ fold", - "▁f old", - "▁fol d", - "▁fo ld", - "ph oto", - "phot o", - "} ,\r\n", - "}, \r\n", - "▁ google", - "▁g oogle", - "▁go ogle", - "▁goog le", - "$ ('#", - "$(' #", - "▁sh aring", - "▁sha ring", - "▁shar ing", - "▁ goods", - "▁g oods", - "▁go ods", - "▁good s", - "v s", - "▁ Dan", - "▁D an", - "▁Da n", - "R ate", - "Ra te", - "▁ Martin", - "▁M artin", - "▁Mar tin", - "▁Mart in", - "▁m anner", - "▁man ner", - "▁mann er", - "l ie", - "li e", - ". The", - ".T he", - ".Th e", - "In ternal", - "Int ernal", - "Inter nal", - "▁CON TR", - "▁CONT R", - "M ock", - "Mo ck", - "R IGHT", - "▁ '{", - "▁' {", - "▁ controls", - "▁control s", - "▁contr ols", - "M at", - "Ma t", - "▁ mand", - "▁m and", - "▁man d", - "▁ma nd", - "▁ extended", - "▁ext ended", - "▁extend ed", - "O k", - "▁ embed", - "▁em bed", - "▁emb ed", - "▁ planet", - "▁plan et", - "▁plane t", - "▁pla net", - "▁ Non", - "▁N on", - "▁No n", - "- ch", - "-c h", - ") \",", - ")\" ,", - "e par", - "ep ar", - "▁bel ieved", - "▁belie ved", - "▁believe d", - "▁ Environment", - "▁En vironment", - "▁ Friend", - "▁F riend", - "▁Fri end", - "- res", - "-r es", - "-re s", - "▁hand ling", - "▁han dling", - "n ic", - "ni c", - "- level", - "-le vel", - "s cri", - "sc ri", - "scr i", - "X ml", - "B E", - "un gen", - "ung en", - "unge n", - "▁ alter", - "▁al ter", - "▁alt er", - "▁alte r", - "[ idx", - "[i dx", - "[id x", - "P op", - "Po p", - "c am", - "ca m", - "▁ (((", - "▁( ((", - "▁(( (", - "▁ shipping", - "▁sh ipping", - "▁ship ping", - "▁b attery", - "▁batter y", - "▁batt ery", - "▁bat tery", - "iddle ware", - "M C", - "▁ impl", - "▁i mpl", - "▁im pl", - "▁imp l", - "ot ation", - "ota tion", - "▁ Lab", - "▁L ab", - "▁La b", - "< form", - "\t name", - "\tn ame", - "▁ Games", - "▁G ames", - "▁Game s", - "▁Ga mes", - "▁Gam es", - "r ay", - "ra y", - "Ex tra", - "Ext ra", - "T wo", - "Tw o", - "( player", - "(p layer", - "(pl ayer", - "▁ Les", - "▁L es", - "▁Le s", - "▁ charset", - "▁char set", - "▁chars et", - "▁j ourney", - "▁jour ney", - "e ting", - "et ing", - "eti ng", - "▁d in", - "▁di n", - "▁p erman", - "▁per man", - "▁perm an", - "▁ solve", - "▁s olve", - "▁sol ve", - "▁la unched", - "▁launch ed", - "▁n ine", - "▁ni ne", - "▁nin e", - "▁s ending", - "▁send ing", - "▁sen ding", - "▁t elling", - "▁tell ing", - "▁tel ling", - ". password", - ".p assword", - ".pass word", - "▁ Matrix", - "▁M atrix", - "▁Mat rix", - "e ric", - "er ic", - "eri c", - "▁ grab", - "▁g rab", - "▁gr ab", - "▁gra b", - ". u", - "▁ Library", - "▁L ibrary", - "▁Lib rary", - "▁de bt", - "▁deb t", - "IN K", - ". findViewById", - ".find ViewById", - "▁ frequency", - "▁f requency", - "▁frequ ency", - ". ad", - ".a d", - "_ TEST", - "_T EST", - "_TE ST", - "▁ne got", - "▁neg ot", - "▁A frican", - "▁Afr ican", - "▁Africa n", - "s ender", - "se nder", - "send er", - "sen der", - "G lobal", - "1 73", - "17 3", - "▁exp erts", - "▁exper ts", - "▁expert s", - "++ )\r\n", - "++) \r\n", - "▁de pending", - "▁dep ending", - "▁depend ing", - "g ray", - "gr ay", - "gra y", - "▁j udge", - "▁jud ge", - "▁ sentence", - "▁s entence", - "▁sent ence", - "lo sure", - "los ure", - "A c", - "▁ trace", - "▁t race", - "▁tr ace", - "▁tra ce", - "Ed ge", - "▁f riendly", - "▁friend ly", - "▁concern ed", - "b log", - "bl og", - "blo g", - "▁ claimed", - "▁claim ed", - "} '", - "int eger", - "inte ger", - "_ tree", - "_t ree", - "_tr ee", - "\t continue", - "x i", - "▁ accepted", - "▁accept ed", - "_ one", - "_on e", - "_o ne", - "▁ Education", - "▁E ducation", - "▁Educ ation", - "ublish ed", - "g on", - "go n", - "ap point", - "app oint", - "o uts", - "ou ts", - "out s", - "▁m ining", - "▁min ing", - "▁mi ning", - "▁mini ng", - "▁s ongs", - "▁son gs", - "▁song s", - "▁her self", - "▁hers elf", - "▁gr anted", - "▁grant ed", - "▁gran ted", - "▁pass ion", - "▁L ake", - "▁La ke", - "▁Lak e", - "▁ loan", - "▁lo an", - "u ent", - "ue nt", - "uen t", - "ch ant", - "chan t", - "cha nt", - "▁d etailed", - "▁det ailed", - "▁detail ed", - "ex cept", - "_ cmd", - "_c md", - "_cm d", - "▁ HE", - "▁H E", - "Re lated", - "Rel ated", - "z t", - "' },\n", - "'} ,\n", - "'}, \n", - "▁specific ally", - "St atic", - "Stat ic", - "▁car ried", - "▁carr ied", - "A NS", - "AN S", - "\\ \":", - "\\\" :", - "C reated", - "Create d", - "Cre ated", - "Creat ed", - "▁ cul", - "▁c ul", - "▁cu l", - "] -", - "_ api", - "_a pi", - "_ap i", - "F P", - "▁s itting", - "▁sit ting", - "▁\" \")", - "▁\"\" )", - "\t goto", - "\tg oto", - "\tgo to", - "▁ Equ", - "▁E qu", - "▁Eq u", - "▁ass ault", - "k ins", - "ki ns", - "kin s", - "an cer", - "ance r", - "anc er", - "o gen", - "og en", - "oge n", - "▁v oters", - "▁vo ters", - "▁vot ers", - "▁vote rs", - "▁voter s", - "▁ Prot", - "▁P rot", - "▁Pro t", - "▁Pr ot", - "Des criptor", - ". Assert", - ".Ass ert", - ".As sert", - "b sites", - "bs ites", - "bsite s", - "o ster", - "os ter", - "ost er", - "- menu", - "-m enu", - "-me nu", - "▁ arms", - "▁ar ms", - "▁arm s", - ". Client", - ".C lient", - ".Cl ient", - ". background", - ".back ground", - "av ity", - "avi ty", - "avit y", - "▁v ul", - "▁vu l", - "_ MASK", - "_M ASK", - "▁h ousing", - "▁hous ing", - "▁ho using", - "▁b ear", - "▁be ar", - "_ iter", - "_i ter", - "_it er", - "p ired", - "pi red", - "pir ed", - "pire d", - "▁ markets", - "▁mark ets", - "▁market s", - "▁ Student", - "▁St udent", - "▁Stud ent", - "▁ ticket", - "▁t icket", - "▁ti cket", - "▁tick et", - "▁tic ket", - "▁mill ions", - "▁million s", - "fl ater", - "flate r", - "flat er", - ") =", - "▁re cover", - "▁rec over", - "▁reco ver", - "▁ Force", - "▁F orce", - "▁For ce", - "▁ Both", - "▁B oth", - "▁Bo th", - "▁Bot h", - "▁v ictim", - "▁vict im", - "▁vic tim", - "▁ Disc", - "▁D isc", - "▁Dis c", - "▁Di sc", - "re port", - "rep ort", - "repo rt", - "▁four th", - "▁ Assembly", - "▁As sembly", - "/ user", - "/u ser", - "Null Or", - "text area", - "▁ ath", - "▁a th", - "▁at h", - "▁ ([", - "▁( [", - "▁ channels", - "▁ch annels", - "▁channel s", - "▁chan nels", - "▁Just ice", - "ch oice", - "cho ice", - "LOB AL", - "e xec", - "ex ec", - "exe c", - "e male", - "em ale", - "ema le", - "▁ elem", - "▁e lem", - "▁el em", - "▁ele m", - "_ le", - "_l e", - "▁respons ibility", - "▁ Tw", - "▁T w", - "IC ATION", - "ICA TION", - "▁ elseif", - "▁else if", - "▁ fo", - "▁f o", - "a sts", - "as ts", - "ast s", - "▁t reated", - "▁treat ed", - "▁tre ated", - "s en", - "se n", - "▁ Vict", - "▁V ict", - "▁Vi ct", - "▁Vic t", - "s umer", - "sum er", - "su mer", - "sume r", - "_ BASE", - "_B ASE", - "▁ ast", - "▁a st", - "▁as t", - "> {{", - ">{ {", - "▁ Resource", - "▁Re source", - "▁Res ource", - "▁ Standard", - "▁St andard", - "▁Stand ard", - "▁ Prem", - "▁P rem", - "▁Pr em", - "▁Pre m", - "up dated", - "update d", - "ival ent", - "▁ assets", - "▁as sets", - "▁ass ets", - "▁asset s", - "_ temp", - "_t emp", - "_tem p", - "_te mp", - "▁inter ests", - "▁interest s", - "▁interes ts", - "▁h ardware", - "▁hard ware", - "▁ Rom", - "▁R om", - "▁Ro m", - "▁ Share", - "▁Sh are", - "▁Sha re", - "▁Shar e", - "▁' '\n", - "▁'' \n", - "▁ *,", - "▁* ,", - "▁ Take", - "▁T ake", - "▁Ta ke", - "▁Tak e", - "▁ Images", - "▁Im ages", - "▁Image s", - "_ CHECK", - "_C HECK", - "( typeof", - "(type of", - "▁ Jun", - "▁J un", - "▁Ju n", - "\\< ^", - "▁ liqu", - "▁l iqu", - "▁li qu", - "▁wor st", - "▁wo rst", - "▁wors t", - "ymb ols", - "ymbol s", - "\t \t\t▁▁▁", - "\t\t \t▁▁▁", - "\t\t\t ▁▁▁", - "\t\t\t▁ ▁▁", - "\t\t\t▁▁ ▁", - "▁dr ivers", - "▁driver s", - "▁drive rs", - "▁driv ers", - "▁dri vers", - "▁ Document", - "▁D ocument", - "▁Doc ument", - "e no", - "en o", - "▁Techn ology", - "▁ approved", - "▁appro ved", - "▁approve d", - "um ps", - "ump s", - "▁s now", - "▁sn ow", - "form ance", - "forma nce", - "_ ASSERT", - "_A SSERT", - "_ASS ERT", - "u its", - "ui ts", - "uit s", - "2 07", - "20 7", - "▁d ifferences", - "▁dif ferences", - "▁differ ences", - "▁difference s", - ". Visible", - ".V isible", - "\t \t\t\r\n", - "\t\t \t\r\n", - "\t\t\t \r\n", - "▁ Ps", - "▁P s", - "_ fetch", - "_f etch", - "▁ todo", - "▁t odo", - "▁to do", - "▁tod o", - ". ',\n", - ".' ,\n", - ".', \n", - "▁ sel", - "▁s el", - "▁se l", - "ur ers", - "ure rs", - "urer s", - "in valid", - "▁ tweet", - "▁t weet", - "▁twe et", - "V EL", - "VE L", - "▁research ers", - "▁researcher s", - "▁ sprintf", - "▁s printf", - "▁sprint f", - "▁ RO", - "▁R O", - "▁ pel", - "▁p el", - "▁pe l", - ". Trans", - ".T rans", - ".Tr ans", - "▁il legal", - "▁ill egal", - "▁illeg al", - "d ialog", - "di alog", - "dia log", - "sm arty", - "smart y", - "l g", - "_ MIN", - "_M IN", - "_MI N", - "▁ hero", - "▁h ero", - "▁he ro", - "▁her o", - "f inal", - "fin al", - "fi nal", - "▁ pp", - "▁p p", - ". Le", - ".L e", - "▁ ci", - "▁c i", - "\t RT", - "\tR T", - "▁s uggested", - "▁suggest ed", - "p df", - "pd f", - "a ching", - "ach ing", - "achi ng", - "▁ Ro", - "▁R o", - "▁ Properties", - "▁P roperties", - "▁Prop erties", - "▁ Si", - "▁S i", - "▁bu ying", - "▁buy ing", - "▁ mu", - "▁m u", - "▁ lands", - "▁l ands", - "▁land s", - "▁lan ds", - "if iers", - "ifier s", - "ifi ers", - "ifie rs", - "▁ FILE", - "▁F ILE", - "▁FI LE", - "RO UP", - "▁ holder", - "▁h older", - "▁hold er", - "▁hol der", - "▁ Son", - "▁S on", - "▁So n", - "▁sym pt", - "▁symp t", - ". route", - ".r oute", - ".ro ute", - ") ?", - "▁ argc", - "▁ar gc", - "▁arg c", - "▁ fort", - "▁f ort", - "▁for t", - "▁fo rt", - "▁cas ino", - "▁casi no", - "_ category", - "_c ategory", - "▁ forum", - "▁f orum", - "▁for um", - "▁fo rum", - "2 15", - "21 5", - "p refix", - "pre fix", - "pref ix", - "ap ture", - "apt ure", - "T ube", - "Tu be", - "e ms", - "em s", - "im ize", - "imi ze", - "▁n ue", - "▁nu e", - "a us", - "au s", - "c ourse", - "co urse", - "A TOR", - "AT OR", - "ATO R", - "( )),", - "() ),", - "()) ,", - "Ad vertis", - "IN GS", - "ING S", - "▁ac know", - "▁ack now", - "▁K orea", - "▁Kore a", - "▁Ko rea", - "▁Kor ea", - "p ling", - "pl ing", - "▁ worker", - "▁work er", - "▁wor ker", - "PL IED", - "h al", - "ha l", - "▁ Richard", - "▁Rich ard", - "▁Ric hard", - "Element s", - "El ements", - "Elem ents", - "Ele ments", - "\t \t\t▁", - "\t\t \t▁", - "\t\t\t ▁", - "s tar", - "st ar", - "sta r", - "▁relations hips", - "▁relationship s", - "▁relation ships", - "▁ cheap", - "▁c heap", - "▁che ap", - "A CH", - "AC H", - "▁ XML", - "▁X ML", - "▁XM L", - ", &", - "▁L ouis", - "▁Lo uis", - "▁Lou is", - "▁ ride", - "▁r ide", - "▁rid e", - "▁ri de", - "_ FAIL", - "_F AIL", - "_FA IL", - "▁ chunk", - "▁ch unk", - "[ s", - "_ OUT", - "_O UT", - "▁ch osen", - "▁cho sen", - "▁chose n", - "_ [", - "/ (", - "▁ Jeff", - "▁J eff", - "▁Je ff", - "_ sl", - "_s l", - "pr iv", - "▁ Canadian", - "▁Can adian", - "▁ unable", - "▁u nable", - "▁un able", - "▁una ble", - "_ FLAG", - "_F LAG", - "_FL AG", - "▁ nos", - "▁n os", - "▁no s", - "h igh", - "hi gh", - "▁ lift", - "▁l ift", - "▁li ft", - "▁lif t", - "f un", - "fu n", - "( ){", - "() {", - "el ly", - "ell y", - "ycler View", - "_ as", - "_a s", - "_ LIST", - "_L IST", - "▁r adi", - "▁rad i", - "▁ra di", - ". getValue", - ".get Value", - "3 04", - "30 4", - "▁Ange les", - "▁Angel es", - "▁ Span", - "▁S pan", - "▁Sp an", - "▁Spa n", - "_ instance", - "_in stance", - "_inst ance", - "it ors", - "itor s", - "ito rs", - "2 08", - "20 8", - "▁m igration", - "▁migr ation", - "▁mig ration", - "A K", - "O h", - ". selected", - ".se lected", - ".select ed", - "▁ GT", - "▁G T", - "▁ advance", - "▁adv ance", - "▁ Style", - "▁St yle", - "▁Sty le", - ". DataGridView", - ".Data GridView", - "e ction", - "ect ion", - "ec tion", - "p io", - "pi o", - "r og", - "ro g", - "▁ shopping", - "▁sh opping", - "▁shop ping", - "▁ Rect", - "▁R ect", - "▁Re ct", - "▁Rec t", - "I lluminate", - "O U", - "\t array", - "\ta rray", - "\tarr ay", - "▁substant ial", - "▁p regn", - "▁pre gn", - "▁preg n", - "▁prom ote", - "▁promot e", - "▁promo te", - "I EW", - "IE W", - ". Layout", - ".L ayout", - "▁sign s", - "▁sig ns", - "/ .", - "▁ letters", - "▁let ters", - "▁letter s", - "▁lett ers", - "B oard", - "Bo ard", - "c trl", - "ct rl", - "ctr l", - "\" \\", - "▁J ones", - "▁Jo nes", - "▁Jon es", - "▁ vertex", - "▁ver tex", - "▁vert ex", - "▁ ja", - "▁j a", - "▁aff ili", - "▁ wealth", - "▁we alth", - "\t default", - "\td efault", - "\tdef ault", - "\tde fault", - "▁signific antly", - "▁significant ly", - "▁ ec", - "▁e c", - "▁ xs", - "▁x s", - "act ual", - ". per", - ".p er", - ".pe r", - "_ step", - "_st ep", - "an vas", - "m ac", - "ma c", - "▁trans l", - "▁tran sl", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "It erator", - "Iter ator", - "▁ och", - "▁o ch", - "▁oc h", - "agnost ic", - "▁ During", - "▁D uring", - "▁Du ring", - "▁Dur ing", - "▁ DEFAULT", - "▁DE FAULT", - "▁t ill", - "▁ti ll", - "▁til l", - "▁ signature", - "▁sign ature", - "▁ bird", - "▁b ird", - "▁bi rd", - "▁bir d", - "▁ Ol", - "▁O l", - "3 10", - "31 0", - "▁ Ir", - "▁I r", - "H S", - "av atar", - "ava tar", - "ESS AGE", - "▁e lev", - "▁el ev", - "▁ele v", - "▁ mt", - "▁m t", - "▁ Nav", - "▁N av", - "▁Na v", - "▁rel ax", - "▁ plate", - "▁p late", - "▁pl ate", - "▁pla te", - "▁plat e", - "I TEM", - "IT EM", - "ITE M", - "( date", - "(d ate", - "(dat e", - ". not", - ".n ot", - ".no t", - "▁ grade", - "▁g rade", - "▁gr ade", - "▁grad e", - "▁gra de", - "▁ }),\n", - "▁} ),\n", - "▁}) ,\n", - "▁}), \n", - "? \"\n\n", - "?\" \n\n", - "?\"\n \n", - "i ences", - "ience s", - "ien ces", - "H igh", - "Hi gh", - "▁ DIS", - "▁D IS", - "▁DI S", - "2 31", - "23 1", - "dis abled", - "disable d", - "Q UI", - "QU I", - "▁ noise", - "▁no ise", - "▁noi se", - "a ux", - "au x", - "▁ UP", - "▁U P", - "8 88", - "88 8", - "o sa", - "os a", - "▁v oc", - "▁vo c", - "▁ ))", - "▁) )", - "o com", - "oc om", - "oco m", - "_ OFF", - "_O FF", - "_OF F", - "▁ Db", - "▁D b", - "L ock", - "Lo ck", - "Loc k", - ".e clipse", - ", d", - "▁ Draw", - "▁D raw", - "▁Dr aw", - "▁ \"(", - "▁\" (", - "▁ visited", - "▁vis ited", - "▁visit ed", - "▁s ucceed", - "▁suc ceed", - "▁succ eed", - "▁im possible", - "▁imp ossible", - "a ire", - "air e", - "ai re", - "▁ Turn", - "▁T urn", - "▁Tur n", - "▁Tu rn", - "▁d ish", - "▁dis h", - "▁di sh", - "F G", - "▁ sensor", - "▁s ensor", - "▁sens or", - "A NN", - "AN N", - "a ba", - "ab a", - "▁s urg", - "▁su rg", - "▁sur g", - "] );\r\n", - "]) ;\r\n", - "]); \r\n", - "▁ fp", - "▁f p", - "_ an", - "_a n", - "- J", - "- G", - "▁ Job", - "▁J ob", - "▁Jo b", - "Con vert", - "Conv ert", - "▁ KEY", - "▁KE Y", - "▁ authors", - "▁author s", - "▁auth ors", - "_ server", - "_s erver", - "_serv er", - "\\ r", - "▁-* -", - "f lex", - "fl ex", - "▁ soc", - "▁s oc", - "▁so c", - "R et", - "Re t", - "▁ salt", - "▁s alt", - "▁sa lt", - "▁sal t", - "▁ Clear", - "▁C lear", - "▁Cl ear", - "▁Cle ar", - "( page", - "(p age", - "- danger", - "-d anger", - "▁ rooms", - "▁ro oms", - "▁room s", - "con v", - "co nv", - "# {", - ". op", - ".o p", - "▁ Area", - "▁A rea", - "▁Ar ea", - "▁Are a", - "_ SC", - "_S C", - "h en", - "he n", - "▁beg ins", - "▁begin s", - "- y", - "▁exc ited", - "▁excit ed", - "▁ ignored", - "▁ign ored", - "▁ignore d", - "▁ignor ed", - "▁ bonus", - "▁b onus", - "▁bon us", - "st udent", - "stu dent", - "▁ Member", - "▁M ember", - "▁Mem ber", - "▁rel atively", - "▁relative ly", - "▁relativ ely", - "▁ Low", - "▁L ow", - "▁Lo w", - "▁ Produ", - "▁P rodu", - "▁Pro du", - "at eway", - "ate way", - "pos ure", - "po sure", - "▁th ick", - "▁thi ck", - "an iel", - "ani el", - "anie l", - "( view", - "(v iew", - "▁Cr ush", - "▁Cru sh", - "▁Crus h", - "Ext ension", - "I l", - "e ed", - "ee d", - "L OC", - "LO C", - ". im", - ".i m", - ". Items", - ".Item s", - ".It ems", - "▁conf lict", - "▁conflic t", - ".pre vent", - ".pr event", - ".prev ent", - "2 52", - "25 2", - "▁on Create", - "u v", - "i ser", - "is er", - "ise r", - "▁ wave", - "▁w ave", - "▁wa ve", - "▁wav e", - "M ar", - "Ma r", - "▁ Community", - "▁Comm unity", - "▁Commun ity", - "i che", - "ic he", - "ich e", - "▁ Nothing", - "▁No thing", - "[ m", - "▁ Lee", - "▁L ee", - "▁Le e", - "ri ends", - "riend s", - "rien ds", - "2 32", - "23 2", - "! !!", - "!! !", - "a nz", - "an z", - ". result", - ".res ult", - "▁ SK", - "▁S K", - "_ PARAM", - "_P ARAM", - "_PA RAM", - "_PAR AM", - "▁dem ocr", - "▁demo cr", - "Back Color", - ". exists", - ".ex ists", - ".exist s", - "\" It", - "\"I t", - "( options", - "(o ptions", - "(opt ions", - "(option s", - "r azy", - "ra zy", - "raz y", - "a ser", - "as er", - "ase r", - "\\ Database", - "\\Data base", - "al endar", - "alen dar", - "_ ass", - "_a ss", - "_as s", - "; }\n", - ";} \n", - "ver tex", - "vert ex", - "ine craft", - "W arning", - "War ning", - "Warn ing", - "ar go", - "arg o", - "▁ actor", - "▁a ctor", - "▁act or", - "▁ac tor", - "▁ Instead", - "▁In stead", - "▁Inst ead", - "▁ Using", - "▁Us ing", - "S elf", - "Se lf", - "Sel f", - "@ interface", - "▁spe aking", - "▁speak ing", - "▁ Paris", - "▁P aris", - "▁Par is", - "▁Pa ris", - "▁L ICENSE", - ". node", - ".n ode", - ".no de", - "▁ Food", - "▁F ood", - "▁Fo od", - "▁Foo d", - "E IF", - "▁ Bi", - "▁B i", - ". Start", - ".St art", - "▁ IB", - "▁I B", - "▁un iversity", - "▁univers ity", - "2 54", - "25 4", - "▁ Header", - "▁He ader", - "▁Head er", - ". product", - ".pro duct", - ".prod uct", - "4 09", - "40 9", - "C opy", - "Co py", - "Cop y", - "e tc", - "et c", - "r ical", - "ri cal", - "ric al", - "rica l", - "▁ >>>", - "▁> >>", - "▁>> >", - "b ooks", - "bo oks", - "book s", - "boo ks", - "▁ algorithm", - "▁al gorithm", - "▁' __", - "▁'_ _", - "( javax", - "(j avax", - "(java x", - "▁numer ous", - "▁numero us", - "Sh are", - "Shar e", - "H ave", - "Ha ve", - "▁rec ru", - "▁ prove", - "▁p rove", - "▁pro ve", - "▁pr ove", - "▁prov e", - ". substring", - ".sub string", - ".substr ing", - "he alth", - "▁ decimal", - "▁d ecimal", - "▁dec imal", - "▁com mission", - "▁comm ission", - "s cription", - "script ion", - "scri ption", - "x C", - "▁ summary", - "▁sum mary", - "▁summar y", - "▁summ ary", - "at ted", - "att ed", - "▁cl oser", - "▁close r", - "▁clos er", - "▁clo ser", - "f inished", - "fin ished", - "finish ed", - "( )){\n", - "() ){\n", - "()) {\n", - "▁ Wood", - "▁W ood", - "▁Wo od", - "▁Woo d", - "3 01", - "30 1", - "_ fields", - "_f ields", - "_field s", - "k u", - "_ items", - "_item s", - "_it ems", - "F lag", - "Fl ag", - "▁conf idence", - "▁ Federal", - "▁F ederal", - "▁Feder al", - "▁Fed eral", - "d ux", - "du x", - "▁ compat", - "▁com pat", - "▁comp at", - "▁ vertical", - "▁ver tical", - "▁vert ical", - "; \">\n", - ";\" >\n", - ";\"> \n", - "_ manager", - "_m anager", - "_man ager", - "_manage r", - "( )))\n", - "() ))\n", - "()) )\n", - "())) \n", - "I DE", - "ID E", - ": \",", - ":\" ,", - "2 35", - "23 5", - "_ _\n", - "__ \n", - "▁ Way", - "▁W ay", - "▁Wa y", - "2 21", - "22 1", - "T emp", - "Te mp", - "Tem p", - "▁ STR", - "▁S TR", - "▁ST R", - "r itten", - "rit ten", - "ritt en", - "S ync", - "Sy nc", - "Syn c", - "▁ AV", - "▁A V", - "▁C EO", - "▁CE O", - "▁ Guid", - "▁G uid", - "▁Gu id", - "▁Gui d", - "▁environment al", - "▁correspond ing", - "\t console", - "\tcon sole", - "▁ justice", - "▁just ice", - "▁ JS", - "▁J S", - "▁l ived", - "▁li ved", - "▁live d", - "▁liv ed", - "g ar", - "ga r", - "▁ Graph", - "▁G raph", - "▁Gr aph", - "▁Gra ph", - "▁ Stat", - "▁St at", - "▁Sta t", - "▁ iPhone", - "▁i Phone", - ". al", - ".a l", - "▁ HD", - "▁H D", - "▁occ ur", - "▁oc cur", - "▁ threshold", - "▁th reshold", - "▁thresh old", - "5 09", - "50 9", - "▁ onclick", - "▁on click", - "R EG", - "RE G", - ".Graphics Unit", - "M eta", - "Me ta", - "Met a", - "▁ cum", - "▁c um", - "▁cu m", - ".g nu", - "▁obt ained", - "▁obtain ed", - "▁com plaint", - "▁compl aint", - "▁complain t", - "▁e ating", - "▁eat ing", - "▁ea ting", - "▁ tar", - "▁t ar", - "▁ta r", - "_ task", - "_t ask", - "▁ opts", - "▁o pts", - "▁op ts", - "▁opt s", - "2 16", - "21 6", - "( to", - "(t o", - "P ass", - "Pa ss", - "▁p lastic", - "▁pl astic", - "t ility", - "til ity", - "▁ Win", - "▁W in", - "▁Wi n", - ".prevent Default", - "p ile", - "pi le", - "▁ Gar", - "▁G ar", - "▁Ga r", - "▁ quantity", - "▁qu antity", - "▁quant ity", - "_ last", - "_l ast", - "▁g reatest", - "▁great est", - "▁gre atest", - "D ao", - "Da o", - "_ DIS", - "_D IS", - "_DI S", - "▁ Used", - "▁U sed", - "▁Us ed", - "▁Use d", - "▁ HP", - "▁H P", - "r iting", - "ri ting", - "rit ing", - "S ION", - "SI ON", - "bl ue", - "d omain", - "do main", - "dom ain", - "▁ scores", - "▁s cores", - "▁sc ores", - "▁score s", - "▁sco res", - "▁scor es", - "N ormal", - "Norm al", - "Nor mal", - "_ admin", - "_ad min", - "▁ ASSERT", - "▁A SSERT", - "▁ASS ERT", - "T hen", - "The n", - "Th en", - "* **", - "** *", - "d ist", - "dis t", - "di st", - "l on", - "lo n", - "▁h ate", - "▁ha te", - "▁hat e", - "s hal", - "sh al", - "sha l", - "Image View", - "d atabase", - "data base", - "▁p and", - "▁pa nd", - "▁pan d", - "▁ logic", - "▁log ic", - "= false", - "=f alse", - "b g", - "▁ Configuration", - "▁Config uration", - "▁n ur", - "▁nu r", - "O G", - "▁mar ried", - ": +", - "▁d ropped", - "▁dr opped", - "▁drop ped", - "▁dro pped", - "0 40", - "04 0", - "▁ registration", - "▁reg istration", - "▁registr ation", - "▁regist ration", - "ult iple", - "ulti ple", - "ultip le", - "i zers", - "iz ers", - "ize rs", - "izer s", - "s hape", - "sh ape", - "sha pe", - ". copy", - ".c opy", - ".co py", - "▁w earing", - "▁we aring", - "▁wear ing", - "▁C ath", - "▁Ca th", - "▁Cat h", - "▁ded icated", - "▁dedic ated", - "▁ ...\n", - "▁. ..\n", - "▁... \n", - "▁.. .\n", - "▁adv oc", - "▁ Family", - "▁F amily", - "▁Fam ily", - "▁Famil y", - "▁state ments", - "▁stat ements", - "▁statement s", - "e matic", - "em atic", - "ema tic", - "emat ic", - "ampions hip", - "ampion ship", - "▁mot iv", - "▁ Have", - "▁H ave", - "▁Ha ve", - "▁Hav e", - "▁b low", - "▁bl ow", - "▁blo w", - "J ob", - "Jo b", - "c ert", - "ce rt", - "cer t", - "_ vector", - "_v ector", - "_vec tor", - "_vect or", - "inst all", - "▁ COPY", - "▁C OPY", - "▁CO PY", - "em bed", - "emb ed", - "D IR", - "DI R", - "▁ Spring", - "▁S pring", - "▁Sp ring", - "▁Spr ing", - "▁ex hib", - "▁exh ib", - "2 23", - "22 3", - "c dn", - "cd n", - "▁ Comment", - "▁Com ment", - "▁Comm ent", - "▁ Optional", - "▁Option al", - "▁Opt ional", - ". player", - ".p layer", - ".pl ayer", - ".play er", - "▁ Dark", - "▁D ark", - "▁Da rk", - "▁Dar k", - "( pos", - "(p os", - "▁ Should", - "▁Sh ould", - "▁c entre", - "▁cent re", - "▁centr e", - "▁ Guard", - "▁G uard", - "▁Gu ard", - "▁Guar d", - "▁tr ouble", - "▁tro uble", - "▁troub le", - "▁trou ble", - "E NER", - "EN ER", - "ENE R", - "( unsigned", - "(un signed", - "_ service", - "_s ervice", - "_serv ice", - "▁ ns", - "▁n s", - "u ling", - "ul ing", - "ulin g", - "uli ng", - "▁Me xico", - "▁Mex ico", - "▁ NY", - "▁N Y", - "m ysql", - "my sql", - "mys ql", - "▁ lic", - "▁l ic", - "▁li c", - "M r", - "- fl", - "-f l", - "▁ Customer", - "▁C ustomer", - "▁Custom er", - "i di", - "id i", - "▁ ?>\n\n", - "▁? >\n\n", - "▁?> \n\n", - "▁?>\n \n", - "r ible", - "ri ble", - "rib le", - "▁ sizes", - "▁s izes", - "▁size s", - "▁si zes", - "_ STRING", - "_STR ING", - "valid ation", - "▁ Jon", - "▁J on", - "▁Jo n", - "( Http", - "(H ttp", - "add Class", - "N odes", - "Node s", - "No des", - "▁ fragment", - "▁f ragment", - "▁fr agment", - "▁fra gment", - "▁frag ment", - "▁s poke", - "▁sp oke", - "▁spo ke", - "▁w aste", - "▁was te", - "▁wa ste", - "▁wast e", - "J oin", - "Jo in", - "▁ill ustr", - "e li", - "el i", - "c ient", - "ci ent", - "cie nt", - "▁ aid", - "▁a id", - "▁ai d", - "▁pro sec", - "▁pros ec", - "▁prose c", - "' ){\n", - "') {\n", - "'){ \n", - "▁pass ing", - "▁ faces", - "▁f aces", - "▁fa ces", - "▁fac es", - "▁face s", - "S hape", - "Sh ape", - "_ Z", - "i ti", - "it i", - "▁ alle", - "▁al le", - "▁all e", - "▁ robot", - "▁r obot", - "▁ro bot", - "▁rob ot", - "▁ ▁▁▁▁▁▁\n", - "▁▁ ▁▁▁▁▁\n", - "▁▁▁▁ ▁▁▁\n", - "▁▁▁ ▁▁▁▁\n", - "▁▁▁▁▁▁▁ \n", - "▁▁▁▁▁ ▁▁\n", - "▁▁▁▁▁▁ ▁\n", - "▁ Spe", - "▁S pe", - "▁Sp e", - "▁re ceiving", - "▁rece iving", - "▁ Details", - "▁D etails", - "▁De tails", - "▁Det ails", - "▁Detail s", - "▁ \")", - "▁\" )", - "m g", - "_ REF", - "_RE F", - "_R EF", - "▁ comparison", - "▁com parison", - "▁compar ison", - "* ,", - "▁ Found", - "▁F ound", - "▁Fo und", - "_ session", - "_s ession", - "( U", - "/ F", - "▁ xxx", - "▁x xx", - "▁xx x", - "N etwork", - "Net work", - "d ers", - "de rs", - "der s", - "▁ capture", - "▁c apture", - "▁cap ture", - "▁capt ure", - "▁cor re", - "▁corr e", - "▁L td", - "▁Lt d", - "▁ Adv", - "▁A dv", - "▁Ad v", - "[ @", - "▁ clip", - "▁c lip", - "▁cl ip", - "▁cli p", - "M ill", - "Mi ll", - "Mil l", - "▁ Profile", - "▁Pro file", - "▁Prof ile", - "▁ endif", - "▁end if", - "▁ob lig", - "de scribe", - "des cribe", - ". element", - ".e lement", - ".el ement", - "riter ion", - "L D", - "e red", - "er ed", - "ere d", - "▁f avour", - "▁fav our", - "s core", - "sc ore", - "▁ Filter", - "▁F ilter", - "▁Fil ter", - "at tributes", - "attribute s", - "attrib utes", - "▁ checks", - "▁check s", - "▁che cks", - "In flater", - "▁ Plus", - "▁Pl us", - "▁scient ific", - "▁ privacy", - "▁priv acy", - "H ead", - "He ad", - "▁ feat", - "▁f eat", - "▁fe at", - "▁deg rees", - "▁degree s", - "▁P ale", - "▁Pal e", - "▁Pa le", - "; \">", - ";\" >", - "▁fil ms", - "▁film s", - "▁ Audio", - "▁A udio", - "▁Aud io", - "▁Audi o", - "▁ Tag", - "▁T ag", - "▁Ta g", - "▁ Energy", - "▁E nergy", - "▁En ergy", - "i tar", - "it ar", - "ita r", - "par ator", - "para tor", - "▁f ellow", - "▁fell ow", - "▁fel low", - "▁ evt", - "▁e vt", - "▁ev t", - "▁ Tri", - "▁T ri", - "▁Tr i", - "▁D AM", - "▁DA M", - "c loud", - "cl oud", - "clo ud", - "▁ Password", - "▁P assword", - "▁Pass word", - "▁Dem ocrats", - "▁Democr ats", - "▁Democrat s", - "▁A cad", - "▁Ac ad", - "$ lang", - "$l ang", - "▁ reb", - "▁re b", - "▁r eb", - "( ))\n\n", - "() )\n\n", - "()) \n\n", - "())\n \n", - "▁ Bur", - "▁B ur", - "▁Bu r", - "read cr", - "▁ hex", - "▁h ex", - "▁he x", - "2 09", - "20 9", - "Con sole", - "Cons ole", - "c tl", - "ct l", - "ou sel", - "ous el", - "ouse l", - "▁ William", - "▁Will iam", - "▁ az", - "▁a z", - "_ PORT", - "_P ORT", - "_PO RT", - "▁pract ices", - "▁practice s", - "▁any where", - "▁ Position", - "▁P osition", - "▁Pos ition", - "▁- >\n", - "▁-> \n", - "i ams", - "ia ms", - "iam s", - ". username", - ".user name", - "place holder", - "▁ oder", - "▁o der", - "▁od er", - "▁Secret ary", - "▁i T", - "m ond", - "mon d", - "mo nd", - "e vents", - "event s", - "ev ents", - "even ts", - ". Sub", - ".S ub", - "▁att ached", - "▁attach ed", - "▁e state", - "▁est ate", - "▁esta te", - "3 65", - "36 5", - ". action", - ".a ction", - ".ac tion", - ".act ion", - "▁fig ures", - "▁figure s", - "▁figur es", - "▁ });\r\n", - "▁} );\r\n", - "▁}) ;\r\n", - "▁}); \r\n", - "▁sub scri", - "▁subs cri", - ". tag", - ".t ag", - "n am", - "na m", - ". plot", - ".p lot", - ".pl ot", - "n oon", - "no on", - "li ament", - "lia ment", - "Char acter", - ". tab", - ".t ab", - "▁w inter", - "▁win ter", - "▁ Variable", - "▁Var iable", - "▁Vari able", - "▁t rees", - "▁tr ees", - "▁tre es", - "▁tree s", - "▁p roud", - "▁pro ud", - "▁pr oud", - "( V", - "_ load", - "_l oad", - "_lo ad", - "▁h ier", - "▁hi er", - "▁E con", - "▁Ec on", - "▁Eco n", - "▁ fd", - "▁f d", - "▁vict ims", - "▁victim s", - "R est", - "Re st", - "Res t", - "i ana", - "ia na", - "ian a", - "▁ fake", - "▁f ake", - "▁fa ke", - ".Print ln", - "▁ strlen", - "▁str len", - "▁s ad", - "▁sa d", - "▁ ble", - "▁b le", - "▁bl e", - "P rot", - "Pro t", - "Pr ot", - "▁ buttons", - "▁but tons", - "▁button s", - "▁butt ons", - "▁te levision", - "▁tele vision", - "▁ logo", - "▁l ogo", - "▁lo go", - "▁log o", - "ext ension", - "\t j", - "s tein", - "ste in", - "ac iones", - "acion es", - "aci ones", - "acio nes", - "▁ \"\"\"\n\n", - "▁\"\" \"\n\n", - "▁\"\"\"\n \n", - "▁\"\"\" \n\n", - "▁ simp", - "▁s imp", - "▁sim p", - "▁si mp", - "▁record ed", - "▁br ings", - "▁bring s", - "▁pr incipal", - "▁princip al", - "▁f ees", - "▁fe es", - "▁fee s", - "( source", - "(s ource", - "k dir", - "kd ir", - "▁ utils", - "▁util s", - "▁ut ils", - "▁correct ly", - "f il", - "fi l", - "▁w el", - "▁we l", - "P air", - "Pa ir", - "- button", - "-b utton", - "s cale", - "sc ale", - "ver ify", - "[ c", - "▁ ---", - "▁- --", - "▁-- -", - "▁ escape", - "▁e scape", - "▁es cape", - "▁esc ape", - "i kes", - "ik es", - "ike s", - "Lower Case", - "ic ian", - "ici an", - "icia n", - "▁ chapter", - "▁ch apter", - "▁chap ter", - "▁ TYPE", - "▁T YPE", - "▁TY PE", - "▁ shadow", - "▁sh adow", - "▁ awesome", - "▁aw esome", - "▁awe some", - "W E", - "el if", - "eli f", - "▁ lambda", - "▁l ambda", - "▁lamb da", - "▁ distinct", - "▁dist inct", - "▁ bare", - "▁b are", - "▁bar e", - "▁ba re", - "- off", - "-of f", - "-o ff", - "▁ colour", - "▁col our", - ". appendChild", - ".append Child", - "o lec", - "ol ec", - "ole c", - "a ga", - "ag a", - ". fill", - ".f ill", - "\t super", - "\ts uper", - "▁ adj", - "▁ad j", - "( position", - "(p osition", - "(pos ition", - ". getItem", - ".get Item", - "2 42", - "24 2", - "S hort", - "Sh ort", - "▁tot ally", - "▁total ly", - "V D", - "▁T re", - "▁Tr e", - "_ ep", - "_e p", - "v ements", - "ve ments", - "vement s", - "▁ Solution", - "▁S olution", - "▁Sol ution", - "▁fund ament", - "F ollow", - "▁fac ility", - "▁facilit y", - "▁facil ity", - "▁happ ening", - "▁happen ing", - "O F", - ". textBox", - ".text Box", - "S pan", - "Sp an", - "i den", - "id en", - "ide n", - "▁ex ceed", - "▁exc eed", - "( parent", - "(p arent", - "(par ent", - "(paren t", - "▁ cp", - "▁c p", - "▁has n", - "▁ha sn", - "▁p ri", - "▁pr i", - "▁con sequ", - "▁cons equ", - "▁conse qu", - "n en", - "ne n", - "▁IN TO", - "▁INT O", - "I gnore", - "Ign ore", - "▁ Future", - "▁F uture", - "▁Fu ture", - "▁Fut ure", - "▁c arbon", - "▁car bon", - "▁carb on", - "▁Ste el", - "f mt", - "fm t", - "o kie", - "ok ie", - "oki e", - "▁s pl", - "▁sp l", - "( title", - "(t itle", - "- info", - "-in fo", - "-inf o", - "▁de als", - "▁deal s", - "▁ fixture", - "▁f ixture", - "▁fix ture", - "e a", - "D iv", - "Di v", - "▁t ested", - "▁te sted", - "▁test ed", - "▁tes ted", - "_ return", - "_re turn", - "_r eturn", - "_ret urn", - ") \n\n\n\n", - ")\n \n\n\n", - ")\n\n \n\n", - ")\n\n\n \n", - "up ported", - "upport ed", - "upp orted", - "▁ Cook", - "▁C ook", - "▁Co ok", - "▁p aying", - "▁pay ing", - "▁pa ying", - "▁ Ill", - "▁I ll", - "▁Il l", - "▁arr ested", - "▁arrest ed", - "▁ Prime", - "▁Pr ime", - "▁Pri me", - "▁Prim e", - "_ callback", - "_c allback", - "_call back", - "> ,\n", - ">, \n", - "d river", - "dr iver", - "drive r", - "O nce", - "On ce", - "a bb", - "ab b", - "_ bytes", - "_by tes", - "_byte s", - "▁ Sets", - "▁S ets", - "▁Se ts", - "▁Set s", - "( Object", - "(O bject", - "▁ cc", - "▁c c", - "▁ shell", - "▁s hell", - "▁sh ell", - "▁she ll", - "a lo", - "al o", - ") ;//", - "); //", - "( log", - "(l og", - "2 64", - "26 4", - "ct ors", - "ctor s", - ") ", - "2 18", - "21 8", - "▁ $(\".", - "▁$ (\".", - "▁$( \".", - "▁$(\" .", - ". pos", - ".p os", - ".po s", - "▁ boys", - "▁bo ys", - "▁boy s", - "▁wed ding", - "▁ agents", - "▁ag ents", - "▁agent s", - "= \"_", - "=\" _", - "▁Ar my", - "▁Arm y", - "▁ hint", - "▁h int", - "▁hi nt", - "▁hin t", - "v ision", - "vis ion", - "▁ tech", - "▁t ech", - "▁te ch", - "▁ Connect", - "▁Con nect", - "▁Conn ect", - "▁ legend", - "▁le gend", - "▁leg end", - "▁ Bet", - "▁B et", - "▁Be t", - ". Base", - ".B ase", - "Sub ject", - "Su bject", - "▁ lit", - "▁l it", - "▁li t", - "Re move", - "Rem ove", - "▁ \":", - "▁\" :", - "▁ Final", - "▁F inal", - "▁Fin al", - "▁Fi nal", - "pear ance", - "▁iT unes", - "▁part icipants", - "▁particip ants", - "▁participant s", - "▁ Python", - "▁P ython", - "▁Py thon", - "▁bu sy", - "▁bus y", - "i el", - "ie l", - "vert ices", - "▁template Url", - "▁ Close", - "▁C lose", - "▁Cl ose", - "▁Clo se", - "I mg", - "Im g", - "▁Corpor ation", - "▁Corp oration", - "t imestamp", - "time stamp", - "▁ extend", - "▁ext end", - "▁we bsites", - "▁web sites", - "▁website s", - "▁poss ibility", - "▁m eat", - "▁me at", - "▁re presentation", - "▁rep resentation", - "▁represent ation", - "2 41", - "24 1", - "▁ \t\t", - "▁\t \t", - "_ START", - "_ST ART", - ". apply", - ".app ly", - ".ap ply", - "▁Val ley", - "▁ Success", - "▁S uccess", - "▁Su ccess", - "H i", - "▁ nob", - "▁n ob", - "▁no b", - "▁I Enumerable", - "_ select", - "_s elect", - "_se lect", - "_sel ect", - "g eo", - "ge o", - ". \")\n", - ".\" )\n", - ".\") \n", - "▁t urning", - "▁turn ing", - "▁tur ning", - "▁f abric", - "▁fab ric", - "(\" \");\n", - "(\"\" );\n", - "(\"\") ;\n", - "▁pers pective", - "▁ Sn", - "▁S n", - "Th ank", - "Than k", - "; j", - ". Parameters", - ".Param eters", - ".Parameter s", - "\t ▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁ ▁▁▁▁▁▁▁▁", - "\t▁ ▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁ ▁▁▁▁", - "\t▁▁ ▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁ ▁▁▁▁▁▁", - "\t▁▁▁▁ ▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁ ▁▁▁▁▁", - "\t▁▁▁▁▁▁▁▁ ▁▁▁", - "\t▁▁▁▁▁▁▁▁▁ ▁▁", - "▁f acts", - "▁fact s", - "▁fa cts", - "▁fac ts", - "3 05", - "30 5", - "▁ unt", - "▁u nt", - "▁un t", - ". instance", - ".in stance", - ".inst ance", - "################ ################################################", - "################################ ################################", - "################################################ ################", - "- end", - "-e nd", - "-en d", - "▁JO IN", - "▁ Hen", - "▁H en", - "▁He n", - "▁ uri", - "▁u ri", - "▁ur i", - "▁ Info", - "▁In fo", - "▁Inf o", - "▁con ducted", - "▁conduct ed", - "OUR CE", - "▁w ine", - "▁win e", - "▁wi ne", - "J ohn", - "Jo hn", - ".Error f", - ".Err orf", - "▁ Age", - "▁A ge", - "▁Ag e", - "o unded", - "ound ed", - "oun ded", - "▁real ize", - "▁realiz e", - "3 12", - "31 2", - "▁ ];", - "▁] ;", - "▁sub sequ", - "▁subs equ", - ", m", - "( User", - "(U ser", - "i ano", - "ia no", - "ian o", - "▁accom pl", - "▁accomp l", - "i sp", - "is p", - ". std", - ".s td", - ".st d", - "▁ Bed", - "▁B ed", - "▁Be d", - ". setAttribute", - ".set Attribute", - "B R", - "ke ep", - "kee p", - "▁ ALL", - "▁A LL", - "▁AL L", - "▁ isol", - "▁is ol", - "▁i sol", - "▁iso l", - "a mma", - "am ma", - "amm a", - "P ackage", - "Pack age", - "▁occ asion", - "▁occas ion", - "- success", - "-s uccess", - "▁LIMIT ED", - "s trip", - "st rip", - "str ip", - "stri p", - "( )\n\n\n", - "() \n\n\n", - "()\n \n\n", - "()\n\n \n", - "is tribution", - "istrib ution", - "Color s", - "Col ors", - "▁+ :+", - "Did Load", - "a ler", - "al er", - "ale r", - "▁ tid", - "▁t id", - "▁ti d", - "▁ LED", - "▁L ED", - "▁LE D", - "▁ Linked", - "▁Link ed", - "▁Lin ked", - "▁ Cart", - "▁C art", - "▁Car t", - "▁Ca rt", - "( ))\r\n", - "() )\r\n", - "()) \r\n", - "_ READ", - "_RE AD", - "▁k illing", - "▁kill ing", - "▁kil ling", - "▁ PHP", - "▁P HP", - "▁PH P", - "f ection", - "fe ction", - "fect ion", - "▁ instances", - "▁in stances", - "▁inst ances", - "▁instance s", - "c v", - "\" />", - "\"/ >", - "▁ sf", - "▁s f", - "▁t axes", - "▁tax es", - "_ location", - "_l ocation", - "_loc ation", - "▁ Bitcoin", - "▁Bit coin", - "u able", - "ua ble", - "r ank", - "ra nk", - "ran k", - "i gnore", - "ign ore", - "tr ack", - "tra ck", - "▁should n", - "▁ OP", - "▁O P", - "= >{\n", - "=> {\n", - "▁ km", - "▁k m", - "▁ helper", - "▁h elper", - "▁help er", - "▁hel per", - "_ head", - "_h ead", - "_he ad", - "▁ Whether", - "▁Wh ether", - "▁Whe ther", - "o co", - "oc o", - "_ bl", - "_b l", - "▁ statistics", - "▁stat istics", - "▁statist ics", - "▁statistic s", - "▁be auty", - "▁beaut y", - "▁t og", - "▁to g", - "t ip", - "ti p", - "▁ csv", - "▁c sv", - "▁cs v", - "( sql", - "(s ql", - "std lib", - "we ak", - "▁ likes", - "▁l ikes", - "▁li kes", - "▁like s", - "▁lik es", - "▁ repeat", - "▁re peat", - "▁rep eat", - "▁repe at", - "▁a partment", - "▁ap artment", - "▁apart ment", - "▁e mph", - "▁em ph", - "▁emp h", - "_ edit", - "_e dit", - "_ed it", - "▁ vit", - "▁v it", - "▁vi t", - "\t type", - "\tt ype", - "\ttyp e", - "2 17", - "21 7", - "E ven", - "Ev en", - "u ten", - "ut en", - "ute n", - "▁circum stances", - "▁circumstance s", - "b ian", - "bi an", - "bia n", - "▁s ugar", - "▁su gar", - "▁sug ar", - "W indows", - "Window s", - "Wind ows", - "▁obs erved", - "▁observ ed", - "▁observe d", - "/ data", - "/d ata", - "/dat a", - "▁ calendar", - "▁c alendar", - "▁cal endar", - "▁calend ar", - "▁st rike", - "▁str ike", - "▁stri ke", - "▁ RES", - "▁R ES", - "▁RE S", - "_ sc", - "_s c", - "f ony", - "fo ny", - "fon y", - "o rem", - "or em", - "ore m", - "( z", - "p ower", - "po wer", - "pow er", - "et ect", - "ete ct", - "▁ Sat", - "▁S at", - "▁Sa t", - ". description", - ".d escription", - ".de scription", - ".des cription", - "▁ gang", - "▁g ang", - "▁ga ng", - "▁gan g", - "▁ Sports", - "▁S ports", - "▁Sp orts", - "▁Sport s", - "on gs", - "ong s", - "▁ Bundle", - "▁B undle", - "▁Bund le", - ". sum", - ".s um", - "o nce", - "on ce", - "▁acc used", - "▁accus ed", - "▁accuse d", - "▁exp lore", - "▁expl ore", - "▁explo re", - "▁explor e", - "▁approx imately", - "▁approximate ly", - "▁ losing", - "▁l osing", - "▁los ing", - "th esis", - "the sis", - "thes is", - "▁ Fund", - "▁F und", - "▁Fun d", - "▁Fu nd", - "▁di agn", - "▁dia gn", - "▁diag n", - "A utowired", - "p roperties", - "prop erties", - "▁ _.", - "▁_ .", - "▁ cnt", - "▁c nt", - "▁cn t", - "ced ure", - "▁ yy", - "▁y y", - "▁ grant", - "▁g rant", - "▁gr ant", - "▁gran t", - "▁gra nt", - "s ock", - "so ck", - "soc k", - ". innerHTML", - ".inner HTML", - "▁ ]);\n", - "▁] );\n", - "▁]) ;\n", - "▁ CONFIG", - "▁CON FIG", - "▁CONF IG", - "= '$", - "=' $", - "5 50", - "55 0", - "] ];\n", - "]] ;\n", - "U ND", - "UN D", - "▁ glob", - "▁g lob", - "▁gl ob", - "▁glo b", - "▁d ire", - "▁di re", - "▁dir e", - "uff le", - "_ MEM", - "_M EM", - "_ME M", - "▁auth entic", - "> (\"", - ">( \"", - "▁de cade", - "▁dec ade", - "▁ Import", - "▁Im port", - "▁Imp ort", - "▁orig inally", - "▁original ly", - "▁origin ally", - "▁ jQuery", - "▁j Query", - "▁ind icate", - "▁indic ate", - "▁ours elves", - "S w", - ". lbl", - ".l bl", - ".lb l", - "en erate", - "ener ate", - "ene rate", - "▁bas ically", - "▁basic ally", - "▁ Hom", - "▁H om", - "▁Ho m", - "▁+ #+", - "▁Brit ain", - "▁Bri tain", - "▁K ar", - "▁Ka r", - "to Equal", - ". stop", - ".s top", - ".st op", - "▁ modal", - "▁m odal", - "▁mod al", - "▁mo dal", - "i si", - "is i", - "▁suggest s", - "▁ dtype", - "▁d type", - "▁dt ype", - "▁t ur", - "▁tu r", - "b f", - "▁ connections", - "▁connection s", - "▁conn ections", - "▁connect ions", - "▁ Before", - "▁B efore", - "▁Be fore", - "i sted", - "is ted", - "ist ed", - "iste d", - "m ouse", - "mo use", - "▁pull ed", - "▁pul led", - ". build", - ".b uild", - "▁leg islation", - "▁legis lation", - "▁legisl ation", - "▁f orth", - "▁for th", - "▁fort h", - "p ad", - "pa d", - "e go", - "eg o", - ". Now", - ".N ow", - ".No w", - "▁exc iting", - "▁excit ing", - "} \n\n\n\n", - "}\n \n\n\n", - "}\n\n \n\n", - "}\n\n\n \n", - "▁com pr", - "▁comp r", - "▁sh ares", - "▁share s", - "▁sha res", - "▁shar es", - "▁ rig", - "▁r ig", - "▁ri g", - "g reen", - "gr een", - "gre en", - "gree n", - "_ vec", - "_v ec", - "▁enum erate", - "▁enumer ate", - "A uto", - "Aut o", - "ic ator", - "ica tor", - "▁ Ray", - "▁R ay", - "▁Ra y", - "as se", - "ass e", - "▁h oliday", - "▁hol iday", - "▁ nullable", - "▁null able", - "▁nulla ble", - "g un", - "gu n", - "_ details", - "_d etails", - "_de tails", - "_detail s", - "_det ails", - "▁ wrapper", - "▁w rapper", - "▁wr apper", - "▁wrap per", - "s eq", - "se q", - "▁ Young", - "▁You ng", - "▁Yo ung", - "ju ana", - "▁\" __", - "▁\"_ _", - "l icense", - "lic ense", - "s erve", - "ser ve", - "serv e", - "^ (", - "i ders", - "id ers", - "ide rs", - "ider s", - ". Remove", - ".Re move", - ".Rem ove", - "rop down", - "' S", - "p in", - "pi n", - "( token", - "(t oken", - "(to ken", - ". Default", - ".D efault", - ".De fault", - ".Def ault", - "▁ reasonable", - "▁reason able", - "amp ion", - "▁S ociety", - "▁Soci ety", - "▁b ei", - "▁be i", - "er ves", - "erv es", - "erve s", - "r ad", - "ra d", - "▁ Fox", - "▁F ox", - "▁Fo x", - "_ images", - "_image s", - "_im ages", - "▁ wheel", - "▁w heel", - "▁whe el", - "' )[", - "') [", - "▁ cfg", - "▁c fg", - "▁cf g", - "( By", - "(B y", - "Con structor", - "Construct or", - "▁v ary", - "▁var y", - "▁va ry", - ".sw ift", - "▁ proxy", - "▁pro xy", - "▁pr oxy", - "▁prox y", - "\t H", - "▁ Another", - "▁An other", - "▁ Pen", - "▁P en", - "▁Pe n", - "▁ checking", - "▁check ing", - "▁ jest", - "▁j est", - "▁je st", - "m anager", - "man ager", - "manage r", - "mana ger", - "Or igin", - "u gs", - "ug s", - "o ir", - "oi r", - "> \r\n", - "▁-- >\r\n", - "▁--> \r\n", - "▁rel ief", - "▁reli ef", - "▁relie f", - "l ap", - "la p", - "q uer", - "qu er", - "que r", - "_ parent", - "_p arent", - "_par ent", - "_pa rent", - "he ap", - "hea p", - "LO SE", - "LOS E", - "▁c ombine", - "▁com bine", - "▁comb ine", - "▁ Rose", - "▁R ose", - "▁Ro se", - "▁Ros e", - "o wers", - "ow ers", - "ower s", - "owe rs", - "▁pro cedures", - "▁proced ures", - "▁procedure s", - "▁ Sort", - "▁S ort", - "▁So rt", - "▁Sor t", - "a nim", - "an im", - "ani m", - "v ariant", - "var iant", - "vari ant", - "eh icle", - "▁sign ing", - "▁sig ning", - "Pr imary", - "c urrency", - "curr ency", - "▁s exe", - "▁se xe", - "▁sex e", - "o en", - "oe n", - "th eta", - "the ta", - "e man", - "em an", - "ema n", - "▁imp ressive", - "▁impress ive", - "( '_", - "(' _", - "\t U", - "▁Text Style", - "_ cnt", - "_c nt", - "_cn t", - "▁ slice", - "▁s lice", - "▁sl ice", - "▁slic e", - "( ':", - "(' :", - "▁under stood", - "▁underst ood", - "H is", - "Hi s", - "2 77", - "27 7", - "0 13", - "01 3", - "▁in formed", - "▁inform ed", - "▁ nick", - "▁n ick", - "▁ni ck", - "▁nic k", - "4 29", - "42 9", - "( TAG", - "(T AG", - "h d", - "▁el ections", - "▁elect ions", - "▁election s", - "▁ele ctions", - "es ture", - "est ure", - "▁S anta", - "▁San ta", - "▁Sant a", - "▁Co ast", - ". pdf", - ".p df", - "inc iple", - "incip le", - "inci ple", - ". clone", - ".cl one", - "b orn", - "bo rn", - "bor n", - "u ta", - "ut a", - "▁l icensed", - "▁license d", - "▁lic ensed", - "C r", - "▁ bread", - "▁b read", - "▁br ead", - "▁bre ad", - "▁H ouston", - "▁Hou ston", - "▁ nod", - "▁n od", - "▁no d", - "▁h opes", - "▁hope s", - "▁hop es", - "▁ho pes", - "▁ CGRect", - "▁CG Rect", - "▁gu ilty", - "▁guilt y", - ". gif", - ".g if", - "▁ rose", - "▁r ose", - "▁ro se", - "▁ros e", - ". Common", - ".Com mon", - "T ip", - "Ti p", - "AN K", - "▁ FC", - "▁F C", - "D uring", - "Du ring", - "Dur ing", - "▁ Symfony", - "▁Sym fony", - "▁def ensive", - "k m", - ") >", - "arch ive", - "▁ URI", - "▁U RI", - "▁UR I", - "yc ling", - "ycl ing", - "- o", - "▁ Website", - "▁We bsite", - "▁Web site", - "A MP", - "AM P", - "4 05", - "40 5", - "ish ment", - "▁do ctors", - "▁doctor s", - "D irect", - "Dir ect", - "Di rect", - "A RI", - "AR I", - "▁ Redirect", - "▁Re direct", - "▁Red irect", - "i eren", - "ie ren", - "ier en", - "iere n", - "9 60", - "96 0", - "_ dist", - "_d ist", - "_dis t", - "_di st", - "y o", - "▁ Progress", - "▁Pro gress", - "▁z um", - "▁zu m", - "▁me mor", - "▁mem or", - "▁memo r", - "▁ ED", - "▁E D", - "▁j ur", - "▁ju r", - "_ TABLE", - "_T ABLE", - "_TAB LE", - "▁ uuid", - "▁u uid", - "▁uu id", - "Ex pr", - "Exp r", - ". head", - ".h ead", - ".he ad", - "( '%", - "(' %", - "point er", - "po inter", - "▁ estimate", - "▁est imate", - "▁estim ate", - "▁ Greg", - "▁G reg", - "▁Gr eg", - "▁Gre g", - "▁ loader", - "▁l oader", - "▁lo ader", - "▁load er", - "▁i OS", - "▁ mens", - "▁m ens", - "▁me ns", - "▁men s", - "[ y", - "▁ref used", - "▁refuse d", - "▁ precision", - "▁p recision", - "▁pre cision", - "▁prec ision", - "▁precis ion", - "i sch", - "is ch", - "isc h", - "▁ ACTION", - "▁A CTION", - "▁AC TION", - "▁ACT ION", - "C loud", - "Cl oud", - "Clo ud", - "s With", - "( ret", - "(r et", - "(re t", - "2 92", - "29 2", - "_ ADDR", - "_ADD R", - "_AD DR", - "_ conf", - "_con f", - "_co nf", - "( df", - "(d f", - "▁ locked", - "▁loc ked", - "▁lock ed", - "▁ rising", - "▁r ising", - "▁ris ing", - "▁ Ms", - "▁M s", - "▁sc enes", - "▁scene s", - "▁scen es", - "_ EXT", - "_E XT", - "_EX T", - "_ raw", - "_r aw", - "_ra w", - "_ the", - "_t he", - "_th e", - "pe ople", - "▁re con", - "▁rec on", - "▁reco n", - "▁ Fun", - "▁F un", - "▁Fu n", - "▁b less", - "▁bl ess", - "▁ble ss", - "▁ Updated", - "▁Up dated", - "▁Update d", - "4 22", - "42 2", - "▁▁▁▁ ▁▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁ ▁▁▁▁\r\n", - "▁▁▁ ▁▁▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁ ▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁ ▁\r\n", - "▁▁▁▁▁ ▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁ ▁▁▁\r\n", - "▁▁▁▁▁▁ ▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁ \r\n", - "▁▁▁▁▁▁▁▁▁▁ ▁▁\r\n", - "p ection", - "pe ction", - "pect ion", - "pec tion", - "Re lease", - "Rel ease", - ". logger", - ".log ger", - "▁ SY", - "▁S Y", - "▁coun sel", - "u rd", - "ur d", - "_ true", - "_tr ue", - "▁every body", - "iv ot", - "ivo t", - "▁h ence", - "▁he nce", - "▁hen ce", - "▁ NAS", - "▁N AS", - "▁NA S", - "7 89", - "78 9", - "▁op posed", - "▁opp osed", - "▁oppos ed", - "▁oppose d", - "un known", - "unk nown", - "▁ DESC", - "▁D ESC", - "▁DE SC", - "▁DES C", - "▁C hair", - "▁Ch air", - "▁Cha ir", - "f ailed", - "fa iled", - "fail ed", - "▁ INCLUDING", - "▁IN CLUDING", - "3 86", - "38 6", - "3 52", - "35 2", - "▁ writers", - "▁w riters", - "▁writ ers", - "▁write rs", - "▁writer s", - "{ }\n", - "{} \n", - "_ copy", - "_c opy", - "_co py", - "} :", - "▁ Bat", - "▁B at", - "▁Ba t", - "▁con verted", - "▁convert ed", - "▁conver ted", - "e ding", - "ed ing", - "edi ng", - "edin g", - "pl acement", - "place ment", - "▁ Host", - "▁H ost", - "▁Ho st", - "S ound", - "So und", - "Sou nd", - "▁s ought", - "▁so ught", - "▁sou ght", - "4 02", - "40 2", - "m id", - "mi d", - "▁ salary", - "▁s alary", - "▁sal ary", - "▁sala ry", - "o gg", - "og g", - "b ul", - "bu l", - "▁w ir", - "▁wi r", - "valid ator", - "_ STAT", - "_ST AT", - ". store", - ".st ore", - "▁ Battle", - "▁B attle", - "▁Bat tle", - "▁Batt le", - "▁ -->\n\n", - "▁-- >\n\n", - "▁-->\n \n", - "▁--> \n\n", - "Tr ump", - "d ot", - "do t", - "▁ CONT", - "▁C ONT", - "▁CON T", - "▁CO NT", - ". fetch", - ".f etch", - "▁contin u", - "w as", - "wa s", - "▁fr aud", - "▁fra ud", - "▁frau d", - "_ tmp", - "_t mp", - "_tm p", - "m itter", - "mit ter", - "mitt er", - ". pictureBox", - ".p ictureBox", - ".picture Box", - "G A", - "▁t ournament", - ". Input", - ".In put", - "3 43", - "34 3", - "[ r", - "ex ion", - "cent age", - "▁K orean", - "▁Kore an", - "▁Korea n", - "▁Kor ean", - "u ndef", - "un def", - "und ef", - "unde f", - "▁ Available", - "▁Av ailable", - "re shape", - "res hape", - "resh ape", - "▁ kit", - "▁k it", - "▁ki t", - "▁ Struct", - "▁Str uct", - "▁ SUB", - "▁S UB", - "▁SU B", - "An swer", - "_ lib", - "_l ib", - "_li b", - ". twitter", - ".t witter", - ".tw itter", - "▁ ore", - "▁o re", - "▁or e", - "▁ Dragon", - "▁D ragon", - "▁Dr agon", - "▁Drag on", - ". Ext", - ".Ex t", - ".E xt", - ", k", - "▁ex planation", - "▁explan ation", - "r efs", - "re fs", - "ref s", - "▁ Drive", - "▁D rive", - "▁Dr ive", - "▁ Training", - "▁Tr aining", - "▁Tra ining", - "▁Train ing", - "2 82", - "28 2", - ". Has", - ".H as", - "3 41", - "34 1", - "int age", - "inta ge", - "b ig", - "bi g", - "olog ist", - "en nis", - "enn is", - "4 60", - "46 0", - "▁ch icken", - "▁chi cken", - "▁chick en", - "▁chic ken", - "▁ ▁▁▁▁▁▁▁▁▁\n", - "▁▁ ▁▁▁▁▁▁▁▁\n", - "▁▁▁▁ ▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁ ▁▁\n", - "▁▁▁ ▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁ ▁▁▁\n", - "▁▁▁▁▁ ▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁ ▁\n", - "▁▁▁▁▁▁ ▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁ \n", - "▁ peak", - "▁pe ak", - "▁dr inking", - "▁drink ing", - "▁ encode", - "▁en code", - "▁enc ode", - "▁ NEW", - "▁N EW", - "▁NE W", - "m alloc", - "mal loc", - "mall oc", - "\t fprintf", - "\tf printf", - "▁= ================================================================", - "▁================= ================================================", - "▁================================================= ================", - "▁================================= ================================", - "in cluding", - "▁princip les", - "▁principle s", - "▁ Mah", - "▁M ah", - "▁Ma h", - "2 67", - "26 7", - "st orage", - "sto rage", - "stor age", - "- key", - "-k ey", - "▁ keyword", - "▁key word", - "% ;", - "▁ trained", - "▁tr ained", - "▁train ed", - "▁tra ined", - ". contrib", - ".con trib", - ".cont rib", - "▁ kv", - "▁k v", - "__ ':\n", - "▁B oy", - "▁Bo y", - "param eter", - "para meter", - "▁ suite", - "▁s uite", - "▁su ite", - "▁suit e", - "▁th ousand", - "▁thous and", - "▁co ordinate", - "▁coord inate", - "▁coordin ate", - "- generated", - "-g enerated", - "g enerated", - "gener ated", - "generate d", - "gene rated", - "▁ad mitted", - "▁adm itted", - "▁admit ted", - "▁p ussy", - "# w", - "▁sw im", - "un ion", - "uni on", - "N a", - "2 74", - "27 4", - "▁R oyal", - "▁Roy al", - "▁Ro yal", - ". channel", - ".ch annel", - "Up dated", - "Update d", - "_ ROOT", - "_R OOT", - "_RO OT", - "▁v ital", - "▁vi tal", - "▁vit al", - "▁vita l", - "3 35", - "33 5", - "r action", - "ra ction", - "rac tion", - "▁Cr usher", - "▁Crush er", - "▁Crus her", - "▁ preced", - "▁pr eced", - "▁pre ced", - "▁prec ed", - "▁ horizontal", - "▁h orizontal", - "▁hor izontal", - "▁horizon tal", - "Blue print", - "▁ attrs", - "▁att rs", - "▁attr s", - "▁sm oke", - "▁smo ke", - ". Equals", - ".E quals", - ".Equal s", - "F B", - "▁ Resources", - "▁Re sources", - "▁Res ources", - "▁Resource s", - "rol ling", - "roll ing", - "▁p asses", - "▁pass es", - "▁pas ses", - "▁passe s", - "▁ Num", - "▁N um", - "▁Nu m", - "r otate", - "rot ate", - "e type", - "et ype", - "ety pe", - "\\ \",", - "\\\" ,", - "▁s ensitive", - "▁sens itive", - "▁t all", - "▁tal l", - "▁ta ll", - "Pro xy", - "Pr oxy", - "i y", - "_ section", - "_s ection", - "_se ction", - "_sec tion", - "b rid", - "br id", - "▁c ircuit", - "▁circ uit", - "a tan", - "at an", - "ata n", - "E NC", - "EN C", - "▁dr iven", - "▁drive n", - "▁driv en", - "▁dri ven", - "▁v oted", - "▁vo ted", - "▁vot ed", - "▁vote d", - "▁educ ational", - "▁education al", - "▁inter action", - "▁interact ion", - "▁inte raction", - "abe tes", - "abet es", - "▁ tone", - "▁t one", - "▁to ne", - "▁ton e", - "▁Initialize Component", - "▁mer ely", - "▁mere ly", - "c ookie", - "co okie", - "_ div", - "_d iv", - "_di v", - "▁ UILabel", - "▁UI Label", - "▁UIL abel", - "v ely", - "ve ly", - "vel y", - "} );\r\n", - "}) ;\r\n", - "}); \r\n", - "_ ENT", - "_E NT", - "_EN T", - "#+ #+", - "art icles", - "article s", - "▁South ern", - "▁Sou thern", - "▁strong er", - "▁ Given", - "▁G iven", - "▁Gi ven", - "▁Give n", - "▁ Eric", - "▁E ric", - "▁Er ic", - "▁ IR", - "▁I R", - "a bstract", - "ab stract", - "abs tract", - "U nder", - "Un der", - "Und er", - "n able", - "na ble", - "▁ increment", - "▁in crement", - "▁incre ment", - "▁inc rement", - "o ven", - "ov en", - "ove n", - "▁ coin", - "▁c oin", - "▁co in", - "_ timer", - "_t imer", - "_time r", - "_tim er", - "▁suffer ed", - "▁suff ered", - "▁ FREE", - "▁F REE", - "▁FR EE", - "'] .\"", - "']. \"", - "▁ Queen", - "▁Qu een", - "▁Que en", - "st ats", - "stat s", - "sta ts", - "▁meet ings", - "▁meeting s", - "2 76", - "27 6", - "▁en tering", - "▁ent ering", - "▁enter ing", - "▁along side", - "( session", - "(s ession", - "(sess ion", - "it als", - "ital s", - "ita ls", - "▁f oundation", - "▁found ation", - "▁ Credit", - "▁C redit", - "▁Cr edit", - "▁Cre dit", - ". div", - ".d iv", - ".di v", - "_ ALL", - "_A LL", - "_AL L", - "p cion", - "pc ion", - "pci on", - "_ stat", - "_st at", - "ic king", - "ick ing", - "Default s", - "_ src", - "_s rc", - "_sr c", - "▁ outputs", - "▁out puts", - "▁output s", - "/ B", - "▁en thus", - "▁ent hus", - "- bl", - "-b l", - ". ForeColor", - ".Fore Color", - "\t temp", - "\tt emp", - "F ace", - "Fac e", - "Fa ce", - "▁inter act", - "▁we ird", - "M ount", - "Mo unt", - "r ell", - "re ll", - "rel l", - "ud ents", - "udent s", - "uden ts", - "▁require ment", - "▁requ irement", - "▁S us", - "▁Su s", - "I ER", - "IE R", - "▁e lected", - "▁el ected", - "▁elect ed", - "re ference", - "refer ence", - "▁ ME", - "▁M E", - "▁s ervers", - "▁ser vers", - "▁server s", - "▁serv ers", - "▁serve rs", - ". wait", - ".w ait", - "▁ snapshot", - "▁s napshot", - "▁snap shot", - "▁snaps hot", - "il ton", - "ilt on", - "▁ tries", - "▁t ries", - "▁tr ies", - "▁tri es", - "▁trie s", - "▁ tipo", - "▁t ipo", - "▁ti po", - "▁tip o", - ". Time", - ".T ime", - "> w", - "▁m ountain", - "▁mount ain", - "▁p ounds", - "▁po unds", - "▁pound s", - "▁[ ...", - "▁[. ..", - "ex ists", - "exist s", - "▁ng On", - "_ MAP", - "_M AP", - "▁f lying", - "▁fl ying", - "▁fly ing", - "3 31", - "33 1", - "xi ety", - "\t value", - "\tv alue", - "\tval ue", - "_ DB", - "_D B", - "u no", - "un o", - "▁se ats", - "▁sea ts", - "▁seat s", - "T URN", - ". author", - ".a uthor", - ".auth or", - ".aut hor", - "! )", - "or ce", - "orc e", - "▁ind icated", - "▁indic ated", - "▁indicate d", - "3 17", - "31 7", - ". sin", - ".s in", - "▁ assignment", - "▁ass ignment", - "▁assign ment", - "im iento", - "imi ento", - "▁ Frame", - "▁F rame", - "▁Fr ame", - "▁Fra me", - "3 24", - "32 4", - "_ gen", - "_g en", - "_ge n", - "in ery", - "ine ry", - "iner y", - "_ )", - "m essages", - "message s", - "mess ages", - ". settings", - ".set tings", - "▁ Mean", - "▁M ean", - "▁Me an", - "▁M useum", - "▁Muse um", - "i rq", - "ir q", - "att ach", - "atta ch", - "▁Pale stin", - "▁Palest in", - "_ QU", - "_Q U", - "_ tags", - "_t ags", - "_tag s", - "▁cas ual", - "e men", - "em en", - "eme n", - "ASS WORD", - "4 32", - "43 2", - "$ s", - "▁C irc", - "▁Ci rc", - "▁Cir c", - "et ric", - "etr ic", - "/ P", - "0 18", - "01 8", - "▁ epoch", - "▁ep och", - "< head", - " The", - ">T he", - "▁ Ak", - "▁A k", - "▁ grass", - "▁gr ass", - "▁gra ss", - "▁gras s", - "/ *\r\n", - "/* \r\n", - "( dis", - "(d is", - "(di s", - "▁ guns", - "▁g uns", - "▁gu ns", - "▁gun s", - "▁ tb", - "▁t b", - "▁ Kevin", - "▁K evin", - "▁Ke vin", - ". args", - ".ar gs", - ".arg s", - "▁ Ah", - "▁A h", - "o ped", - "op ed", - "ope d", - "( J", - "column s", - "arg uments", - "argument s", - "▁With Events", - "_ full", - "_f ull", - "_fu ll", - "▁ Defense", - "▁Def ense", - "S imple", - "Sim ple", - "▁de aths", - "▁death s", - "2 95", - "29 5", - "▁ext ensive", - "▁ Still", - "▁St ill", - "▁ Expression", - "▁Ex pression", - "▁Exp ression", - "▁Express ion", - "▁Expr ession", - "▁A gency", - "▁Ag ency", - "▁Age ncy", - "▁per forming", - "▁perform ing", - "F X", - "▁ usuario", - "▁us uario", - "▁usu ario", - "U AL", - "UA L", - "S ide", - "Si de", - "o dos", - "od os", - "odo s", - "ap top", - "apt op", - "▁ credentials", - "▁c redentials", - "▁cred entials", - "▁credential s", - "_ cap", - "_c ap", - "_ca p", - "at ient", - "ati ent", - "atie nt", - "▁Dis ney", - "▁ ai", - "▁a i", - "▁ chip", - "▁c hip", - "▁ch ip", - "▁chi p", - "▁v olt", - "▁vo lt", - "▁vol t", - ".make Text", - "%%%%%%%% %%%%%%%%", - "▁ belief", - "▁bel ief", - "▁belie f", - "_ LOC", - "_L OC", - "_LO C", - "▁C ivil", - "▁Ci vil", - "N avigation", - "Nav igation", - "▁re veal", - "▁reve al", - "▁viol ent", - "▁ Fil", - "▁F il", - "▁Fi l", - "▁ catalog", - "▁c atalog", - "▁cat alog", - "▁cata log", - "▁catal og", - "e med", - "em ed", - "eme d", - "s can", - "sc an", - ". control", - ".cont rol", - "▁ constitution", - "▁con stitution", - "▁const itution", - "▁constit ution", - "▁constitu tion", - "C ountry", - "Count ry", - "Se parator", - "Separ ator", - "_ APP", - "_A PP", - "_AP P", - "t opic", - "to pic", - "top ic", - "uet ooth", - "M IN", - "MI N", - "▁ descriptor", - "▁des criptor", - "y t", - "ET HER", - "ETH ER", - "▁dis tribute", - "▁distrib ute", - "' }\n", - "'} \n", - ". trim", - ".t rim", - ".tr im", - ". Line", - ".L ine", - "▁ lbl", - "▁l bl", - "▁lb l", - "assert Equals", - "▁ Det", - "▁D et", - "▁De t", - "omb ok", - "( width", - "(w idth", - "▁t ort", - "▁to rt", - "▁tor t", - "▁EXP RESS", - "a co", - "ac o", - "Us ing", - "▁ Brand", - "▁B rand", - "▁Br and", - "▁Bra nd", - "w all", - "wa ll", - "wal l", - "E MENT", - "EM ENT", - "▁Comm unic", - "▁Commun ic", - "< uint", - " (\n", - ">( \n", - "? >\"", - "?> \"", - "▁ ///\n", - "▁// /\n", - "▁/ //\n", - "▁/// \n", - "▁e iner", - "▁ein er", - "▁eine r", - "▁ei ner", - "▁week ly", - "\t logger", - "\tlog ger", - "_ pop", - "_p op", - "_ man", - "_m an", - "▁m igrations", - "▁migr ations", - "▁migration s", - "▁ asks", - "▁as ks", - "▁ask s", - "▁ bs", - "▁b s", - "▁ falls", - "▁f alls", - "▁fall s", - "▁fal ls", - ". Where", - ".W here", - ".Wh ere", - "- height", - "-he ight", - "_ feature", - "_f eature", - "_fe ature", - "_feat ure", - ". Min", - ".M in", - "▁h yper", - "▁hy per", - "▁hyp er", - "▁hype r", - "▁ volatile", - "▁v olatile", - "▁vol atile", - "▁tw enty", - "▁twe nty", - "Typ ography", - "U nable", - "Un able", - "D et", - "De t", - ", f", - "- mod", - "-m od", - "▁set tlement", - "▁sett lement", - "▁settle ment", - "▁con tracts", - "▁contract s", - "▁contr acts", - "▁contra cts", - "n ome", - "no me", - "nom e", - "B ad", - "Ba d", - "▁ Brian", - "▁B rian", - "▁Br ian", - "▁Bri an", - "7 68", - "76 8", - "( username", - "(user name", - "! !!!", - "!! !!", - "!!! !", - "▁h ack", - "▁ha ck", - "▁hac k", - ". Field", - ".F ield", - "H R", - "▁J ordan", - "i za", - "iz a", - "▁S her", - "▁Sh er", - "▁She r", - ". header", - ".head er", - ".he ader", - "( other", - "(o ther", - "▁D ub", - "▁Du b", - "( op", - "(o p", - "▁ Round", - "▁R ound", - "▁Ro und", - "▁Rou nd", - "▁v ie", - "▁vi e", - "▁app l", - "▁ap pl", - "\t J", - "▁ Insert", - "▁In sert", - "▁Ins ert", - "▁ LP", - "▁L P", - "re gon", - "reg on", - "▁ MPI", - "▁M PI", - "▁MP I", - "▁ anchor", - "▁an chor", - "▁anch or", - "▁anc hor", - "a ca", - "ac a", - "▁ ade", - "▁a de", - "▁ad e", - "an chor", - "anc hor", - "anch or", - "qu ee", - "que e", - "▁ TreeNode", - "▁T reeNode", - "▁Tree Node", - "▁target ed", - "▁l aid", - "▁la id", - "AB EL", - "v et", - "ve t", - "▁ Origin", - "▁Or igin", - "▁Ori gin", - "▁Orig in", - "A nt", - "An t", - ". ');\n", - ".' );\n", - ".') ;\n", - "ex pect", - "exp ect", - "ed Reader", - "▁ Major", - "▁M ajor", - "▁Maj or", - "▁ inch", - "▁in ch", - "▁inc h", - "Com par", - "Comp ar", - "▁ preview", - "▁p review", - "▁pre view", - "▁prev iew", - "▁ill ness", - "▁CON TRACT", - "▁CONTR ACT", - "▁CONT RACT", - "▁In depend", - "▁Ind epend", - "u uid", - "uu id", - "▁ nome", - "▁n ome", - "▁no me", - "▁nom e", - "▁ tc", - "▁t c", - "▁A venue", - "i san", - "is an", - "isa n", - "▁ phrase", - "▁ph rase", - "_ move", - "_m ove", - "_mov e", - "\" )[", - "\") [", - "4 12", - "41 2", - "▁pro vision", - "▁prov ision", - "▁conc entr", - "▁concent r", - "_ IR", - "_I R", - "▁ Ut", - "▁U t", - "( )+", - "() +", - "▁ nas", - "▁n as", - "▁na s", - "! ,", - "▁Rob in", - "▁Ro bin", - "i ations", - "iation s", - "iat ions", - "at itude", - "▁ px", - "▁p x", - "▁ Without", - "▁With out", - "/ bash", - "/b ash", - "e kt", - "ek t", - "re ement", - "ree ment", - "3 42", - "34 2", - "Ob server", - "Observ er", - "3 18", - "31 8", - "▁ Region", - "▁Reg ion", - "UBL IC", - "▁ {//", - "▁{ //", - "K N", - "Game Object", - "en coding", - "enc oding", - "▁ ***", - "▁* **", - "▁** *", - "project s", - "▁ tk", - "▁t k", - "▁che ese", - "▁chees e", - "EM PL", - "EMP L", - "a ro", - "ar o", - "6 10", - "61 0", - "3 37", - "33 7", - "▁cons ists", - "▁consist s", - "ref resh", - "ure au", - "▁ Scanner", - "▁Sc anner", - "▁Scan ner", - "▁so il", - "▁fl avor", - "▁flav or", - "Data Source", - "Ex ecute", - "Exec ute", - "▁ shit", - "▁s hit", - "▁sh it", - "< any", - " < /", - "Qu antity", - "Quant ity", - "qu iry", - "quir y", - "qui ry", - "_ tab", - "_t ab", - "▁ alg", - "▁a lg", - "▁al g", - "To ast", - "re size", - "res ize", - "quest ions", - "question s", - "s chema", - "sch ema", - "L iteral", - "Lite ral", - "( entity", - "(ent ity", - "NE CTION", - "NECT ION", - "ch anged", - "change d", - "chan ged", - "_ FIELD", - "_F IELD", - "_ HEIGHT", - "_HE IGHT", - "▁ organic", - "▁org anic", - "▁organ ic", - "P RE", - "PR E", - "▁ Cat", - "▁C at", - "▁Ca t", - ". Draw", - ".D raw", - "E s", - "▁ loud", - "▁l oud", - "▁lo ud", - "▁lou d", - "6 80", - "68 0", - "▁▁ ▁▁▁▁▁▁\t", - "▁▁▁▁ ▁▁▁▁\t", - "▁▁▁▁▁▁▁▁ \t", - "▁▁▁▁▁▁▁ ▁\t", - "▁▁▁▁▁ ▁▁▁\t", - "▁▁▁▁▁▁ ▁▁\t", - "▁K at", - "▁Ka t", - "▁ heap", - "▁he ap", - "0 70", - "07 0", - "e tr", - "et r", - "▁ unlikely", - "▁un likely", - "▁unlike ly", - "er als", - "era ls", - "eral s", - "/ auth", - "/a uth", - "5 02", - "50 2", - "t odo", - "to do", - "P lace", - "Pl ace", - "Post ed", - "Pos ted", - "Po sted", - "Com ments", - "Comment s", - "Comm ents", - "▁ Tech", - "▁T ech", - "▁Te ch", - "▁ Finally", - "▁F inally", - "▁Fin ally", - "▁Final ly", - "eg ration", - "egr ation", - "▁min imal", - "▁mini mal", - "▁minim al", - "▁ Files", - "▁F iles", - "▁File s", - "▁Fil es", - "▁Fi les", - "▁t amb", - "▁ta mb", - "▁tam b", - "▁ Release", - "▁Re lease", - "▁Rel ease", - "4 25", - "42 5", - ". resize", - ".re size", - ".res ize", - "c ollect", - "col lect", - "coll ect", - "= p", - "▁LI ABLE", - "▁p roducing", - "▁produ cing", - "▁prod ucing", - "- wrapper", - "-w rapper", - "-wrap per", - "▁s ingles", - "▁single s", - "▁sing les", - "▁N BA", - "▁NB A", - "o rr", - "or r", - "e ren", - "er en", - "ere n", - ". addAction", - ".add Action", - "▁ thesis", - "▁th esis", - "▁the sis", - "d n", - "P TY", - "PT Y", - ". des", - ".d es", - ".de s", - "▁b acter", - "▁ Express", - "▁Ex press", - "▁Exp ress", - "▁Expr ess", - "▁ *)\n", - "▁* )\n", - "▁*) \n", - "/ admin", - "/ad min", - "se conds", - "sec onds", - "second s", - "uss ion", - "ab eth", - "abe th", - "abet h", - "▁ Computer", - "▁Com puter", - "▁Comp uter", - "▁Compute r", - "▁Comput er", - "▁r uling", - "▁ru ling", - "(\" ../", - "(\". ./", - ". GET", - ".G ET", - "▁Me dal", - "▁Med al", - "ition ally", - "itional ly", - "com mit", - "comm it", - "f ocus", - "fo cus", - "_ LEVEL", - "_LE VEL", - "i nda", - "in da", - "ind a", - "F act", - "Fac t", - "Fa ct", - "= np", - "=n p", - "=\" \">\n", - "=\"\" >\n", - "=\"\"> \n", - "▁subsequ ent", - "pos able", - "-fl uid", - "▁th orough", - "▁tho rough", - "▁public ly", - "ap ters", - "apt ers", - "apter s", - "▁Wil son", - "_ PRE", - "_P RE", - "_PR E", - "y ard", - "ya rd", - "yar d", - "\t in", - "\ti n", - "3 39", - "33 9", - "▁re vers", - "▁rev ers", - "▁reve rs", - "▁rever s", - "▁ bullet", - "▁b ullet", - "▁bul let", - "▁bull et", - "cri bed", - "cribe d", - "nes ota", - "▁ ($_", - "▁( $_", - "▁($ _", - "an non", - "ann on", - "anno n", - "c ursor", - "curso r", - "▁clo thing", - "▁cloth ing", - "▁ Multi", - "▁M ulti", - "▁Mult i", - "▁Mul ti", - "2 87", - "28 7", - ": ',", - ":' ,", - "▁v ess", - "▁ve ss", - "ord inator", - "ordin ator", - "▁ein em", - "▁eine m", - "C annot", - "Can not", - "▁ armed", - "▁ar med", - "▁arm ed", - "\t V", - ". Flat", - ".F lat", - "▁ Sep", - "▁S ep", - "▁Se p", - "▁ Subject", - "▁Sub ject", - "▁Su bject", - "_ font", - "_f ont", - "▁character istics", - "▁characteristic s", - "D one", - "Do ne", - "Don e", - "e ln", - "el n", - "#### ########", - "######## ####", - "P OS", - "PO S", - "▁d ensity", - "▁dens ity", - "▁ Platform", - "▁Pl atform", - "- items", - "-item s", - "-it ems", - "▁ overs", - "▁o vers", - "▁over s", - "▁ov ers", - "▁p ushing", - "▁push ing", - ". Connection", - ".Con nection", - ".Connect ion", - ".Conn ection", - "_ term", - "_t erm", - "_te rm", - "▁initial ization", - "________________ ________________", - ". document", - ".d ocument", - ".doc ument", - "l esh", - "le sh", - "les h", - "\t document", - "\td ocument", - "\tdoc ument", - "▁ Pin", - "▁P in", - "▁Pi n", - "▁ definitions", - "▁definition s", - "▁definit ions", - "▁defin itions", - ". Path", - ".P ath", - "_ WRITE", - "_W RITE", - "_WR ITE", - "▁ \t\n", - "▁\t \n", - "? >\n\n", - "?> \n\n", - "?>\n \n", - "▁ter rible", - "▁terr ible", - "b ean", - "be an", - "ick ets", - "icket s", - "▁ SV", - "▁S V", - "B uy", - "Bu y", - "( task", - "(t ask", - "▁reg ime", - "g oogle", - "go ogle", - "goog le", - "▁cr ack", - "▁cra ck", - ". visit", - ".vis it", - "N UM", - "NU M", - "e nergy", - "en ergy", - "ener gy", - "▁str uck", - "_ sample", - "_s ample", - ". payload", - ".p ayload", - ".pay load", - "▁re vis", - "▁rev is", - "▁ Scene", - "▁S cene", - "▁Sc ene", - "▁ pg", - "▁p g", - "▁break fast", - "URRE NT", - ".char At", - "_ exception", - "_ex ception", - "_except ion", - "▁A nton", - "▁An ton", - "▁Ant on", - "▁guide lines", - "▁guid elines", - "▁ex haust", - "▁ Financial", - "▁Fin ancial", - "▁ indent", - "▁in dent", - "▁ind ent", - "▁inde nt", - "▁ desktop", - "▁des ktop", - "▁desk top", - "H idden", - "Hi dden", - "F ailure", - "Fail ure", - "▁pr inciple", - "▁princip le", - "▁ iv", - "▁i v", - "▁s eks", - "▁se ks", - "▁sek s", - "n etwork", - "net work", - "▁ numberOf", - "▁number Of", - "▁Al bert", - "▁Alb ert", - "\t long", - "\tl ong", - "8 01", - "80 1", - ", .", - "▁ zeros", - "▁z eros", - "▁zero s", - "▁ze ros", - "f ade", - "fa de", - "▁ Typ", - "▁T yp", - "▁Ty p", - "▁ Term", - "▁T erm", - "▁Te rm", - "▁Ter m", - "▁Ar ts", - "▁Art s", - ". Application", - ".App lication", - "▁be half", - "▁beh alf", - "▁ mere", - "▁m ere", - "▁me re", - "▁mer e", - "( `${", - "(` ${", - "▁aware ness", - "el pers", - "elp ers", - "elper s", - "f lix", - "fl ix", - "▁ weigh", - "▁we igh", - "▁est imates", - "▁estim ates", - "▁estimate s", - ". child", - ".ch ild", - "/ O", - "▁ Bitmap", - "▁B itmap", - "▁Bit map", - ". bottom", - ".b ottom", - ".bot tom", - "▁** ************************************************************************", - "▁************************************************************************ **", - "Ex pect", - "Exp ect", - "en to", - "ent o", - "▁ Forum", - "▁F orum", - "▁For um", - "▁Fo rum", - "v eral", - "ver al", - "ve ral", - "▁j ail", - "▁ja il", - "▁ abilities", - "▁ab ilities", - "▁H OLD", - "▁HO LD", - "▁C it", - "▁Ci t", - "▁d ynam", - "▁dy nam", - "▁dyn am", - "▁ gray", - "▁g ray", - "▁gr ay", - "▁gra y", - "\t \t\t\t\t\t\t\t\t\t\t\t\t", - "\t\t \t\t\t\t\t\t\t\t\t\t\t", - "\t\t\t\t \t\t\t\t\t\t\t\t\t", - "\t\t\t \t\t\t\t\t\t\t\t\t\t", - "\t\t\t\t\t \t\t\t\t\t\t\t\t", - "\t\t\t\t\t\t \t\t\t\t\t\t\t", - "\t\t\t\t\t\t\t\t \t\t\t\t\t", - "\t\t\t\t\t\t\t \t\t\t\t\t\t", - "\t\t\t\t\t\t\t\t\t \t\t\t\t", - "\t\t\t\t\t\t\t\t\t\t \t\t\t", - "\t\t\t\t\t\t\t\t\t\t\t \t\t", - "\t\t\t\t\t\t\t\t\t\t\t\t \t", - ".next Int", - "ant ly", - "▁AR ISING", - "( private", - "(pr ivate", - "(priv ate", - "▁re jected", - "▁reject ed", - "▁ Nic", - "▁N ic", - "▁Ni c", - "▁le ather", - "= {\n", - "={ \n", - "aly tics", - "t hetic", - "th etic", - "the tic", - ". Top", - ".T op", - ".To p", - "3 73", - "37 3", - ". Page", - ".P age", - "={ `", - "▁ ;\r\n", - "▁; \r\n", - "de pth", - "dep th", - "dept h", - "m ann", - "man n", - "ma nn", - "W D", - "▁ Som", - "▁S om", - "▁So m", - ". Right", - ".R ight", - "▁ )}\n", - "▁) }\n", - "▁ trait", - "▁t rait", - "▁tr ait", - "▁tra it", - "i ac", - "ia c", - "▁ rv", - "▁r v", - "S ample", - "Sam ple", - ". Xml", - ".X ml", - "o pped", - "op ped", - "opp ed", - "l ists", - "li sts", - "list s", - "lis ts", - "▁t ear", - "▁te ar", - "▁tea r", - "ivers ary", - ". collection", - ".c ollection", - ".col lection", - ".collect ion", - ".coll ection", - "▁Con stitution", - "▁Const itution", - "▁ HttpResponse", - "▁Http Response", - "▁br ill", - "▁bri ll", - "▁ Prom", - "▁P rom", - "▁Pro m", - "▁Pr om", - "h over", - "ho ver", - "3 66", - "36 6", - "▁M iami", - "▁Mi ami", - "▁Mia mi", - "▁ar gue", - "▁arg ue", - "_ float", - "_f loat", - "5 04", - "50 4", - "▁ nat", - "▁n at", - "▁na t", - "▁T al", - "▁Ta l", - "▁ integration", - "▁int egration", - "▁integ ration", - "▁integr ation", - "( cur", - "(c ur", - "▁rem oving", - "▁ coeff", - "▁c oeff", - "▁co eff", - "▁coef f", - "▁ Though", - "▁Th ough", - "▁ forecast", - "▁fore cast", - "4 08", - "40 8", - "▁V egas", - "▁Ve gas", - "S ite", - "Si te", - "Sit e", - "3 46", - "34 6", - "▁t rab", - "▁tr ab", - "▁tra b", - "▁Hen ry", - "- i", - "▁inv olves", - "▁invol ves", - "▁involve s", - "B T", - "▁s lo", - "▁sl o", - "In voke", - "Inv oke", - "▁l ucky", - "▁luck y", - "▁luc ky", - "0 25", - "02 5", - "r at", - "ra t", - "▁ ?\n", - "▁? \n", - "▁ handled", - "▁hand led", - "▁handle d", - "( fd", - "(f d", - "cont ents", - "content s", - "▁ OFF", - "▁O FF", - "▁OF F", - "R F", - "▁s ty", - "▁st y", - "▁ Motor", - "▁M otor", - "▁Mo tor", - "▁Mot or", - "▁Moto r", - "t ery", - "ter y", - "te ry", - "t ax", - "ta x", - "M AP", - "MA P", - "▁ Mrs", - "▁M rs", - "▁Mr s", - "▁ phones", - "▁ph ones", - "▁phone s", - "▁phon es", - "▁ UIView", - "▁UI View", - "\" )));\n", - "\") ));\n", - "\")) );\n", - "\"))) ;\n", - "( dev", - "(d ev", - "(de v", - "▁Ir ish", - "0 19", - "01 9", - "▁ ws", - "▁w s", - "D I", - "_OFF SET", - "▁ Events", - "▁E vents", - "▁Event s", - "▁Even ts", - "▁Ev ents", - "▁st ages", - "▁stage s", - "▁sta ges", - "▁ }//", - "▁} //", - "▁h aben", - "▁hab en", - "▁ha ben", - "▁habe n", - "ST ANCE", - "▁ Sin", - "▁S in", - "▁Si n", - "▁ Money", - "▁M oney", - "▁Mon ey", - "▁Mo ney", - "( top", - "(t op", - "(to p", - "▁ appointment", - "▁app ointment", - "▁appoint ment", - "V ERSION", - "VER SION", - "m etadata", - "met adata", - "meta data", - "_ comment", - "_com ment", - "_comm ent", - "▁colle agues", - "▁colleague s", - "m aps", - "ma ps", - "map s", - "\n \t\n", - "( al", - "(a l", - "_ req", - "_re q", - "_r eq", - "▁f ut", - "▁fu t", - "▁arch itecture", - "▁architect ure", - "3 51", - "35 1", - "▁WH ETHER", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "_ screen", - "_s creen", - "_sc reen", - "_scr een", - "▁style Urls", - "▁ monster", - "▁mon ster", - ". up", - ".u p", - "ph ia", - "phi a", - "▁ processor", - "▁process or", - "▁proc essor", - "▁processo r", - "▁ Terr", - "▁T err", - "▁Te rr", - "▁Ter r", - "= ',", - "=' ,", - "▁Man ufact", - "▁ NT", - "▁N T", - "k el", - "ke l", - "ib ern", - "iber n", - "ibe rn", - "\t file", - "\tf ile", - "\tfi le", - "A li", - "Al i", - "rient ation", - "▁ //!", - "▁// !", - "ap ore", - "apor e", - "an eous", - "ane ous", - "▁ Creat", - "▁C reat", - "▁Cr eat", - "▁Cre at", - "f older", - "fol der", - "fold er", - "4 15", - "41 5", - "▁h ay", - "▁ha y", - "Sup press", - "( left", - "(l eft", - "▁e uro", - "▁eu ro", - "▁dis claimer", - "u stry", - "us try", - "ust ry", - "ustr y", - "s hips", - "sh ips", - "ship s", - "shi ps", - "_ fd", - "_f d", - "▁ Fa", - "▁F a", - "_ insert", - "_in sert", - "_ins ert", - "▁ rol", - "▁r ol", - "▁ro l", - "if ting", - "ift ing", - "▁ Comments", - "▁Com ments", - "▁Comm ents", - "▁Comment s", - "_ br", - "_b r", - "▁los ses", - "▁loss es", - "▁ Added", - "▁Ad ded", - "▁Add ed", - "ch arg", - "char g", - "cha rg", - "_ system", - "_s ystem", - "_sys tem", - "▁ Sometimes", - "▁S ometimes", - "▁Some times", - "▁Som etimes", - "▁Sp ain", - "▁Spa in", - "( group", - "(g roup", - "(gr oup", - "i alis", - "ial is", - "ia lis", - "▁d ollar", - "▁doll ar", - "▁dol lar", - "▁ Args", - "▁Ar gs", - "▁Arg s", - "4 99", - "49 9", - "2 97", - "29 7", - "qu ires", - "quire s", - "quir es", - "qui res", - "▁ Ten", - "▁T en", - "▁Te n", - ".s css", - ".sc ss", - "▁surv ive", - "▁surviv e", - "us age", - "usa ge", - "▁ jun", - "▁j un", - "▁ju n", - "im iter", - "imit er", - "imi ter", - "▁f ifth", - "▁fif th", - "t oggle", - "▁dec line", - "▁decl ine", - "($ \"", - "( Long", - "(L ong", - "in ge", - "ing e", - "▁p ilot", - "▁pi lot", - "▁pil ot", - "- light", - "-l ight", - "- radius", - "-r adius", - "▁pod cast", - "▁natural ly", - "▁natur ally", - "▁nat urally", - "P ages", - "Page s", - "Pa ges", - "Pag es", - "▁ Despite", - "▁Des pite", - "▁l ighting", - "▁light ing", - "▁ crate", - "▁c rate", - "▁cr ate", - "▁cra te", - "▁ Binary", - "▁B inary", - "▁Bin ary", - "▁red ucing", - "▁redu cing", - "▁e leg", - "▁el eg", - "▁ele g", - "▁ Mouse", - "▁M ouse", - "▁Mo use", - "▁Test Bed", - "▁before Each", - "_ ARRAY", - "_AR RAY", - "Re direct", - "Red irect", - "3 29", - "32 9", - "▁f lood", - "▁fl ood", - "▁flo od", - "▁ ships", - "▁s hips", - "▁sh ips", - "▁ship s", - "3 63", - "36 3", - "▁electric ity", - "▁electr icity", - ") *(", - ")* (", - "▁V iet", - "▁Vi et", - "▁Vie t", - "h ero", - "he ro", - "her o", - "▁ dia", - "▁d ia", - "▁di a", - "▁K ent", - "▁Ke nt", - "▁Ken t", - "he art", - "hea rt", - "▁threat s", - "_ acc", - "_a cc", - "_ac c", - "▁s ymbols", - "▁symbol s", - "is chen", - "isc hen", - "ische n", - "isch en", - "_ inst", - "_in st", - "_i nst", - "_ins t", - "C riterion", - "▁ TIM", - "▁T IM", - "▁TI M", - ". Height", - ".He ight", - "5 80", - "58 0", - "( );\n\n\n", - "() ;\n\n\n", - "();\n \n\n", - "();\n\n \n", - "(); \n\n\n", - "Product s", - "Produ cts", - "_ SP", - "_S P", - "▁ Cy", - "▁C y", - "▁ dependent", - "▁dep endent", - "▁depend ent", - "e ste", - "es te", - "est e", - "▁ datos", - "▁d atos", - "▁da tos", - "▁dat os", - "▁dato s", - "d it", - "di t", - "IGN AL", - "▁ lesson", - "▁le sson", - "▁less on", - "▁les son", - "\" >'", - "\"> '", - "▁ Cover", - "▁C over", - "▁Co ver", - "▁ Hope", - "▁H ope", - "▁Ho pe", - "▁Hop e", - "▁ Timer", - "▁T imer", - "▁Time r", - "▁Tim er", - "▁Ti mer", - "▁ dad", - "▁d ad", - "▁da d", - "v iders", - "vid ers", - "vider s", - "vi ders", - "vide rs", - "▁ Phot", - "▁P hot", - "▁Ph ot", - "/ ?", - "r opy", - "ro py", - "rop y", - "o ming", - "om ing", - "omin g", - "omi ng", - "as ion", - "asi on", - "asio n", - "▁ \\(", - "▁\\ (", - "▁ ET", - "▁E T", - "▁ Reading", - "▁Re ading", - "▁Read ing", - "▁ep isodes", - "▁episode s", - "l m", - "4 21", - "42 1", - "e cha", - "ec ha", - "ech a", - "▁ne uro", - "▁neu ro", - "▁neur o", - "8 20", - "82 0", - "▁har mon", - "▁harm on", - "▁lib eral", - "▁liber al", - "- ind", - "-in d", - "-i nd", - "3 93", - "39 3", - "D ATA", - "DA TA", - "DAT A", - "▁every day", - "▁di vided", - "▁div ided", - "▁divide d", - "▁divid ed", - "▁Active Record", - "f igure", - "fig ure", - "U A", - "riend ly", - "t ech", - "te ch", - "tec h", - "6 01", - "60 1", - ". gameObject", - ".game Object", - "3 74", - "37 4", - "▁m oon", - "▁mo on", - "▁moo n", - "f time", - "ft ime", - "▁n och", - "▁no ch", - "▁T ORT", - "▁TO RT", - "▁ VM", - "▁V M", - ". initial", - ".in itial", - ".init ial", - "( child", - "(ch ild", - "▁mus ical", - "▁music al", - "▁ oc", - "▁o c", - "b as", - "ba s", - "▁ Hay", - "▁H ay", - "▁Ha y", - "3 61", - "36 1", - "_ long", - "_l ong", - "_lo ng", - "_lon g", - "▁mem set", - "i ley", - "il ey", - "ile y", - "adel phia", - "S V", - "ro at", - "_ tx", - "_t x", - "▁ lon", - "▁l on", - "▁lo n", - "▁ngOn Init", - "b p", - "▁ Golden", - "▁Gold en", - "▁Gol den", - "A CHE", - "AC HE", - "ACH E", - "▁wor ried", - "a zi", - "az i", - "E ar", - "T ake", - "Ta ke", - "( fp", - "(f p", - "burg h", - "bur gh", - "_ Data", - "_D ata", - "g res", - "gr es", - "gre s", - "▁O nt", - "▁On t", - "p us", - "pu s", - "▁ transparent", - "▁trans parent", - "▁p ocket", - "▁po cket", - "▁poc ket", - "▁ ram", - "▁r am", - "▁ra m", - "igration s", - "igr ations", - ". \r\n\r\n", - ".\r\n \r\n", - "▁ [(", - "▁[ (", - "▁adopt ed", - "▁report edly", - "▁reported ly", - "▁D ream", - "▁Dr eam", - "▁ }));\n", - "▁} ));\n", - "▁}) );\n", - "l osing", - "los ing", - "▁te eth", - "▁tee th", - "▁ Books", - "▁B ooks", - "▁Bo oks", - "▁Book s", - "\" ,&", - "\", &", - "en ny", - "enn y", - "L EMENT", - "LE MENT", - "LEM ENT", - "▁ gel", - "▁g el", - "▁ge l", - "▁ Plant", - "▁Pl ant", - "▁Plan t", - "4 37", - "43 7", - ". host", - ".h ost", - "▁ Reply", - "▁Re ply", - "▁Rep ly", - "3 76", - "37 6", - "r ength", - "re ngth", - "▁rec ognition", - "▁recogn ition", - "▁ }}>\n", - "▁} }>\n", - "▁}} >\n", - "▁}}> \n", - "L A", - "▁m irror", - "▁mir ror", - "▁mi rror", - "▁ass istant", - "▁assist ant", - "( device", - "(de vice", - "(dev ice", - "▁spirit ual", - "b uilder", - "build er", - "bu ilder", - "▁out r", - "▁ou tr", - "▁ tt", - "▁t t", - "▁ PER", - "▁P ER", - "▁PE R", - "▁rad ical", - "▁radi cal", - "Method s", - "▁ pace", - "▁p ace", - "▁pa ce", - "▁pac e", - "u dy", - "ud y", - "▁g ut", - "▁gu t", - "▁G reek", - "▁Gre ek", - "▁Gree k", - "▁ nonatomic", - "▁non atomic", - "▁ Paper", - "▁P aper", - "▁Pa per", - "▁Pap er", - "_ GPIO", - "_G PIO", - "▁o bst", - "▁ob st", - "▁obs t", - ". Ad", - ".A d", - "viron ments", - "vironment s", - "▁S ov", - "▁So v", - "3 56", - "35 6", - "( con", - "(c on", - "(co n", - "▁ Transaction", - "▁Trans action", - ". assign", - ".as sign", - "\t catch", - "\tc atch", - "el ter", - "elt er", - "▁bit coin", - "_ GR", - "_G R", - "▁ \r\n", - "▁/ >\r\n", - "▁/> \r\n", - "m etic", - "me tic", - "met ic", - "▁trans formation", - "▁transform ation", - "▁ rgb", - "▁r gb", - "▁rg b", - "istrib utions", - "istribution s", - "▁ implicit", - "▁imp licit", - "▁impl icit", - "/ in", - "/i n", - "d estination", - "dest ination", - "Z ero", - "Ze ro", - "▁ unset", - "▁un set", - "▁uns et", - "9 20", - "92 0", - ". where", - ".w here", - ".wh ere", - ". go", - ".g o", - "▁ formation", - "▁form ation", - "▁format ion", - "▁forma tion", - "▁de claration", - "▁declar ation", - "( )\r\n\r\n", - "() \r\n\r\n", - "()\r\n \r\n", - "▁ Expl", - "▁Ex pl", - "▁Exp l", - "\t \t\t▁▁", - "\t\t \t▁▁", - "\t\t\t ▁▁", - "\t\t\t▁ ▁", - "/ pro", - "/p ro", - "/pr o", - ". JSON", - ".J SON", - "4 41", - "44 1", - "▁ desk", - "▁de sk", - "▁des k", - ". substr", - ".sub str", - "// ----------------------------------------------------------------------------", - "//---------------------------------------------------------------- ------------", - "//------------------------------------------------ ----------------------------", - "l yn", - "ly n", - "p son", - "ps on", - "4 07", - "40 7", - "dis able", - "▁ Func", - "▁F unc", - "▁Fun c", - "▁Fu nc", - "\t Assert", - "▁ MARK", - "▁M ARK", - "▁MAR K", - "▁de feat", - "▁def eat", - "▁defe at", - "▁bl ind", - "▁bli nd", - "▁ constants", - "▁con stants", - "▁const ants", - "▁constant s", - "3 62", - "36 2", - ". headers", - ".head ers", - ".header s", - ".he aders", - "U ILD", - "UI LD", - "UIL D", - "▁exp enses", - "▁expense s", - "P ixel", - "▁ hr", - "▁h r", - "▁ fel", - "▁f el", - "▁fe l", - "▁East ern", - "▁Easter n", - "4 24", - "42 4", - "4 90", - "49 0", - "_ del", - "_d el", - "_de l", - "3 57", - "35 7", - "▁C ub", - "▁Cu b", - "▁ sq", - "▁s q", - "\t count", - "\tc ount", - "▁ Directory", - "▁D irectory", - "▁Direct ory", - "▁Director y", - "▁ex clus", - "▁histor ic", - "▁hist oric", - "▁ ------------------------------------------------", - "▁---------------- --------------------------------", - "▁-------------------------------- ----------------", - "▁com position", - "▁comp osition", - "▁compos ition", - "▁data GridView", - "▁B urn", - "▁Bur n", - "▁Bu rn", - "▁ BC", - "▁B C", - "M aster", - "Ma ster", - "Mas ter", - "▁ spawn", - "▁sp awn", - "▁spa wn", - "▁b earing", - "▁be aring", - "▁bear ing", - ".Set Active", - "i lo", - "il o", - "▁ gallery", - "▁g allery", - "▁gall ery", - "▁f ounded", - "▁found ed", - "▁fo unded", - "▁ availability", - "▁av ailability", - "▁avail ability", - ". sqrt", - ".s qrt", - "▁ pes", - "▁p es", - "▁pe s", - "▁ DOM", - "▁D OM", - "▁DO M", - "m ate", - "ma te", - "mat e", - "O ct", - "▁ matched", - "▁m atched", - "▁match ed", - "▁mat ched", - "it ivity", - "▁an xiety", - ". price", - ".p rice", - ".pr ice", - "▁ Instant", - "▁In stant", - "▁Inst ant", - "▁Ins tant", - "▁t ut", - "▁tu t", - "I Collection", - "IC ollection", - ". shared", - ".sh ared", - ".share d", - "_ sql", - "_s ql", - "_sq l", - "t bl", - "tb l", - "l ibrary", - "lib rary", - "_ destroy", - "_d estroy", - "_de stroy", - "_dest roy", - "er mal", - "erm al", - "▁ Notes", - "▁N otes", - "▁No tes", - "▁Not es", - "▁Note s", - "▁ Ein", - "▁E in", - "▁sou thern", - "▁south ern", - "▁OTHER WISE", - "▁ macro", - "▁m acro", - "▁ma cro", - "▁mac ro", - ". lower", - ".l ower", - ".lo wer", - ".low er", - "c ls", - "cl s", - "Content View", - ". link", - ".l ink", - ".li nk", - "con stant", - "const ant", - "cons tant", - "▁ Bes", - "▁B es", - "▁Be s", - "▁some body", - "n b", - "3 99", - "39 9", - "\" >{", - "\"> {", - "( local", - "(l ocal", - "(loc al", - ". ....", - ".. ...", - "... ..", - ".... .", - "▁ Null", - "▁N ull", - "▁Nu ll", - "m x", - "▁ pause", - "▁p ause", - "▁pa use", - "- ----------", - "-- ---------", - "---- -------", - "-------- ---", - "--- --------", - "----- ------", - "---------- -", - "------ -----", - "------- ----", - "--------- --", - "_ MO", - "_M O", - "▁ CM", - "▁C M", - "▁for Key", - "▁D VD", - "▁DV D", - "▁ closest", - "▁close st", - "▁clos est", - "▁closes t", - "_ DEVICE", - "_DE VICE", - "_DEV ICE", - "▁ Stephen", - "▁Ste phen", - "▁Step hen", - "▁Steph en", - "▁B BC", - "▁BB C", - "▁ Travel", - "▁Tr avel", - "▁Tra vel", - "▁Trav el", - "P aint", - "Pa int", - "▁ Results", - "▁Result s", - "▁ Rule", - "▁R ule", - "▁Ru le", - "▁ tp", - "▁t p", - "▁r atings", - "▁rating s", - "▁rat ings", - "▁ra tings", - "c in", - "ci n", - "c sv", - "cs v", - "> /", - "▁G OP", - "▁GO P", - "l ad", - "la d", - "▁ indexPath", - "▁index Path", - "m atrix", - "mat rix", - "= f", - "ar sed", - "ars ed", - "arse d", - "▁ });", - "▁} );", - "▁}) ;", - "▁ Cos", - "▁C os", - "▁Co s", - "▁ Score", - "▁S core", - "▁Sc ore", - "▁Sco re", - "▁t ak", - "▁ta k", - "▁ ESP", - "▁E SP", - "▁ES P", - "▁ INC", - "▁I NC", - "▁IN C", - "_ NULL", - "_N ULL", - "- flex", - "-f lex", - "-fl ex", - "\" ][", - "\"] [", - "in to", - "int o", - "e land", - "el and", - "ela nd", - "Author ization", - "_ FALSE", - "_F ALSE", - "▁ gate", - "▁g ate", - "▁ga te", - "▁ vid", - "▁v id", - "▁vi d", - "ist ent", - "iste nt", - "isten t", - "T IME", - "TI ME", - "TIM E", - "▁ rewrite", - "▁re write", - "▁ tie", - "▁t ie", - "▁ti e", - "▁ archive", - "▁arch ive", - "5 11", - "51 1", - ". events", - ".e vents", - ".event s", - ".get Parameter", - "▁ Permission", - "▁Per mission", - "▁program me", - "▁programm e", - "j ud", - "ju d", - "▁came ras", - "▁camera s", - "▁cam eras", - "3 38", - "33 8", - "3 49", - "34 9", - "( sys", - "(s ys", - "▁Sy rian", - "▁Syria n", - "▁impro vements", - "▁improve ments", - "▁improvement s", - "▁ hip", - "▁h ip", - "▁hi p", - "▁su icide", - "▁suic ide", - "▁sch olar", - "▁ compatible", - "▁com patible", - "▁compat ible", - "0 22", - "02 2", - "rem ote", - ". down", - ".d own", - ".do wn", - "F UNCTION", - "FUNC TION", - "▁man aging", - "▁mana ging", - "▁ UIKit", - "▁UI Kit", - ". raw", - ".r aw", - "> >>>", - ">> >>", - ">>> >", - "3 71", - "37 1", - "▁dem ands", - "▁demand s", - "ell ite", - "elli te", - "▁ dent", - "▁d ent", - "▁de nt", - "▁den t", - "▁ Micro", - "▁M icro", - "▁Mi cro", - "▁Mic ro", - "' ][$", - "'] [$", - "'][ $", - "▁ IE", - "▁I E", - "im ension", - "imens ion", - "▁t rem", - "▁tr em", - "▁tre m", - "6 30", - "63 0", - "▁g ained", - "▁gain ed", - "▁ga ined", - ". with", - ".w ith", - ". ok", - ".o k", - "h ou", - "ho u", - "▁b om", - "▁bo m", - "amp aign", - "ampa ign", - "▁join ing", - "▁jo ining", - "f ish", - "fi sh", - "▁add Subview", - "8 60", - "86 0", - "▁nor thern", - "▁north ern", - ". cor", - ".c or", - ".co r", - "o ret", - "or et", - "ore t", - "D ie", - "Di e", - "in ish", - "ini sh", - "_ comp", - "_c omp", - "_com p", - "_co mp", - "▁att ended", - "▁attend ed", - "▁ collapse", - "▁c ollapse", - "▁coll apse", - "▁collaps e", - "▁ SS", - "▁S S", - "a cent", - "ace nt", - "ac ent", - "_E QUAL", - "_EQ UAL", - "▁ Deep", - "▁De ep", - "▁Dee p", - "R GB", - "RG B", - "\t test", - "\tt est", - "ol ves", - "olve s", - "olv es", - "u set", - "us et", - "use t", - "Un ityEngine", - "Unity Engine", - "w riter", - "write r", - "wr iter", - "Res olver", - "Resolve r", - ", %", - "if ference", - "iffer ence", - "iffe rence", - "_ remove", - "_re move", - "_rem ove", - "o nda", - "on da", - "ond a", - "▁fem me", - "3 85", - "38 5", - "de code", - "dec ode", - "Br anch", - "▁ flush", - "▁f lush", - "▁fl ush", - "▁flu sh", - "▁innov ative", - "T ests", - "Test s", - "Te sts", - "▁[' ./", - "▁cover ing", - "▁cov ering", - ". admin", - ".ad min", - "ulti part", - "ultip art", - "( lambda", - "(l ambda", - "▁ Sport", - "▁S port", - "▁Sp ort", - "▁Spo rt", - "▁ !(", - "▁! (", - "a cles", - "ac les", - "acle s", - "acl es", - "▁de pression", - "▁dep ression", - "▁depr ession", - "▁depress ion", - "▁K ong", - "▁Kon g", - "▁Ko ng", - "5 70", - "57 0", - "▁p ert", - "▁per t", - "▁pe rt", - "▁ Conn", - "▁C onn", - "▁Con n", - "▁Co nn", - "▁Other wise", - "/ home", - "/h ome", - "s upported", - "sup ported", - "support ed", - "▁p ink", - "▁pi nk", - "▁pin k", - "▁inv ited", - "▁invite d", - "_ enabled", - "_en abled", - "_enable d", - "▁ -\n", - "▁- \n", - "F W", - "e ners", - "en ers", - "ener s", - "ene rs", - "▁ MY", - "▁M Y", - "▁s uggestions", - "▁suggest ions", - "▁suggestion s", - "C anvas", - "Can vas", - "▁ fer", - "▁f er", - "▁fe r", - "▁Mark eting", - "▁Market ing", - "@ Test", - "un tu", - "unt u", - "▁ Ven", - "▁V en", - "▁Ve n", - "▁C ou", - "▁Co u", - "i vals", - "iv als", - "ival s", - "iva ls", - "Don ald", - "l imited", - "lim ited", - "limit ed", - "\t \t\t\t\t\t\n", - "\t\t \t\t\t\t\n", - "\t\t\t\t \t\t\n", - "\t\t\t \t\t\t\n", - "\t\t\t\t\t \t\n", - "\t\t\t\t\t\t \n", - "▁anal yst", - "▁analy st", - "▁analys t", - "( entry", - "(en try", - "(ent ry", - "▁represent ative", - "_ attributes", - "_at tributes", - "_attribute s", - "▁f ur", - "▁fu r", - ". hide", - ".h ide", - "r esp", - "re sp", - "res p", - "ad ores", - "ado res", - "ador es", - "r ides", - "ri des", - "ride s", - "rid es", - "▁ Josh", - "▁J osh", - "▁Jo sh", - "▁Jos h", - "r obot", - "ro bot", - "rob ot", - "▁N AT", - "▁NA T", - "▁s esso", - "▁ses so", - "▁sess o", - "▁int egrated", - "▁integ rated", - "▁integr ated", - "▁integrate d", - ": true", - "p arts", - "par ts", - "part s", - "▁st upid", - "▁stu pid", - ": event", - ":e vent", - "@end section", - "▁ pu", - "▁p u", - ". Table", - ".T able", - ".Tab le", - "▁ Yii", - "▁Y ii", - "▁Yi i", - "` ;\n\n", - "`;\n \n", - "▁ clang", - "▁c lang", - "▁cl ang", - "▁clan g", - "=\" \">", - "=\"\" >", - "en gan", - "eng an", - "_ parameters", - "_param eters", - "_parameter s", - ". internal", - ".in ternal", - ".int ernal", - ".inter nal", - "▁ Modern", - "▁Mod ern", - "▁Mode rn", - "▁Moder n", - "▁ metric", - "▁m etric", - "▁met ric", - "▁s emi", - "▁se mi", - "▁sem i", - "={ {\n", - "={{ \n", - "7 07", - "70 7", - ".am azon", - "▁ BB", - "▁B B", - "ain ty", - "aint y", - "ai nty", - "view port", - "3 67", - "36 7", - "▁start Activity", - "dis patch", - "disp atch", - "* ****", - "** ***", - "**** *", - "*** **", - "▁fl av", - "iffer ent", - "iffe rent", - "3 82", - "38 2", - "[ this", - "[t his", - "▁s take", - "▁st ake", - "▁sta ke", - "▁arg ued", - "▁argue d", - "v iously", - "vious ly", - "vi ously", - ". work", - ".w ork", - "▁O ak", - "O ld", - "Ol d", - "( async", - "(a sync", - "(as ync", - "n otes", - "not es", - "no tes", - "note s", - "▁ flip", - "▁f lip", - "▁fl ip", - "▁dis ag", - "▁ TE", - "▁T E", - "\t error", - "\te rror", - "\terr or", - "< '", - "▁ filtered", - "▁fil tered", - "▁filter ed", - "▁M ach", - "▁Mac h", - "▁Ma ch", - "▁ hung", - "▁h ung", - "▁hun g", - "▁hu ng", - "_ dump", - "_d ump", - "_ samples", - "_s amples", - "_sample s", - "-dis miss", - "▁ ray", - "▁r ay", - "▁ra y", - "Im plemented", - "D K", - "▁j ed", - "▁je d", - "0 90", - "09 0", - "▁break s", - "▁bre aks", - "▁ fits", - "▁f its", - "▁fit s", - "▁fi ts", - ". gr", - ".g r", - "▁ Zero", - "▁Z ero", - "▁Ze ro", - "o ro", - "or o", - "▁equ ally", - "▁equal ly", - "▁eq ually", - "▁' [", - "▁concern ing", - "< meta", - "<", - "'> <", - "▁pro mot", - "▁prom ot", - "▁promo t", - "▁in cl", - "▁inc l", - "_ only", - "_on ly", - "▁Att orney", - "- date", - "-d ate", - "▁land scape", - "▁lands cape", - "▁landsc ape", - "▁ fu", - "▁f u", - "S Y", - ". prop", - ".p rop", - ".pro p", - ".pr op", - "▁ Arr", - "▁A rr", - "▁Ar r", - "p ag", - "pa g", - "Parallel Group", - "' :\r\n", - "': \r\n", - "▁ logs", - "▁l ogs", - "▁lo gs", - "▁log s", - "a unch", - "un ci", - "unc i", - "n ama", - "na ma", - "nam a", - "Table Cell", - "iss ues", - "issue s", - ". {", - "e curity", - "ec urity", - "_ exec", - "_e xec", - "_ex ec", - "ol ds", - "old s", - "▁ hosts", - "▁host s", - "▁ho sts", - "▁ proto", - "▁pro to", - "▁pr oto", - "▁prot o", - "_ import", - "_im port", - "_imp ort", - "_ sort", - "_s ort", - "_so rt", - "▁B ow", - "▁Bo w", - "▁ Normal", - "▁N ormal", - "▁Nor mal", - "▁Norm al", - "▁F arm", - "▁Far m", - "▁Fa rm", - ".create ParallelGroup", - "R otation", - "Rot ation", - ". err", - ".e rr", - "▁p leased", - "▁please d", - "▁ple ased", - "▁plea sed", - "it age", - "ita ge", - ". Wh", - ".W h", - "\t \t▁▁▁▁", - "\t\t ▁▁▁▁", - "\t\t▁▁▁ ▁", - "\t\t▁ ▁▁▁", - "\t\t▁▁ ▁▁", - "M R", - "▁ MORE", - "▁M ORE", - "▁MO RE", - "▁ Natural", - "▁N atural", - "▁Nat ural", - "▁Natur al", - "_ transform", - "_trans form", - "B ASE", - "BA SE", - "en eral", - "ener al", - "ene ral", - "ut down", - ". commons", - ".com mons", - ".common s", - ".comm ons", - "W T", - "▁ aan", - "▁a an", - "▁aa n", - ". Result", - ".Res ult", - "d og", - "do g", - "▁cl icking", - "▁click ing", - "▁clic king", - ") ,\n\n", - "), \n\n", - "),\n \n", - "# line", - "Oper ator", - "Op erator", - "▁c iv", - "▁ci v", - "▁m erg", - "▁me rg", - "▁mer g", - "o buf", - "ob uf", - "ng then", - "ngth en", - "▁ [{", - "▁[ {", - "▁c ancell", - "▁can cell", - "▁cancel l", - "tr igger", - ". :", - "W ORK", - "decl are", - "declar e", - "▁de crease", - "▁decre ase", - "l oom", - "lo om", - "loo m", - ". None", - ".N one", - ".No ne", - ".Non e", - "▁ MI", - "▁M I", - "▁ Jason", - "▁J ason", - "▁Ja son", - "▁health care", - "ia mond", - "iam ond", - "iamo nd", - "s ylvania", - "* x", - "▁ Ra", - "▁R a", - "[ b", - "▁print ing", - "ph abet", - "pha bet", - "▁La bour", - "▁Lab our", - "o pper", - "op per", - "opp er", - "▁z ijn", - "- target", - "-t arget", - "_ FUNCTION", - "_F UNCTION", - "_FUNC TION", - "_FUN CTION", - "▁ oct", - "▁o ct", - "▁oc t", - "▁ western", - "▁west ern", - "▁comp uters", - "▁comput ers", - "▁computer s", - "▁compute rs", - "▁ RET", - "▁R ET", - "▁RE T", - "Hash Map", - "[ String", - "[S tring", - "get Value", - "_ DATE", - "_D ATE", - "_DAT E", - ". Next", - ".N ext", - "▁F if", - "▁Fi f", - "ic ked", - "ick ed", - "- MM", - "-M M", - "▁ {\n\n\n", - "▁{ \n\n\n", - "▁{\n \n\n", - "▁{\n\n \n", - "▁ contacts", - "▁cont acts", - "▁contact s", - "▁conta cts", - "▁ digits", - "▁d igits", - "▁dig its", - "▁digit s", - "P rodu", - "Pro du", - "Prod u", - "▁unus ual", - "▁rapid ly", - "t ures", - "ture s", - "tu res", - "▁ang ry", - "c ancel", - "can cel", - "x xxx", - "xx xx", - "xxx x", - "_ parser", - "_p arser", - "_parse r", - "_par ser", - "id ity", - "idi ty", - "_ PREFIX", - "_P REFIX", - "_PRE FIX", - "7 10", - "71 0", - "▁m ehr", - "▁me hr", - "▁rare ly", - "e the", - "et he", - "eth e", - "o pes", - "op es", - "ope s", - "▁ %.", - "▁% .", - "work s", - "wor ks", - "▁ theta", - "▁th eta", - "▁the ta", - "▁con tribution", - "▁contrib ution", - "▁ Tony", - "▁T ony", - "▁To ny", - "▁Ton y", - "▁s quad", - "▁squ ad", - "5 37", - "53 7", - "t here", - "th ere", - "ther e", - "the re", - "o uted", - "ou ted", - "out ed", - "oute d", - "\t q", - "g ood", - "go od", - "L I", - "▁ Living", - "▁L iving", - "▁Li ving", - "▁Liv ing", - "iz abeth", - "▁ kt", - "▁k t", - "▁D allas", - "▁Dal las", - "] ],\n", - "]] ,\n", - "]], \n", - "▁/ >\n\n", - "▁/>\n \n", - "▁/> \n\n", - "▁r aising", - "▁rais ing", - "▁ra ising", - "/ router", - "/r outer", - "_ game", - "_g ame", - "3 68", - "36 8", - "▁ CUR", - "▁C UR", - "▁CU R", - "z ens", - "ze ns", - "zen s", - ". es", - ".e s", - "▁font Weight", - "( func", - "(f unc", - "not ification", - "▁' ../../../", - "▁'../ ../../", - "▁'../../ ../", - "▁bl ame", - "an co", - "anc o", - "9 80", - "98 0", - "Id entity", - "Ident ity", - "f ollow", - "fol low", - "▁ arts", - "▁ar ts", - "▁art s", - "x s", - "▁offic ially", - "▁official ly", - "▁ Studio", - "▁St udio", - "▁Stud io", - "▁recommend ations", - "▁recommendation s", - "▁ locale", - "▁l ocale", - "▁lo cale", - "▁loc ale", - "▁local e", - "▁am ateur", - "▁amat eur", - "▁ Enable", - "▁E nable", - "▁En able", - "▁ caps", - "▁c aps", - "▁cap s", - "▁ca ps", - ". End", - ".E nd", - ".En d", - "3 88", - "38 8", - "- add", - "-a dd", - "-ad d", - "_g shared", - "▁ CT", - "▁C T", - "F orce", - "For ce", - "\n ▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁ orange", - "▁o range", - "▁or ange", - "▁orang e", - "▁ lp", - "▁l p", - "▁ answered", - "▁answer ed", - ". Grid", - ".G rid", - "▁d ual", - "▁du al", - "▁strateg ic", - "▁n obody", - "▁no body", - "▁nob ody", - "▁f atal", - "▁fa tal", - "▁fat al", - "_ est", - "_e st", - "_es t", - "( el", - "(e l", - "▁B udd", - "▁Bu dd", - "▁Bud d", - "A IT", - "AI T", - "_ factor", - "_f actor", - "_fac tor", - "_fact or", - "- one", - "-on e", - "-o ne", - "▁H AVE", - "▁HA VE", - "\" \r\n\r\n", - "\"\r\n \r\n", - "7 60", - "76 0", - "Pro f", - "Pr of", - "str ings", - "string s", - "▁ dirty", - "▁d irty", - "▁dir ty", - "▁dirt y", - "▁ Face", - "▁F ace", - "▁Fac e", - "▁Fa ce", - "▁ Begin", - "▁B egin", - "▁Be gin", - "▁Beg in", - "▁ Bus", - "▁B us", - "▁Bu s", - "▁ wis", - "▁w is", - "▁wi s", - "▁spe aker", - "▁speak er", - "▁car rier", - "▁carr ier", - "▁O m", - "▁had n", - "▁ha dn", - "Al low", - "All ow", - ":: __", - "::_ _", - "▁ verb", - "▁v erb", - "▁ver b", - "▁ve rb", - "▁ Complete", - "▁Com plete", - "▁Comp lete", - "▁Comple te", - "▁ Easy", - "▁E asy", - "▁b ills", - "▁bill s", - "▁bil ls", - "▁ ▁\n\n", - "▁▁ \n\n", - "▁▁\n \n", - "Vert ical", - "Ver tical", - "▁p ron", - "▁pro n", - "▁pr on", - "▁ Define", - "▁Def ine", - "▁ lookup", - "▁look up", - "variable s", - "vari ables", - "▁p andas", - "▁pan das", - "▁pand as", - "u mes", - "um es", - "ume s", - "▁in noc", - "▁inn oc", - "▁set Up", - "▁Ch ampionship", - "▁Champions hip", - "▁Champion ship", - "art ist", - "▁C Type", - "▁CT ype", - "F oundation", - "Found ation", - "▁ Setup", - "▁Set up", - "4 28", - "42 8", - "▁ recipes", - "▁rec ipes", - "▁recipe s", - "▁recip es", - "▁ UIColor", - "▁U IColor", - "▁UI Color", - "▁F ight", - "▁Fig ht", - "▁Fi ght", - "▁ authorized", - "▁author ized", - "▁authorize d", - "_ click", - "_c lick", - "_cl ick", - "_cli ck", - "9 90", - "99 0", - "_ success", - "_s uccess", - "an gan", - "ang an", - "anga n", - "▁M ountain", - "▁Mount ain", - "▁ Doctor", - "▁Do ctor", - "▁Doc tor", - "▁ egg", - "▁e gg", - "▁eg g", - "▁Med icine", - "▁Medic ine", - "c les", - "cl es", - "cle s", - "` .\n", - "`. \n", - "[ int", - "[i nt", - "[in t", - "d ashboard", - "dash board", - "▁ Appro", - "▁App ro", - "▁Ap pro", - "- dr", - "-d r", - "▁produ ces", - "▁produce s", - "▁r ental", - "▁ren tal", - "▁rent al", - "▁ reload", - "▁re load", - "▁rel oad", - "3 81", - "38 1", - "▁arr ival", - "s pot", - "sp ot", - "▁under t", - "▁und ert", - "▁unde rt", - "3 78", - "37 8", - "▁equ ipped", - "▁equip ped", - "▁pro ved", - "▁pr oved", - "▁prov ed", - "▁prove d", - "▁cent ers", - "▁center s", - "▁ defines", - "▁def ines", - "▁define s", - "▁defin es", - "al so", - "als o", - "▁ opacity", - "▁op acity", - "▁ Unfortunately", - "▁Un fortunately", - "▁Ill inois", - "▁T emple", - "▁Tem ple", - "▁Temp le", - "▁Tr ail", - "▁Tra il", - "▁K elly", - "▁Kel ly", - "▁me asurement", - "▁measure ment", - "▁meas urement", - "▁se parated", - "▁separ ated", - "▁separate d", - "▁separat ed", - "- circle", - "-c ircle", - "H ey", - "He y", - "▁ READ", - "▁RE AD", - "ig its", - "igit s", - "igi ts", - "▁ ib", - "▁i b", - "▁ MOD", - "▁M OD", - "▁MO D", - "at tery", - "att ery", - "atter y", - "▁v end", - "▁ve nd", - "▁ven d", - "▁ HttpClient", - "▁Http Client", - "3 59", - "35 9", - "s afe", - "sa fe", - "_ ASS", - "_A SS", - "_AS S", - "i cit", - "ic it", - "ici t", - "▁ Construct", - "▁Con struct", - "▁ Clo", - "▁C lo", - "▁Cl o", - "▁ Six", - "▁S ix", - "▁Si x", - "_T OKEN", - "( block", - "(b lock", - "(bl ock", - "▁war ned", - "▁warn ed", - "/* !", - "! \n", - "}/ >\n", - "▁inn ovation", - "▁innov ation", - "_ \"", - "▁ );\r\n\r\n", - "▁) ;\r\n\r\n", - "▁); \r\n\r\n", - "▁);\r\n \r\n", - "▁sp ots", - "▁spot s", - "▁spo ts", - "▁cho osing", - ". cs", - ".c s", - "▁flex ible", - "U Int", - "UI nt", - "4 35", - "43 5", - "9 30", - "93 0", - "▁ scratch", - "▁scr atch", - "- al", - "-a l", - "▁f estival", - "▁fest ival", - "▁out standing", - "================ ================================", - "================================ ================", - "M ean", - "Me an", - "▁O regon", - "▁Ore gon", - "s ymbol", - "sym bol", - ". account", - ".a ccount", - ".ac count", - ".acc ount", - "d ney", - "dn ey", - "' ''", - "'' '", - "! \",", - "!\" ,", - "9 01", - "90 1", - "▁ particle", - "▁p article", - "▁part icle", - "▁partic le", - "[ MAX", - "[M AX", - "I VER", - "IV ER", - "IVE R", - "ER ENCE", - "NS Mutable", - "▁Colum bia", - "_ \n\n", - "_\n \n", - ". fr", - ".f r", - "▁c ogn", - "▁co gn", - "▁cog n", - "V R", - "▁ Methods", - "▁Method s", - "▁Meth ods", - "▁ Made", - "▁M ade", - "▁Mad e", - "▁Ma de", - "▁ BR", - "▁B R", - "▁ Else", - "▁El se", - "▁eg gs", - "▁egg s", - "▁s wing", - "▁sw ing", - "▁ Inv", - "▁I nv", - "▁In v", - "▁dise ases", - "▁disease s", - "▁f irms", - "▁firm s", - "▁fir ms", - "▁ lemma", - "▁l emma", - "▁le mma", - "} `);\n", - "}` );\n", - "l ings", - "ling s", - "lin gs", - "▁g ym", - "▁gy m", - "umin um", - "umi num", - ". Trim", - ".T rim", - ".Tr im", - "M em", - "Me m", - "▁crit icism", - "▁critic ism", - "ibern ate", - "_ TX", - "_T X", - "i oni", - "ion i", - "io ni", - "▁guid ance", - "▁repeated ly", - "▁repeat edly", - "▁ supplier", - "▁sup plier", - "▁paint ing", - "▁pain ting", - "8 64", - "86 4", - ". Fragment", - ".F ragment", - "ed Exception", - "▁w iring", - "▁wir ing", - "▁wi ring", - "▁cour ts", - "▁court s", - "W EB", - "WE B", - "\\ .", - "ill ance", - "illa nce", - "▁b rows", - "▁br ows", - "▁bro ws", - "▁brow s", - "▁ Pattern", - "▁P attern", - "▁Pat tern", - "▁Patt ern", - "PL ICATION", - "PLIC ATION", - "▁ Summer", - "▁Sum mer", - "Ch ain", - "▁c ute", - "▁cut e", - "▁cu te", - "m ercial", - "mer cial", - "▁d il", - "▁di l", - "▁Frank lin", - "\t global", - "\tg lobal", - "IN CLUDING", - "h istory", - "hi story", - "hist ory", - "histor y", - "▁ lst", - "▁l st", - "▁ls t", - "Q t", - "S DL", - "SD L", - "a lia", - "al ia", - "ali a", - "i ere", - "ie re", - "ier e", - "( ...", - "(. ..", - "(.. .", - "\t cin", - "\tc in", - "if fs", - "iff s", - "ve lope", - "vel ope", - "velop e", - "▁ Root", - "▁R oot", - "▁Ro ot", - "cl uster", - "clus ter", - "User Name", - "ig ne", - "ign e", - "< S", - "▁ fest", - "▁f est", - "▁fe st", - "4 19", - "41 9", - "▁indic ating", - "k eeper", - "ke eper", - "keep er", - "kee per", - "▁c ada", - "▁ca da", - "▁cad a", - "con sin", - "cons in", - "▁ GB", - "▁G B", - "▁ lb", - "▁l b", - "em ony", - "emo ny", - "emon y", - "- icons", - "-icon s", - "-i cons", - "_ doc", - "_d oc", - "_do c", - "A ctor", - "Act or", - "Ac tor", - "e lem", - "el em", - "ele m", - ". Delete", - ".De lete", - "▁in fection", - "▁inf ection", - "▁infect ion", - "▁ Privacy", - "▁Priv acy", - "▁great ly", - "▁ Pos", - "▁P os", - "▁Po s", - "▁T reat", - "▁Tr eat", - "▁Tre at", - "F low", - "Fl ow", - "▁attr active", - "▁attract ive", - "▁ Marc", - "▁M arc", - "▁Mar c", - "▁Ma rc", - "s udo", - "su do", - "te sy", - "tes y", - "- an", - "-a n", - "9 98", - "99 8", - "ab ama", - "aba ma", - "▁ Would", - "▁W ould", - "▁Wo uld", - "▁s uck", - "▁su ck", - "▁suc k", - "index Path", - "▁ Et", - "▁E t", - "T imes", - "Time s", - "Tim es", - "Ti mes", - "7 80", - "78 0", - "▁cl ubs", - "▁club s", - "_ assoc", - "_as soc", - "_ass oc", - "▁ac quired", - "▁acqu ired", - "▁acquire d", - "( \":", - "(\" :", - "▁int ense", - "▁intens e", - ". maps", - ".m aps", - ".map s", - "Ex pected", - "Exp ected", - "Expect ed", - "T oggle", - "▁ ay", - "▁a y", - "▁l ifestyle", - "▁life style", - "▁lif estyle", - "- called", - "-c alled", - "-cal led", - "-call ed", - "▁S now", - "▁Sn ow", - "V olume", - "Vol ume", - "▁cann abis", - "▁ Direction", - "▁D irection", - "▁Direct ion", - "▁Di rection", - "▁Dir ection", - "▁Dire ction", - "▁L imited", - "▁Lim ited", - "▁Limit ed", - "- specific", - "-s pecific", - "-spec ific", - "▁d owntown", - "▁down town", - "▁downt own", - "/ icons", - "/i cons", - "/icon s", - "▁re ven", - "▁r even", - "▁rev en", - "▁reve n", - "L eg", - "Le g", - "8 85", - "88 5", - "= null", - "=n ull", - "4 96", - "49 6", - "Key board", - "' )).", - "') ).", - "')) .", - "▁\" \";\r\n", - "▁\"\" ;\r\n", - "▁\"\"; \r\n", - "▁att itude", - ".n avigate", - "- error", - "-e rror", - "AM PLE", - "AMP LE", - "▁J ay", - "▁Ja y", - "v r", - "c ow", - "co w", - ". compile", - ".com pile", - ".comp ile", - "▁mem ories", - "▁memor ies", - "▁memo ries", - "_ mark", - "_m ark", - "_mar k", - "▁Min nesota", - "▁k osten", - "▁ko sten", - "▁kos ten", - "▁prob ability", - "w arning", - "war ning", - "warn ing", - "▁gen etic", - "▁gene tic", - "F ixture", - "Fix ture", - "▁ HashSet", - "▁Hash Set", - "N ombre", - "Nom bre", - "_ month", - "_m onth", - "_mon th", - "- start", - "-st art", - "-star t", - "xy gen", - "\t ft", - "\tf t", - "i agnostics", - "▁ Matthew", - "▁Mat thew", - "▁con cepts", - "▁concept s", - "▁conce pts", - "▁con str", - "▁const r", - "▁cons tr", - ". State", - ".St ate", - ".Stat e", - "N ov", - "No v", - "▁ Panel", - "▁P anel", - "▁Pan el", - "▁Pa nel", - "com pare", - "comp are", - "> ()\n", - ">( )\n", - ">() \n", - "▁app lying", - "▁apply ing", - "▁appl ying", - "▁prom ised", - "▁promise d", - "▁ ox", - "▁o x", - "n cia", - "nc ia", - "▁ Validation", - "▁Valid ation", - "or ts", - "ort s", - "_ cur", - "_c ur", - "e lect", - "el ect", - "ele ct", - "e ye", - "ey e", - "( Data", - "(D ata", - "▁report er", - "▁ Buff", - "▁B uff", - "▁Bu ff", - "3 95", - "39 5", - "▁ sr", - "▁s r", - "▁ \";", - "▁\" ;", - "ic ky", - "ick y", - "▁t empor", - "▁tem por", - "▁temp or", - "▁tempo r", - "S N", - "▁ resident", - "▁res ident", - "▁resid ent", - "▁reside nt", - "p ires", - "pi res", - "pir es", - "pire s", - "ys ical", - "▁end orse", - "▁endors e", - "▁ Song", - "▁S ong", - "▁So ng", - "▁Son g", - "is Empty", - "le et", - "lee t", - "_ util", - "_u til", - "_ut il", - "▁dist ingu", - "▁ Talk", - "▁T alk", - "▁Tal k", - "▁Ta lk", - "▁ Mot", - "▁M ot", - "▁Mo t", - "( default", - "(d efault", - "(de fault", - "(def ault", - ". Arg", - ".A rg", - "gorith ms", - "gorithm s", - "_ words", - "_w ords", - "_word s", - "im mer", - "imm er", - "_ reset", - "_re set", - "_res et", - "f amily", - "W W", - "▁s avings", - "▁sav ings", - "▁saving s", - "_ enable", - "_e nable", - "_en able", - "s idebar", - "side bar", - "R unning", - "Run ning", - "▁ ali", - "▁a li", - "▁al i", - "▁te stim", - "▁test im", - "▁tes tim", - "▁ warnings", - "▁w arnings", - "▁war nings", - "▁warn ings", - "▁warning s", - "▁C hem", - "▁Ch em", - "▁Che m", - "▁ Exit", - "▁E xit", - "▁Ex it", - "▁found er", - "▁fo under", - "▁fou nder", - "p ector", - "pe ctor", - "pect or", - "pec tor", - "▁ rm", - "▁r m", - "_ dataset", - "_d ataset", - "_data set", - "_dat aset", - "_datas et", - "▁ Das", - "▁D as", - "▁Da s", - "▁ han", - "▁h an", - "▁ha n", - "Get ty", - "▁ ny", - "▁n y", - "▁po verty", - "▁pov erty", - "▁result ed", - ". by", - ".b y", - "▁ Visit", - "▁Vis it", - "▁Vi sit", - "▁obt aining", - "▁obtain ing", - "/ '.$", - "/' .$", - "▁ ▁▁▁▁▁▁▁▁▁▁\n", - "▁▁ ▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁ ▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁ ▁▁▁\n", - "▁▁▁ ▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁ ▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁ \n", - "▁▁▁▁▁ ▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁ ▁▁\n", - "▁▁▁▁▁▁ ▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁ ▁\n", - "s hall", - "sh all", - "shal l", - "sha ll", - "_ LEFT", - "_LE FT", - "UI Image", - "_ Name", - "_N ame", - "h ave", - "ha ve", - "▁N ob", - "▁No b", - "l r", - "- footer", - "-f ooter", - "-foot er", - "▁n aked", - "▁na ked", - "▁nak ed", - "▁G arden", - "▁Gar den", - "▁Gard en", - "\\F acades", - "▁ graduate", - "▁grad uate", - "▁gradu ate", - "4 17", - "41 7", - "▁franch ise", - "p lane", - "pl ane", - "plan e", - "pla ne", - "▁contrib utions", - "▁contribution s", - "▁string With", - "▁ crypto", - "▁c rypto", - "▁crypt o", - "▁cry pto", - "▁mov ements", - "▁move ments", - "▁mo vements", - "▁movement s", - "a thers", - "ath ers", - "ather s", - "▁l ifetime", - "▁life time", - "▁lif etime", - "▁communic ate", - "▁commun icate", - "j ar", - "ja r", - "▁ Fragment", - "▁F ragment", - "▁Fr agment", - "▁Fra gment", - "▁Frag ment", - "_ IF", - "_I F", - "▁N avy", - "▁Nav y", - "▁Na vy", - "▁ Figure", - "▁F igure", - "▁Fig ure", - "▁s imulation", - "▁sim ulation", - "_ stop", - "_s top", - "_st op", - "▁report ers", - "▁reporter s", - "▁vers us", - "a ja", - "aj a", - "▁gover nor", - "▁govern or", - "List Item", - "▁se aled", - "▁sea led", - "▁seal ed", - ". Background", - ".Back ground", - "e di", - "ed i", - "ash ing", - "ashi ng", - "▁ lip", - "▁l ip", - "▁li p", - "▁I h", - "m erge", - "mer ge", - "▁n ec", - "▁ne c", - "0 24", - "02 4", - "el ocity", - "elo city", - "AT EG", - "ATE G", - "▁se eds", - "▁see ds", - "▁seed s", - "▁f loating", - "▁float ing", - "▁flo ating", - "7 01", - "70 1", - "_ FA", - "_F A", - "w alk", - "wa lk", - "wal k", - "\t user", - "\tu ser", - "\tuse r", - "_ depth", - "_de pth", - "_dep th", - "▁w age", - "▁wa ge", - "@ app", - "N il", - "Ni l", - "( [\"", - "([ \"", - "( vector", - "(v ector", - "(vec tor", - "▁secret ary", - "4 61", - "46 1", - "▁j Panel", - "v ez", - "ve z", - "d irection", - "dir ection", - "di rection", - "direct ion", - "▁ EP", - "▁E P", - "▁h unt", - "▁hun t", - "▁hu nt", - "3 96", - "39 6", - "Json Property", - "▁ PORT", - "▁P ORT", - "▁PO RT", - "▁POR T", - "] \",", - "]\" ,", - "▁ Foreign", - "▁Fore ign", - "p anic", - "pan ic", - "pa nic", - "▁tr ials", - "▁tri als", - "▁trial s", - "▁A le", - "▁Al e", - "▁r ural", - "▁ru ral", - "- value", - "-v alue", - "-val ue", - "author ized", - "authorize d", - "▁Scot land", - ". drop", - ".d rop", - ".dr op", - "▁ MT", - "▁M T", - "3 91", - "39 1", - "row th", - "5 15", - "51 5", - "File Path", - "▁re call", - "▁rec all", - "if le", - "▁ cel", - "▁c el", - "▁ce l", - "▁ SELECT", - "▁SE LECT", - "▁SEL ECT", - "k n", - "_ case", - "_c ase", - "_ca se", - "▁ crop", - "▁c rop", - "▁cr op", - "▁cro p", - "5 43", - "54 3", - "s ure", - "sur e", - "su re", - "p ot", - "po t", - "I CS", - "IC S", - "▁s tem", - "▁st em", - "▁ste m", - "▁indust ries", - "P ut", - "▁ aber", - "▁a ber", - "▁ab er", - "road cast", - "I cons", - "Icon s", - ") \")\n", - ")\" )\n", - "g ui", - "gu i", - "▁ass umed", - "▁assum ed", - "▁assume d", - "▁ rx", - "▁r x", - "E A", - "E LL", - "EL L", - "▁d ose", - "▁do se", - "▁dos e", - "▁ ine", - "▁in e", - "▁i ne", - "▁d eeper", - "▁de eper", - "▁deep er", - "▁dee per", - "l ider", - "li der", - "lide r", - "lid er", - "▁ ordinary", - "▁ord inary", - "▁ordin ary", - "▁g olf", - "▁go lf", - "▁gol f", - "6 05", - "60 5", - "_ IMAGE", - "_IM AGE", - "▁ NAME", - "▁N AME", - "▁NA ME", - "( module", - "(m odule", - "(mod ule", - "▁ atom", - "▁a tom", - "▁at om", - "▁b elt", - "▁be lt", - "▁bel t", - "▁off ices", - "▁offic es", - "▁office s", - "5 06", - "50 6", - "b eta", - "be ta", - "bet a", - "▁philosoph y", - "( JSON", - "(J SON", - "- field", - "-f ield", - "-fi eld", - "▁int roduce", - "▁introdu ce", - "▁intro duce", - "▁con venience", - "▁conven ience", - "op tim", - "opt im", - "> \"\n", - ">\" \n", - "a thy", - "at hy", - "ath y", - "▁employ er", - "q uate", - "qu ate", - "qua te", - "▁ edited", - "▁ed ited", - "▁edit ed", - "Arg uments", - "Argument s", - "▁N ations", - "▁Nation s", - "▁Nat ions", - "_ _)", - "__ )", - "▁n ose", - "▁no se", - "▁nos e", - "▁ Sample", - "▁S ample", - "▁Sam ple", - "' )\n\n\n", - "') \n\n\n", - "')\n \n\n", - "')\n\n \n", - "▁ cake", - "▁c ake", - "▁ca ke", - ". getAttribute", - ".get Attribute", - "H D", - "3 92", - "39 2", - "Mod ified", - "4 45", - "44 5", - "▁pred icted", - "▁predict ed", - "a nie", - "an ie", - "ani e", - "S orry", - "( doc", - "(d oc", - "w ind", - "win d", - "wi nd", - "ie ve", - "iev e", - "▁pro visions", - "▁prov isions", - "▁provision s", - "A TER", - "AT ER", - "ATE R", - "O TE", - "OT E", - "M Y", - ". Autowired", - ".A utowired", - "▁B ath", - "▁Ba th", - "▁Bat h", - "4 23", - "42 3", - ". Boolean", - ".Bool ean", - "▁ backend", - "▁back end", - ". Mouse", - ".M ouse", - "at eral", - "ate ral", - "ater al", - "p aper", - "pa per", - "Con st", - "Co nst", - "Cons t", - "▁ VR", - "▁V R", - "_ entity", - "_ent ity", - "_ CTRL", - "_C TRL", - "▁Pro tection", - "▁Prot ection", - "▁Prote ction", - "▁Protect ion", - "▁ GM", - "▁G M", - "▁ Study", - "▁St udy", - "▁Stud y", - "▁s oup", - "▁so up", - "▁sou p", - "o time", - "ot ime", - "' use", - "] \"", - "/ users", - "/user s", - "a ug", - "au g", - "▁H ong", - "▁Hon g", - "▁Ho ng", - "_ norm", - "_n orm", - "_no rm", - "▁se cre", - "▁sec re", - "( Build", - "(B uild", - "▁ Contract", - "▁Con tract", - "▁Contr act", - "o las", - "ol as", - "ola s", - "▁sa uce", - "▁sau ce", - "▁ag gressive", - "▁aggress ive", - "▁agg ressive", - "▁ racial", - "▁r acial", - "▁rac ial", - "▁ra cial", - "char acter", - "@ @", - "▁ compile", - "▁com pile", - "▁comp ile", - "▁ Void", - "▁V oid", - "▁Vo id", - "_ rem", - "_re m", - "_r em", - "_ memory", - "_m emory", - "_mem ory", - "3 48", - "34 8", - "k k", - "▁ mic", - "▁m ic", - "▁mi c", - "S ame", - "Sam e", - "Sa me", - "U tility", - "Util ity", - "Ut ility", - "▁ Html", - "▁H tml", - "▁ Xml", - "▁X ml", - "Re ady", - "Read y", - "▁g all", - "▁ga ll", - "▁gal l", - "▁alleg edly", - "▁alleged ly", - "\t \t\t\t▁▁▁", - "\t\t \t\t▁▁▁", - "\t\t\t\t ▁▁▁", - "\t\t\t \t▁▁▁", - "\t\t\t\t▁ ▁▁", - "\t\t\t\t▁▁ ▁", - "▁M etal", - "▁Me tal", - "▁Met al", - "▁Meta l", - "▁ Personal", - "▁Person al", - "▁Pers onal", - "▁Persona l", - "▁border Radius", - "rx js", - "object s", - "▁want ing", - "▁b owl", - "▁bo wl", - "▁bow l", - "v endor", - "offset of", - "▁ Rs", - "▁R s", - "▁ Rating", - "▁R ating", - "▁Ra ting", - "▁Rat ing", - "▁r ally", - "▁rall y", - "_ NODE", - "_N ODE", - "_NO DE", - "4 18", - "41 8", - "▁ Mix", - "▁M ix", - "▁Mi x", - "▁ad vertis", - "▁advert is", - "4 85", - "48 5", - "6 67", - "66 7", - "▁narr ative", - "s al", - "sa l", - "▁ mc", - "▁m c", - "S Error", - "SE rror", - "▁f ingers", - "▁fin gers", - "▁finger s", - "▁fing ers", - "▁ac company", - "▁accom pany", - "▁accomp any", - "▁t ired", - "▁ti red", - "▁tire d", - "▁tir ed", - "▁ stride", - "▁st ride", - "▁str ide", - "▁stri de", - "▁ gui", - "▁g ui", - "▁gu i", - "e list", - "el ist", - "eli st", - "L ocale", - "Lo cale", - "Local e", - "Loc ale", - "▁re leases", - "▁release s", - "▁rele ases", - "i king", - "ik ing", - "iki ng", - "▁ anger", - "▁an ger", - "▁ang er", - "▁ange r", - ") ))\n\n", - ")) )\n\n", - ")))\n \n", - "))) \n\n", - "al lest", - "all est", - "alle st", - "Sum mary", - "( O", - "( for", - "(f or", - "▁basket ball", - "▁ roads", - "▁ro ads", - "▁road s", - "▁ Install", - "▁Inst all", - "▁ Fab", - "▁F ab", - "▁Fa b", - "it map", - "4 75", - "47 5", - "▁ ))\n", - "▁) )\n", - "▁)) \n", - "▁inter section", - "▁intersect ion", - "igh bor", - "ighb or", - "▁B ry", - "▁Br y", - "▁ HERE", - "▁H ERE", - "▁HE RE", - "▁HER E", - "So ftware", - "Soft ware", - "el fare", - "elf are", - "a cs", - "ac s", - "6 22", - "62 2", - "▁tr ailer", - "▁trail er", - "▁tra iler", - ". getClass", - ".get Class", - ".getC lass", - "ch ars", - "char s", - "cha rs", - "▁reg ulation", - "▁regul ation", - "▁re fers", - "▁ref ers", - "▁refer s", - "▁de struction", - "▁destruct ion", - "▁contin uous", - "▁continu ous", - "▁A ustin", - "▁Aust in", - "▁Aus tin", - "▁Au stin", - "a kan", - "ak an", - "aka n", - ". window", - ".w indow", - "▁ Templates", - "▁Tem plates", - "▁Template s", - "▁Temp lates", - "▁abs ence", - ": n", - "▁dis order", - "f lash", - "fl ash", - "▁de let", - "▁del et", - "▁dele t", - "bo ards", - "board s", - "▁ ▁\t", - "▁▁ \t", - "R OP", - "RO P", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁ac qu", - "▁laws uit", - "▁ Reviews", - "▁Re views", - "▁Review s", - "▁gar age", - "▁ga rage", - "t imer", - "time r", - "ti mer", - "tim er", - "▁ ej", - "▁e j", - "▁ Rectangle", - "▁Rect angle", - "▁fl owers", - "▁flow ers", - "▁flo wers", - "▁flower s", - "3 98", - "39 8", - "i lst", - "il st", - "ils t", - "▁ Instance", - "▁In stance", - "▁Inst ance", - "S uper", - "Sup er", - "Su per", - "d et", - "de t", - "dis posing", - "disp osing", - "▁ ES", - "▁E S", - "▁ IC", - "▁I C", - "v ere", - "ver e", - "ve re", - "S k", - "_ channels", - "_ch annels", - "_channel s", - "_chan nels", - "p uted", - "put ed", - "pu ted", - "pute d", - "/ null", - "/n ull", - "n nen", - "nn en", - "4 31", - "43 1", - "▁ Gallery", - "▁G allery", - "▁Gall ery", - "_ global", - "_g lobal", - "Auth entication", - "▁ Rank", - "▁R ank", - "▁Ra nk", - "▁Ran k", - "▁ blocked", - "▁b locked", - "▁block ed", - "▁bloc ked", - "▁c alm", - "▁cal m", - "▁ca lm", - "m arket", - "mark et", - "mar ket", - "\t val", - "\tv al", - "\tva l", - "▁ aug", - "▁a ug", - "▁au g", - "per iod", - "peri od", - "▁ Constant", - "▁Con stant", - "▁Cons tant", - "▁Const ant", - "▁ ?>\">\n", - "▁?> \">\n", - "▁?>\" >\n", - "▁?>\"> \n", - "▁l obby", - "▁lob by", - "p al", - "pa l", - "3 79", - "37 9", - "▁s ink", - "▁si nk", - "▁sin k", - "5 08", - "50 8", - "i ah", - "ia h", - "ur name", - "urn ame", - "▁con ver", - "▁conv er", - "▁investig ate", - "Ch rist", - "Chris t", - "H ub", - "▁ IND", - "▁I ND", - "▁IN D", - "▁ Ped", - "▁P ed", - "▁Pe d", - "u ras", - "ur as", - "ura s", - "\t url", - "\tu rl", - "▁T ro", - "▁Tr o", - "▁ preferences", - "▁p references", - "▁pre ferences", - "▁prefer ences", - "▁preference s", - "▁guar anteed", - "▁guarante ed", - "▁guarantee d", - "` \n\n", - "`\n \n", - "▁port ions", - "▁portion s", - "▁e valu", - "▁ev alu", - "▁eval u", - "' > < /", - "( ){\n\n", - "() {\n\n", - "(){\n \n", - "(){ \n\n", - "enc oded", - "encode d", - "z illa", - "zi lla", - ". Class", - ".C lass", - ".Cl ass", - "▁ *_", - "▁* _", - "_ '", - "▁view ed", - "▁Phil adelphia", - ". rows", - ".r ows", - ".row s", - ".ro ws", - "Add ed", - "Ad ded", - "▁ Touch", - "▁T ouch", - "▁To uch", - "▁Tou ch", - "8 40", - "84 0", - ". delegate", - ".de legate", - "quee ze", - "s lide", - "sl ide", - "▁ Senior", - "▁Sen ior", - "( tag", - "(t ag", - "▁inter views", - "▁interview s", - "▁s ua", - "▁su a", - "a tas", - "at as", - "ata s", - "@ \n\n", - "d istance", - "di stance", - "dist ance", - "▁ sein", - "▁se in", - "▁sei n", - "l atest", - "la test", - "late st", - "lat est", - "lates t", - "▁Pr ince", - "▁Pri nce", - "▁lux ury", - "▁re fr", - "▁ref r", - "▁K itchen", - "▁Kit chen", - "( at", - "(a t", - "F inal", - "Fin al", - "Fi nal", - "_ zero", - "_z ero", - "▁ ABC", - "▁A BC", - "▁AB C", - "▁Man chester", - "▁ cow", - "▁c ow", - "▁co w", - "C OL", - "CO L", - "_ NUMBER", - "_NUM BER", - "ch anges", - "change s", - "chan ges", - "g enerate", - "gen erate", - "gener ate", - "gene rate", - ". Printf", - ".Print f", - "3 69", - "36 9", - "sh are", - "sha re", - "St ock", - "▁ PT", - "▁P T", - "A nim", - "An im", - "an ga", - "ang a", - "▁ ig", - "▁i g", - "up loads", - "upload s", - "▁ packed", - "▁p acked", - "▁pack ed", - "▁pac ked", - "▁} ];\n", - "▁}] ;\n", - "( sender", - "(s ender", - "(se nder", - "(send er", - "▁ Wire", - "▁W ire", - "▁Wi re", - "▁Wir e", - "i sons", - "is ons", - "ison s", - "iso ns", - "▁play off", - "\\ E", - "6 08", - "60 8", - "/ R", - "▁he aded", - "▁head ed", - "Al pha", - "( order", - "▁op ponents", - "▁oppon ents", - "▁opponent s", - "ack son", - "acks on", - "_ member", - "_m ember", - "_mem ber", - "T urn", - "Tur n", - "Tu rn", - "▁Sov iet", - "a uge", - "au ge", - "aug e", - "4 48", - "44 8", - "▁in coming", - "▁inc oming", - "▁incom ing", - "▁j ak", - "▁ja k", - "- game", - "-g ame", - "▁ Male", - "▁M ale", - "▁Mal e", - "▁Ma le", - "▁ Month", - "▁M onth", - "▁Mon th", - "▁Mo nth", - "▁Mont h", - "St age", - ". exe", - ".e xe", - ".ex e", - "Own Property", - ".set Item", - "▁ dc", - "▁d c", - "▁br ut", - "▁bru t", - "▁attempt ing", - ". len", - ".l en", - ".le n", - "▁jud gment", - "▁s ab", - "▁sa b", - "▁ cad", - "▁c ad", - "▁ca d", - "▁ Items", - "▁It ems", - "▁Item s", - "com fort", - "el ize", - "eli ze", - "/ log", - "/l og", - "▁entre prene", - "▁ compiler", - "▁com piler", - "▁comp iler", - "▁compile r", - "_ validation", - "_valid ation", - "re view", - "rev iew", - "▁ textBox", - "▁text Box", - "▁f raction", - "▁fr action", - "▁fra ction", - "▁fract ion", - "▁frac tion", - "▁ Bal", - "▁B al", - "▁Ba l", - "> ;\n\n", - ">;\n \n", - ".AutoScale Mode", - "▁ cats", - "▁c ats", - "▁ca ts", - "▁cat s", - "4 65", - "46 5", - "▁ registry", - "▁reg istry", - "▁registr y", - "▁regist ry", - "ul us", - "ulu s", - "F I", - "p ayload", - "pay load", - "- search", - "-s earch", - "-se arch", - "▁st aying", - "▁stay ing", - "▁sta ying", - "ac ious", - "aci ous", - "acio us", - "De coration", - "Dec oration", - "Decor ation", - "Re view", - "Rev iew", - "I nf", - "In f", - "Ke ep", - "it is", - "iti s", - ", String", - ",S tring", - "Co ord", - "▁p ero", - "▁per o", - "▁pe ro", - "S ex", - "Se x", - "▁Atl anta", - "u esta", - "ue sta", - "ues ta", - "uest a", - "A rgb", - "Arg b", - "Ar gb", - "> *", - "} _", - "F ooter", - "Foo ter", - "Foot er", - "▁ employed", - "▁employ ed", - "_ bound", - "_b ound", - "_bo und", - "v ide", - "vid e", - "vi de", - ". func", - ".f unc", - "$ scope", - "$s cope", - "▁s po", - "▁sp o", - "▁A nal", - "▁An al", - "▁Ana l", - "oun ced", - "ounc ed", - "ounce d", - "a round", - "ar ound", - "aro und", - "▁re striction", - "▁restrict ion", - "▁restr iction", - "▁ shops", - "▁sh ops", - "▁shop s", - "▁ Latin", - "▁L atin", - "▁La tin", - "▁Lat in", - "- col", - "-c ol", - "-co l", - "▁bar ely", - "▁bare ly", - "▁E uro", - "▁Eu ro", - "E r", - "▁f aire", - "▁fa ire", - "▁fair e", - "_ distance", - "_d istance", - "_dist ance", - "_di stance", - "_ unlock", - "_un lock", - "Qu ote", - "IV ATE", - "▁aim ed", - "▁ai med", - "▁Re trie", - "▁Ret rie", - ". iter", - ".i ter", - ".it er", - "▁w rapped", - "▁wr apped", - "▁wrap ped", - "▁ag reements", - "▁agre ements", - "▁agree ments", - "▁agreement s", - "str ument", - "( product", - "(pro duct", - "▁stud ied", - ". setValue", - ".set Value", - "▁ ye", - "▁y e", - "▁ Cache", - "▁C ache", - "▁Ca che", - "MB OL", - "▁quarter back", - "▁ syntax", - "▁s yntax", - "▁sy ntax", - "▁syn tax", - ".get ElementsBy", - ".getElements By", - ". version", - ".v ersion", - "we bsite", - "web site", - "R unner", - "Run ner", - "_ single", - "_s ingle", - "at iv", - "ati v", - "▁ Altern", - "▁Al tern", - "▁Alt ern", - "▁Alter n", - "▁ Beautiful", - "▁Be autiful", - "▁Beaut iful", - "right arrow", - "▁d iversity", - "▁divers ity", - "p lash", - "pl ash", - "pla sh", - "( co", - "(c o", - ". Fill", - ".F ill", - "▁typ ing", - "▁ty ping", - "3 87", - "38 7", - "0 23", - "02 3", - "▁ clar", - "▁c lar", - "▁cl ar", - "H it", - "Hi t", - "O O", - "a cco", - "ac co", - "acc o", - "5 07", - "50 7", - "w orth", - "wort h", - "wor th", - "▁ scripts", - "▁s cripts", - "▁script s", - "▁Muslim s", - "▁ LL", - "▁L L", - "er ving", - "erv ing", - "( boolean", - "(bool ean", - "▁base ball", - "▁ CAN", - "▁C AN", - "▁CA N", - "3 94", - "39 4", - "0 44", - "04 4", - "M AIL", - "MA IL", - "d epend", - "de pend", - "dep end", - "▁res pective", - "▁respect ive", - "▁ constexpr", - "▁const expr", - ".* ;\n\n", - ".*;\n \n", - "' ]))\n", - "'] ))\n", - "']) )\n", - "'])) \n", - "▁ yard", - "▁y ard", - "▁ya rd", - "▁ident ical", - "if ecycle", - "ife cycle", - "U SH", - "US H", - "up iter", - ". validate", - ".valid ate", - "c li", - "cl i", - "I STER", - "IS TER", - "IST ER", - "Ind icator", - "F ail", - "Fa il", - "▁dem ocracy", - "▁democr acy", - ". var", - ".v ar", - ".va r", - "▁s atisfied", - "▁satisf ied", - "- ------------", - "-- -----------", - "---- ---------", - "-------- -----", - "--- ----------", - "------------ -", - "----- --------", - "---------- ---", - "------ -------", - "----------- --", - "------- ------", - "--------- ----", - "en cer", - "ence r", - "enc er", - "h or", - "ho r", - "▁r ounds", - "▁ro unds", - "▁round s", - "D AO", - "DA O", - "o a", - "▁fl ask", - "= c", - "[ ]\n", - "[] \n", - "/ dist", - "/d ist", - "/dis t", - "▁p arte", - "▁part e", - "▁par te", - "▁ confirmation", - "▁confirm ation", - "e ron", - "er on", - "ero n", - "a ware", - "aw are", - "awa re", - "< ?>", - "", - "▁ dependencies", - "▁dep endencies", - "▁depend encies", - "▁ Videos", - "▁V ideos", - "▁Video s", - "- row", - "-r ow", - "-ro w", - "▁ **/\n", - "▁* */\n", - "▁** /\n", - "▁n ou", - "▁no u", - "▁ hover", - "▁h over", - "▁ho ver", - "▁n in", - "▁ni n", - "▁ USD", - "▁U SD", - "▁US D", - "M ac", - "Ma c", - "_ Load", - "_L oad", - "▁out comes", - "▁outcome s", - "_ socket", - "_s ocket", - "_sock et", - "_so cket", - "_soc ket", - "▁ queries", - "▁qu eries", - "▁que ries", - "▁quer ies", - "w m", - "5 92", - "59 2", - "▁h itting", - "▁hit ting", - "in ux", - "M ich", - "Mi ch", - "ud ge", - "AT AB", - "ATA B", - "▁vulner able", - "▁ portfolio", - "▁port folio", - ": YES", - "\t map", - "\tm ap", - "B ound", - "Bo und", - "▁ iteration", - "▁it eration", - "▁iter ation", - "in cess", - "ince ss", - "inc ess", - "inces s", - "▁ actors", - "▁a ctors", - "▁act ors", - "▁actor s", - "▁ Qual", - "▁Q ual", - "▁Qu al", - "_ clean", - "_c lean", - "_cl ean", - "M SG", - "MS G", - "G reen", - "Gr een", - "▁Off icer", - "▁Office r", - "▁sm oking", - "▁smo king", - "> ',", - ">' ,", - "▁F lo", - "▁Fl o", - "++ ;", - "4 33", - "43 3", - "oly gon", - "▁b ulk", - "▁bu lk", - "▁bul k", - "▁d rama", - "▁dr ama", - "▁dram a", - "▁dra ma", - "▁ex ceptions", - "▁except ions", - "▁exception s", - "o sed", - "os ed", - "ose d", - "▁+ \r\n", - "▁ legacy", - "▁leg acy", - "C V", - "▁contrib uted", - "▁contribute d", - "▁ Terms", - "▁Ter ms", - "▁Term s", - "▁ bt", - "▁b t", - "4 34", - "43 4", - "▁unt uk", - "▁ alien", - "▁al ien", - "▁ali en", - "= ==\n", - "== =\n", - "=== \n", - "\t Vector", - "\tV ector", - "▁ ls", - "▁l s", - "On line", - ". facebook", - ".f acebook", - ".face book", - "n umeric", - "num eric", - "nu meric", - "ock ets", - "ocket s", - "A ut", - "b ury", - "bur y", - "bu ry", - "- redux", - "-re dux", - "-red ux", - "▁Red istributions", - "▁Redistribution s", - "GLOBAL S", - "urrenc ies", - "urr encies", - "▁ tons", - "▁t ons", - "▁to ns", - "▁ton s", - "( col", - "(c ol", - "(co l", - "▁ Symbol", - "▁S ymbol", - "▁Sym bol", - "▁st ayed", - "▁stay ed", - "▁ ML", - "▁M L", - "▁m unicip", - "▁mun icip", - "▁se xo", - "▁sex o", - "S en", - "Se n", - "n r", - "▁g ains", - "▁gain s", - "▁ga ins", - "▁short ly", - ". Menu", - ".M enu", - ".Me nu", - "KN OWN", - "▁ operators", - "▁oper ators", - "▁operator s", - "- V", - "▁Pat rick", - "▁Patri ck", - "/ add", - "/a dd", - "/ad d", - "_ CO", - "_C O", - "i ration", - "ir ation", - "ira tion", - "( post", - "(p ost", - "(pos t", - "Post s", - "Pos ts", - "Po sts", - "/ _", - "▁ plug", - "▁p lug", - "▁pl ug", - "▁intel lectual", - "▁intellect ual", - "▁me tab", - "▁met ab", - "▁meta b", - "▁pregn ancy", - "▁Prem ier", - "n m", - "▁pred iction", - "▁predict ion", - "6 06", - "60 6", - "▁Min istry", - "▁Mini stry", - "Th ree", - "val uate", - "valu ate", - "▁ Mini", - "▁M ini", - "▁Min i", - "▁Mi ni", - "b u", - "< ul", - " \";\r\n", - ">\" ;\r\n", - ">\"; \r\n", - "▁S av", - "▁Sa v", - ". Bold", - ".B old", - "▁en ables", - "▁enable s", - "\t tmp", - "\tt mp", - "▁man ually", - "▁manual ly", - "▁S qu", - "use rid", - "user id", - ". function", - ".f unction", - ".func tion", - ". cache", - ".c ache", - ".ca che", - "L OPT", - "LO PT", - ". Services", - ".S ervices", - ".Service s", - "5 88", - "58 8", - "d dit", - "dd it", - "t im", - "ti m", - "< img", - " >>", - ">> >", - "st ation", - "stat ion", - "sta tion", - "l ore", - "lo re", - "lor e", - "a type", - "at ype", - "aty pe", - "i shop", - "is hop", - "ish op", - "/ ****************************************************************", - "/******************************** ********************************", - "5 21", - "52 1", - "Com boBox", - "Combo Box", - "▁vac ation", - "▁init iative", - "▁initi ative", - "▁ defaultValue", - "▁default Value", - "7 70", - "77 0", - "con cat", - "conc at", - "▁ Kh", - "▁K h", - "6 32", - "63 2", - "▁ Welcome", - "▁W elcome", - "▁Wel come", - "ized Name", - "M igration", - "▁ gradient", - "▁grad ient", - "H ot", - "Ho t", - "▁hard ly", - "e lo", - "el o", - "▁ Students", - "▁St udents", - "▁Stud ents", - "▁Student s", - "▁l oose", - "▁lo ose", - "▁loos e", - "7 30", - "73 0", - "a tz", - "at z", - ". Send", - ".S end", - ".Se nd", - "' /", - "▁un iversal", - "▁univers al", - "▁enter prise", - "▁ regex", - "▁reg ex", - "▁ visitor", - "▁vis itor", - "▁visit or", - "▁ Fly", - "▁F ly", - "▁Fl y", - "S eq", - "Se q", - "▁ Visual", - "▁Vis ual", - "▁lib raries", - "▁libr aries", - "at oes", - "ato es", - "P ayment", - "Pay ment", - "4 47", - "44 7", - "▁ pent", - "▁p ent", - "▁pe nt", - "▁pen t", - "▁gather ed", - "VR TX", - "VRT X", - "▁ DM", - "▁D M", - "S plit", - "Sp lit", - "▁l etting", - "▁let ting", - "▁lett ing", - "_ errors", - "_error s", - "_err ors", - "ep och", - "P ARAM", - "PA RAM", - "PAR AM", - "c u", - "ol utions", - "olution s", - "olut ions", - "Ed iting", - "Edit ing", - "font s", - "fon ts", - "▁ allocated", - "▁al located", - "▁alloc ated", - "▁allocate d", - "▁ Based", - "▁B ased", - "▁Base d", - "▁Ba sed", - "▁Bas ed", - "( Y", - "▁ Judge", - "▁J udge", - "▁Jud ge", - "▁br others", - "▁bro thers", - "▁brother s", - "▁broth ers", - "F ILES", - "FILE S", - "FI LES", - "5 31", - "53 1", - "w b", - "_ PI", - "_P I", - "' ^", - "▁s word", - "▁sw ord", - "▁swo rd", - ". services", - ".s ervices", - ".service s", - "▁ nl", - "▁n l", - "T im", - "Ti m", - "i gg", - "ig g", - "▁Mo ore", - "▁crypt oc", - "▁crypto c", - "_ posts", - "_post s", - "_pos ts", - "ot ate", - "ota te", - "? '", - ". ...\n\n", - ".. ..\n\n", - "... .\n\n", - ".... \n\n", - "▁ kl", - "▁k l", - "= \"$", - "=\" $", - "▁de coration", - "▁dec oration", - "▁decor ation", - "▁ DIRECT", - "▁D IRECT", - "▁DI RECT", - "▁DIR ECT", - "G UI", - "GU I", - ") =>{\n", - ")= >{\n", - ")=> {\n", - "▁news letter", - "▁prec is", - "( point", - "(p oint", - "▁ Equipment", - "▁E quipment", - "▁Equ ipment", - "u ty", - "ut y", - "▁ Dave", - "▁D ave", - "▁Dav e", - "▁Da ve", - "▁partic ipation", - "▁particip ation", - "u arios", - "ua rios", - "uario s", - "uar ios", - "x it", - "xi t", - ". As", - ".A s", - "E TER", - "ET ER", - "o rous", - "or ous", - "oro us", - "▁ shield", - "▁sh ield", - "[ ]>", - "[] >", - "il itary", - "ilit ary", - ". origin", - ".or igin", - "▁pro motion", - "▁prom otion", - "▁promot ion", - "▁promo tion", - "U nt", - "Un t", - "▁ ct", - "▁c t", - "T RA", - "TR A", - "5 56", - "55 6", - "View Holder", - "▁ sigma", - "▁s igma", - "▁sig ma", - "d elta", - "del ta", - "are house", - "con tract", - "contr act", - "( Vector", - "(V ector", - "(Vec tor", - "7 21", - "72 1", - "▁comp ete", - "▁compet e", - "/ form", - "/f orm", - "/ components", - "/com ponents", - "▁ nr", - "▁n r", - "▁Ind ones", - "▁ Volume", - "▁V olume", - "▁Vol ume", - ". files", - ".f iles", - ".file s", - "( resp", - "(r esp", - "(res p", - "(re sp", - "/ models", - "/model s", - "/mod els", - "▁s urf", - "▁su rf", - "▁sur f", - "st andard", - "stand ard", - "/ o", - "▁XCT Assert", - "V ICES", - "VICE S", - "VI CES", - ". Code", - ".C ode", - ".Co de", - "S ED", - "SE D", - "▁ activate", - "▁act ivate", - "▁activ ate", - "D elta", - "Del ta", - "▁limit ation", - "▁lim itation", - "r ij", - "ri j", - "▁pregn ant", - "▁preg nant", - ": ^(", - ":^ (", - "▁s our", - "▁so ur", - "▁sou r", - "p ie", - "pi e", - "8 03", - "80 3", - "▁ expense", - "▁exp ense", - "ic ation", - "ica tion", - "▁ Large", - "▁L arge", - "▁Lar ge", - "▁B owl", - "▁Bo wl", - "▁Bow l", - "( models", - "(model s", - "(mod els", - "(mode ls", - "/ N", - "8 57", - "85 7", - "P a", - ". reload", - ".re load", - ".rel oad", - "▁wonder ing", - "4 62", - "46 2", - "Exec ution", - "\t ▁▁▁▁▁▁", - "\t▁▁▁ ▁▁▁", - "\t▁ ▁▁▁▁▁", - "\t▁▁ ▁▁▁▁", - "\t▁▁▁▁▁ ▁", - "\t▁▁▁▁ ▁▁", - "▁ Graphics", - "▁G raphics", - "▁Graph ics", - "▁Graphic s", - "▁ Contin", - "▁Con tin", - "▁Cont in", - "_ job", - "_j ob", - "▁ getName", - "▁get Name", - "▁M agn", - "▁Mag n", - "▁Ma gn", - "▁ DWORD", - "▁D WORD", - "▁DW ORD", - "m ad", - "ma d", - "▁ nh", - "▁n h", - "f eatures", - "fe atures", - "feature s", - "feat ures", - "} \");\n", - "}\" );\n", - "}\") ;\n", - "he ets", - "heet s", - "hee ts", - "( train", - "(t rain", - "(tr ain", - "z n", - "▁rec ruit", - "▁recru it", - ". connection", - ".con nection", - ".connect ion", - ".conn ection", - "▁bar rel", - "▁barr el", - "▁ steam", - "▁s team", - "▁st eam", - "▁ste am", - "_ setting", - "_s etting", - "_set ting", - "▁ angular", - "▁ang ular", - "ane ously", - "aneous ly", - "▁ bil", - "▁b il", - "▁bi l", - "▁ Norm", - "▁N orm", - "▁No rm", - "▁Nor m", - "5 22", - "52 2", - "(! $", - "i bt", - "ib t", - "% (", - "▁ posit", - "▁p osit", - "▁pos it", - "▁po sit", - "▁ Father", - "▁F ather", - "▁Fa ther", - "▁Fat her", - "int endo", - "5 65", - "56 5", - "L ive", - "Li ve", - "0 41", - "04 1", - "▁ ports", - "▁p orts", - "▁port s", - "▁por ts", - "▁m ej", - "▁me j", - "▁ landing", - "▁l anding", - "▁land ing", - "▁lan ding", - "p onder", - "pon der", - "pond er", - "po nder", - "▁ cod", - "▁c od", - "▁co d", - "_ HEADER", - "_HE ADER", - "_HEAD ER", - ". Margin", - ".M argin", - "▁ balls", - "▁b alls", - "▁ball s", - "▁bal ls", - "▁disc ussions", - "▁discuss ions", - "▁discussion s", - "▁bl end", - "▁ble nd", - "H ex", - "He x", - "▁far mers", - "▁farm ers", - "▁farmer s", - "▁maint aining", - "▁maintain ing", - "▁ ▁▁\r\n", - "▁▁ ▁\r\n", - "▁▁▁ \r\n", - "s yn", - "sy n", - "[ T", - "r us", - "ru s", - "4 39", - "43 9", - "uff ers", - "uf fers", - "uffer s", - "▁contrib utors", - "▁contributor s", - "_ sys", - "_s ys", - "_sy s", - ". Debug", - ".De bug", - "▁construct ed", - "o mes", - "om es", - "ome s", - "? id", - "s lider", - "sl ider", - "slide r", - "▁sup pliers", - "▁supplier s", - "6 11", - "61 1", - "scribe r", - "scri ber", - "scr iber", - "p es", - "pe s", - "\" :\r\n", - "\": \r\n", - "\\ Controller", - ") )\n\n\n", - ")) \n\n\n", - "))\n \n\n", - "))\n\n \n", - "▁ lua", - "▁l ua", - "▁lu a", - "M ulti", - "Mult i", - "Mul ti", - "E NS", - "EN S", - "S rc", - "▁ petition", - "▁pet ition", - "▁petit ion", - "▁ slave", - "▁sl ave", - "▁sla ve", - "lo oking", - "look ing", - "loo king", - "V ERT", - "VER T", - "VE RT", - "\t vector", - "\tv ector", - "\tvec tor", - "S pecial", - "Spec ial", - "Spe cial", - "h h", - "an ne", - "ann e", - "▁N iger", - "▁Ni ger", - "/ views", - "/view s", - "z ing", - "zi ng", - "zin g", - "end ant", - "enda nt", - "< C", - "s peed", - "sp eed", - "spe ed", - "5 14", - "51 4", - "▁{ };\n\n", - "▁{} ;\n\n", - "▁{};\n \n", - "▁{}; \n\n", - "Begin Init", - "▁f open", - "▁fo pen", - "@ RequestMapping", - "End Init", - "▁p unch", - "▁pun ch", - "S ender", - "Se nder", - "Send er", - "Sen der", - "6 03", - "60 3", - "get Message", - "/ types", - "/t ypes", - "/type s", - ". PI", - ".P I", - "(' ');\n", - "oc used", - "ocus ed", - "( all", - "(a ll", - "(al l", - "▁ dropdown", - "▁d ropdown", - "▁drop down", - ") .__", - "). __", - "▁V in", - "▁Vi n", - ". ForeignKey", - ".Fore ignKey", - "6 12", - "61 2", - "ca nf", - "can f", - "o ured", - "ou red", - "our ed", - "▁ Organization", - "▁Organ ization", - "▁ Culture", - "▁C ulture", - "▁Cult ure", - "▁Cul ture", - "( cls", - "(c ls", - "(cl s", - ", _", - "9 02", - "90 2", - "r gba", - "rg ba", - "rgb a", - ".data GridView", - "▁do zen", - "▁G es", - "▁Ge s", - "8 05", - "80 5", - "4 64", - "46 4", - "_ shared", - "_sh ared", - "_share d", - "_sha red", - "n ick", - "ni ck", - "nic k", - "▁h osp", - "▁ho sp", - "o meter", - "om eter", - "ome ter", - "omet er", - "4 95", - "49 5", - "▁claim ing", - "0 32", - "03 2", - "i bles", - "ib les", - "ible s", - "r ik", - "ri k", - "en ario", - "ena rio", - "▁d engan", - "▁den gan", - "o bb", - "ob b", - "m ont", - "mon t", - "mo nt", - "_ rank", - "_r ank", - "_ra nk", - "(' /',", - "('/ ',", - "▁ap olog", - "P s", - "_ power", - "_p ower", - "_pow er", - "▁G ree", - "▁Gr ee", - "▁Gre e", - "▁ful fill", - "▁ firebase", - "▁f irebase", - "▁fire base", - "9 10", - "91 0", - "▁ fare", - "▁f are", - "▁fa re", - "▁far e", - "▁H im", - "▁Hi m", - "▁ bean", - "▁b ean", - "▁be an", - "▁ SPI", - "▁S PI", - "▁SP I", - "_ RX", - "_R X", - "▁per ception", - "▁perce ption", - "rel ative", - "com pile", - "comp ile", - "u um", - "uu m", - "u tos", - "ut os", - "uto s", - "a uc", - "au c", - "▁ Ask", - "▁A sk", - "▁As k", - "▁ indicator", - "▁ind icator", - "▁indic ator", - "/ th", - "/t h", - ".set String", - "▁Wis consin", - ". Domain", - ".D omain", - ".Do main", - "▁art ificial", - "De velop", - "▁ Sarah", - "▁S arah", - "▁Sar ah", - "▁Sa rah", - "▁Sara h", - "▁ lying", - "▁l ying", - "▁ly ing", - "( search", - "(s earch", - "(se arch", - "▁Em pire", - "▁Emp ire", - "ur ring", - "urr ing", - "=\" ${", - "=\"$ {", - "▁ getId", - "▁get Id", - "▁ Payment", - "▁P ayment", - "▁Pay ment", - "trans ition", - "▁ ].", - "▁] .", - "i xin", - "ix in", - "V T", - "- select", - "-s elect", - "-se lect", - "▁demonstr ated", - "▁demonstrate d", - "▁ lastName", - "▁last Name", - "em ployment", - "emp loyment", - "employ ment", - ". getProperty", - ".get Property", - ".getP roperty", - "▁f ought", - "▁fo ught", - "▁fou ght", - "file Name", - "▁ Pers", - "▁P ers", - "▁Per s", - "▁Pe rs", - "4 52", - "45 2", - "- card", - "-c ard", - "-car d", - "-ca rd", - "a str", - "as tr", - "ast r", - "att rs", - "attr s", - "▁pro minent", - "▁prom inent", - "▁promin ent", - "D esign", - "De sign", - "Des ign", - "anc ouver", - "ar do", - "ard o", - "s ecret", - "se cret", - "sec ret", - "▁ rag", - "▁r ag", - "▁ra g", - "▁po ison", - "▁poi son", - "▁pois on", - "- man", - "-m an", - ", omitempty", - "7 40", - "74 0", - "\t un", - "\tu n", - "it zer", - "itz er", - "▁Cas ino", - "▁R oss", - "▁Ro ss", - "▁Ros s", - "- foot", - "-f oot", - "( results", - "(result s", - "P lan", - "Pl an", - "▁l aser", - "▁la ser", - "▁las er", - "_ DR", - "_D R", - "5 23", - "52 3", - "F acebook", - "Face book", - "4 49", - "44 9", - "▁ boards", - "▁bo ards", - "▁board s", - "s ta", - "st a", - "] ],", - "]] ,", - "6 75", - "67 5", - "▁ tiles", - "▁t iles", - "▁ti les", - "▁tile s", - "▁til es", - "S IZE", - "SI ZE", - "▁= ~", - "9 70", - "97 0", - "▁prem ier", - "o cab", - "oc ab", - "oca b", - "▁ encoded", - "▁enc oded", - "▁encode d", - "▁ reserve", - "▁re serve", - "▁res erve", - "▁reserv e", - "6 09", - "60 9", - "▁Afghan istan", - "▁ ListNode", - "▁List Node", - "ur ls", - "url s", - "▁ submission", - "▁sub mission", - "▁n eu", - "▁ne u", - "4 77", - "47 7", - "▁# +#", - "_ POST", - "_P OST", - "_PO ST", - "_POS T", - "▁mo ist", - "▁moi st", - "▁mois t", - "e lli", - "el li", - "ell i", - "ellig ent", - "elli gent", - ". alert", - ".al ert", - "b re", - "br e", - "▁ Collect", - "▁C ollect", - "▁Col lect", - "▁Coll ect", - "▁graph ic", - "▁ longitude", - "▁long itude", - "▁longitud e", - "▁ Provid", - "▁Pro vid", - "▁Pr ovid", - "▁Prov id", - "▁ Calculate", - "▁C alculate", - "▁Cal culate", - "▁Calcul ate", - "▁Calc ulate", - "x ffff", - "xf fff", - "xff ff", - "c riteria", - "crit eria", - "▁w aters", - "▁water s", - "▁wa ters", - "▁wat ers", - "r ock", - "ro ck", - "roc k", - "lo quent", - "▁T rib", - "▁Tr ib", - "▁Tri b", - "5 13", - "51 3", - "▁ burst", - "▁b urst", - "▁bu rst", - "▁bur st", - "▁ suffix", - "▁s uffix", - "▁suff ix", - "▁suf fix", - ". Extensions", - ".Ext ensions", - ".Extension s", - "is hes", - "ish es", - "i vel", - "iv el", - "ive l", - "▁ LIKE", - "▁LI KE", - "▁ Getty", - "▁Get ty", - ".Action Event", - ".s lf", - ".sl f", - "▁ HAL", - "▁H AL", - "▁HA L", - "u pal", - "up al", - "upa l", - "E AR", - "EA R", - "5 24", - "52 4", - "u di", - "ud i", - "_ timeout", - "_time out", - "U F", - "▁Sing apore", - "▁Ad vent", - "▁Adv ent", - "_ interval", - "_int erval", - "_inter val", - "cha ft", - "▁ Emer", - "▁E mer", - "▁Em er", - "▁ telephone", - "▁tele phone", - "▁Tur k", - "▁Tu rk", - "_ interface", - "_inter face", - "▁ Own", - "▁O wn", - "▁Ow n", - "▁encour aged", - "▁encourage d", - "< Object", - "_ Text", - "_T ext", - "▁Ont ario", - "▁ Apply", - "▁App ly", - "▁Ap ply", - "▁Appl y", - ". firebase", - ".f irebase", - ".fire base", - "▁ant ib", - "▁anti b", - "P riority", - "Prior ity", - "e nez", - "en ez", - "ene z", - "D ays", - "Day s", - "Da ys", - "c id", - "ci d", - "ur rence", - "urre nce", - "urrenc e", - "urr ence", - "; /", - "in ned", - "inn ed", - "▁ vez", - "▁v ez", - "▁ve z", - "f w", - "/ /$", - "// $", - "att ack", - "atta ck", - "4 58", - "45 8", - "▁start up", - "a iners", - "ain ers", - "ainer s", - "ai ners", - "aine rs", - ". fragment", - ".f ragment", - ".fr agment", - "op acity", - "opa city", - "( conn", - "(c onn", - "(con n", - "(co nn", - "he im", - "hei m", - ". network", - ".n etwork", - ".net work", - "( stream", - "(str eam", - "(st ream", - "6 70", - "67 0", - "▁ NON", - "▁N ON", - "▁NO N", - "t ol", - "to l", - "8 30", - "83 0", - "▁X box", - "▁ DS", - "▁D S", - "▁ cached", - "▁c ached", - "▁ca ched", - "▁cache d", - "▁cach ed", - "▁prostit utas", - "▁prostitu tas", - "▁prostitut as", - "▁B alt", - "▁Ba lt", - "▁Bal t", - "(' [", - "5 75", - "57 5", - "▁no except", - "\" '", - "▁ sd", - "▁s d", - ". valid", - ".val id", - ".va lid", - "_ ag", - "_a g", - "▁r aces", - "▁race s", - "▁rac es", - "▁ra ces", - "4 81", - "48 1", - "▁ rod", - "▁r od", - "▁ro d", - "it udes", - "itude s", - "itud es", - "itu des", - "< >(", - "<> (", - "5 44", - "54 4", - ". Product", - ".Pro duct", - "Form s", - "For ms", - "N EW", - "NE W", - "P ay", - "Pa y", - "\t boolean", - "\tbool ean", - "_ contact", - "_cont act", - "▁E lectric", - "▁Elect ric", - "s kip", - "sk ip", - "ski p", - "▁w ur", - "▁ch ronic", - "▁chron ic", - "▁chr onic", - "_ driver", - "_d river", - "_dr iver", - "9 40", - "94 0", - "▁S ab", - "▁Sa b", - "▁ Ult", - "▁U lt", - "▁Ul t", - "▁ Rad", - "▁R ad", - "▁Ra d", - "ST ATUS", - "STAT US", - "▁Le wis", - "▁Lew is", - "O B", - "▁gift s", - "▁gi fts", - "▁gif ts", - ". Rec", - ".R ec", - ".Re c", - "TR UE", - "▁int ensity", - "▁intens ity", - "M arker", - "Mark er", - "Mar ker", - ". compare", - ".com pare", - ".comp are", - "f fic", - "ff ic", - "ffi c", - "C ookie", - "Co okie", - "Cook ie", - "▁ Baby", - "▁B aby", - "▁Ba by", - "▁Bab y", - "▁B igDecimal", - "▁Big Decimal", - "i let", - "il et", - "ile t", - "▁HOLD ERS", - "▁HOLDER S", - "▁L ady", - "▁La dy", - "▁ lung", - "▁l ung", - "▁lu ng", - "▁lun g", - "▁Al abama", - "▁ dess", - "▁d ess", - "▁de ss", - "▁des s", - "` );\n", - "`) ;\n", - "▁ Builder", - "▁B uilder", - "▁Build er", - "▁Bu ilder", - "_ region", - "_reg ion", - "▁ neutral", - "▁ne utral", - "▁neut ral", - "▁neutr al", - "9 09", - "90 9", - "B oth", - "Bo th", - "Bot h", - "▁ hp", - "▁h p", - "▁ horn", - "▁h orn", - "▁hor n", - "▁ho rn", - "▁ segments", - "▁se gments", - "▁seg ments", - "▁segment s", - "▁ EC", - "▁E C", - "\" =>\"", - "\"=> \"", - "( rec", - "(r ec", - "(re c", - "▁ Pi", - "▁P i", - "G M", - "▁l aptop", - "▁lap top", - "S calar", - "Sc alar", - "4 63", - "46 3", - "i sd", - "is d", - "- dialog", - "-d ialog", - "-di alog", - "▁And erson", - "▁Anders on", - "▁mist akes", - "▁mistake s", - "7 08", - "70 8", - "▁H an", - "▁Ha n", - "j es", - "je s", - "est ination", - "4 36", - "43 6", - "▁prom ises", - "▁promise s", - "b id", - "bi d", - "▁ Scient", - "▁S cient", - "▁Sc ient", - "▁Sci ent", - "G IN", - "GI N", - "▁ Performance", - "▁Per formance", - "▁Perform ance", - "b age", - "ba ge", - "bag e", - ". users", - ".user s", - ".use rs", - ".us ers", - "le ading", - "lead ing", - "▁ oral", - "▁o ral", - "▁or al", - "▁ora l", - "G raphics", - "Graph ics", - "Graphic s", - "4 88", - "48 8", - "_ PTR", - "_P TR", - "5 18", - "51 8", - "h ang", - "ha ng", - "han g", - "▁in ev", - "▁ine v", - "p rocessing", - "process ing", - "F actor", - "Fact or", - "Fac tor", - "Fa ctor", - "▁ NA", - "▁N A", - "$ string", - "$s tring", - "$str ing", - "▁gr ounds", - "▁ground s", - "▁gro unds", - ".Save Changes", - "c lock", - "cl ock", - "clo ck", - "9 41", - "94 1", - "cri pcion", - "▁New ton", - "g c", - ". includes", - ".in cludes", - ".include s", - "▁b last", - "▁bl ast", - "▁blas t", - "▁' -'", - "▁'- '", - "▁pued e", - "▁pu ede", - "4 69", - "46 9", - ". Session", - ".S ession", - "▁ grep", - "▁g rep", - "▁gr ep", - "▁gre p", - "_ final", - "_f inal", - "_fin al", - "▁G ay", - "▁Ga y", - "▁ Give", - "▁G ive", - "▁Gi ve", - "i ri", - "ir i", - "- star", - "-s tar", - "-st ar", - "▁ UIImage", - "▁UI Image", - "_ epoch", - "_ep och", - "u bb", - "ub b", - "e nth", - "en th", - "ent h", - "▁el ite", - "▁elit e", - "▁campaign s", - "▁P orno", - "▁Porn o", - "▁Por no", - "_ assign", - "_as sign", - "_ass ign", - "Prot ocol", - "Proto col", - "▁ Being", - "▁B eing", - "▁Be ing", - "▁Bei ng", - "▁Air port", - "▁con ventional", - "▁convent ional", - "▁convention al", - "▁W at", - "▁Wa t", - "▁ CI", - "▁C I", - "E TA", - "ET A", - "▁Anth ony", - "▁table t", - "▁tab let", - "( format", - "(form at", - "(for mat", - "▁consist ently", - "▁consistent ly", - "▁I owa", - "▁Io wa", - "4 74", - "47 4", - "▁ avatar", - "▁av atar", - "0 27", - "02 7", - ". cursor", - ".c ursor", - "! [", - "▁h anging", - "▁hang ing", - "▁han ging", - "H er", - "He r", - "S uch", - "Su ch", - "Suc h", - "' ;\n\n\n", - "';\n \n\n", - "';\n\n \n", - "'; \n\n\n", - "org eous", - "orge ous", - "( )==", - "() ==", - "▁view Model", - "▁ els", - "▁e ls", - "▁el s", - "▁ Agent", - "▁A gent", - "▁Ag ent", - "▁Age nt", - "F etch", - "a por", - "ap or", - "▁ cx", - "▁c x", - "p read", - "pr ead", - "pre ad", - "▁P ier", - "▁Pi er", - "▁Pie r", - "o eff", - "oe ff", - "6 16", - "61 6", - "S n", - "8 90", - "89 0", - "▁ Virtual", - "▁V irtual", - "▁Virt ual", - "A pr", - "Ap r", - ". White", - ".Wh ite", - "6 15", - "61 5", - "_ MOD", - "_M OD", - "_MO D", - "▁ Points", - "▁P oints", - "▁Point s", - "▁Po ints", - "▁ genes", - "▁g enes", - "▁ge nes", - "▁gen es", - "▁gene s", - "▁ vendor", - "▁v endor", - "▁vend or", - "▁main stream", - "< src", - "\n", - "▁<> \n", - "F ilename", - "File name", - "Fi lename", - "Fil ename", - "▁s ne", - "▁sn e", - "▁Foot ball", - "▁r ival", - "▁ri val", - "▁riv al", - "▁dis aster", - "i onic", - "ion ic", - "io nic", - "ioni c", - "▁ Damage", - "▁D amage", - "▁Da mage", - "▁Dam age", - ". Resource", - ".Re source", - ".Res ource", - "- en", - "-e n", - "▁ Types", - "▁T ypes", - "▁Type s", - "▁Ty pes", - "▁Typ es", - "get String", - "( board", - "(b oard", - "▁ bol", - "▁b ol", - "▁bo l", - "p lain", - "pl ain", - "pla in", - "z ym", - "zy m", - "▁sc anner", - "▁scan ner", - "il der", - "ild er", - "ilde r", - "_msg s", - "_ms gs", - "( intent", - "(int ent", - "▁ destruct", - "▁d estruct", - "▁de struct", - "▁b ust", - "▁bu st", - "▁bus t", - "▁ Employ", - "▁E mploy", - "▁Em ploy", - "▁Emp loy", - "o ni", - "on i", - "▁UI ViewController", - "▁UIView Controller", - "▁o dds", - "▁odd s", - "▁od ds", - "e arer", - "ear er", - "ea rer", - "Ge ometry", - "Geo metry", - "▁ yii", - "▁y ii", - "▁yi i", - "_ EXPORT", - "_EX PORT", - "_EXP ORT", - "▁ Attack", - "▁Att ack", - "▁n iet", - "▁nie t", - "▁ni et", - "▁im pression", - "▁imp ression", - "▁impress ion", - "▁impr ession", - "▁G il", - "▁Gi l", - "_ prob", - "_p rob", - "_pro b", - "_pr ob", - "5 28", - "52 8", - "▁ CF", - "▁C F", - "▁ Experience", - "▁Ex perience", - "/ plugins", - "/pl ugins", - "/plugin s", - ". Method", - ".M ethod", - "▁bel iefs", - "▁belie fs", - "▁belief s", - "N ative", - "_ build", - "_b uild", - "▁v ig", - "▁vi g", - "▁r anks", - "▁rank s", - "▁ran ks", - "cover ed", - "cov ered", - "7 05", - "70 5", - "s uch", - "su ch", - "G uard", - "Gu ard", - ". pack", - ".p ack", - ".pa ck", - "ad der", - "add er", - "8 09", - "80 9", - "i via", - "iv ia", - "ivi a", - "l ng", - "ln g", - "5 52", - "55 2", - "T imestamp", - "Time stamp", - "_ now", - "_n ow", - "_no w", - "▁p oker", - "▁po ker", - "▁pok er", - "▁poke r", - "▁ unc", - "▁u nc", - "▁un c", - "▁sh apes", - "▁shape s", - "▁sha pes", - "- types", - "-t ypes", - "-type s", - "_ period", - "_per iod", - "p k", - "▁veter an", - "▁s ono", - "▁so no", - "▁son o", - "▁appoint ed", - "over flow", - ". driver", - ".d river", - ".dr iver", - "_ cat", - "_c at", - "_ca t", - "u tt", - "ut t", - "pl ant", - "plan t", - "pla nt", - "i mb", - "im b", - "▁ Accept", - "▁Ac cept", - "▁con cert", - "▁conc ert", - "▁conce rt", - "\t node", - "\tn ode", - "\t z", - "? >\r\n", - "?> \r\n", - "▁b anned", - "▁ban ned", - "\t ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "\t▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "\t▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁to xic", - "▁tox ic", - "▁dis appe", - "▁disap pe", - "4 73", - "47 3", - "▁g race", - "▁gr ace", - "▁gra ce", - "at eful", - "ate ful", - "Re ply", - "Rep ly", - "▁Cr uz", - "▁Cru z", - "4 86", - "48 6", - "▁sc rap", - "▁scr ap", - "▁ keywords", - "▁key words", - "▁keyword s", - "s imp", - "si mp", - "sim p", - "▁mort gage", - "▁cy ber", - "▁ Execute", - "▁Ex ecute", - "▁Exec ute", - "▁ latitude", - "▁l atitude", - "▁lat itude", - "i fu", - "if u", - ". COM", - ".C OM", - "d bo", - "db o", - "▁s orts", - "▁sort s", - "▁sor ts", - "▁ Gas", - "▁G as", - "▁Ga s", - "om ial", - "omi al", - ". Local", - ".L ocal", - "C ells", - "Cell s", - ". Replace", - ".Re place", - "String s", - "Str ings", - ". fit", - ".f it", - "▁ Third", - "▁Th ird", - "▁Thi rd", - "% \",\n", - "%\" ,\n", - "%\", \n", - "▁ {}\".", - "▁{ }\".", - "▁{} \".", - "▁S ony", - "▁So ny", - "▁Son y", - "▁ [:", - "▁[ :", - "5 85", - "58 5", - "▁f allen", - "▁fall en", - "▁fal len", - ". ')\n", - ".' )\n", - ".') \n", - "i nh", - "in h", - "▁ MC", - "▁M C", - "▁ redis", - "▁re dis", - "▁r edis", - "▁red is", - "C odes", - "Code s", - "Co des", - "▁ profiles", - "▁pro files", - "▁prof iles", - "▁profile s", - "▁profil es", - "h ook", - "ho ok", - "Re ducer", - "Red ucer", - "Reduc er", - "Reduce r", - "_ FUNC", - "_F UNC", - "_FUN C", - "▁n avigate", - "▁navig ate", - "str len", - "▁h orm", - "▁hor m", - "▁ho rm", - "▁ SR", - "▁S R", - ". boot", - ".b oot", - "▁ digest", - "▁d igest", - "▁di gest", - "▁dig est", - "\t header", - "\thead er", - ". findOne", - ".find One", - "Db Type", - "n ia", - "ni a", - "_ merge", - "_m erge", - "▁d onne", - "▁don ne", - "▁donn e", - "/ Getty", - "_ CHAR", - "_CH AR", - "▁ bands", - "▁b ands", - "▁band s", - "▁ban ds", - ". URL", - ".U RL", - "art ial", - "▁ freq", - "▁f req", - "▁fr eq", - "▁fre q", - "▁s ist", - "▁si st", - "▁sis t", - "N g", - "▁render ing", - "▁rend ering", - "\\ Core", - "\\C ore", - "Widget s", - "▁ VA", - "▁V A", - "▁activ ists", - "▁activist s", - "S te", - "St e", - "= _", - "a lla", - "al la", - "all a", - "St amp", - "▁ loads", - "▁lo ads", - "▁load s", - "▁ xx", - "▁x x", - "▁ Learning", - "▁L earning", - "▁Le arning", - "▁Learn ing", - "▁Lear ning", - ". Mvc", - ".M vc", - "u ir", - "ui r", - "( \"$", - "(\" $", - "▁connect ing", - "Read Only", - "u ru", - "ur u", - "▁E ag", - "B IT", - "BI T", - "_ DEL", - "_D EL", - "_DE L", - "arr ass", - "ex ternal", - "ext ernal", - "extern al", - "exter nal", - "▁Y OUR", - "▁YOU R", - "▁B rew", - "▁Br ew", - "▁Bre w", - "▁ Five", - "▁F ive", - "▁Fi ve", - "▁ resize", - "▁re size", - "▁res ize", - "i gid", - "ig id", - "igi d", - "e ration", - "er ation", - "era tion", - "6 53", - "65 3", - "5 36", - "53 6", - "0 39", - "03 9", - "▁ Catch", - "▁C atch", - "▁Cat ch", - "▁Le on", - "▁Leo n", - "am il", - "ami l", - ". Body", - ".B ody", - "C lip", - "Cl ip", - "/ list", - "/l ist", - ". br", - ".b r", - "Edit Text", - "\t db", - "\td b", - ". Game", - ".G ame", - "( BuildContext", - "(Build Context", - "back end", - ". Red", - ".R ed", - ".Re d", - "f acebook", - "face book", - "5 29", - "52 9", - ". urls", - ".url s", - ".ur ls", - "m r", - "rol led", - "roll ed", - "- ------", - "-- -----", - "---- ---", - "--- ----", - "----- --", - "------ -", - "▁int ervention", - "▁inter vention", - "▁interven tion", - "▁ret irement", - "▁retire ment", - "▁ Kit", - "▁K it", - "▁Ki t", - "▁ PRE", - "▁P RE", - "▁PR E", - "Upper Case", - "▁ Socket", - "▁S ocket", - "▁So cket", - "▁Soc ket", - "▁ :-", - "▁: -", - "▁stud ying", - "▁study ing", - "▁M etro", - "▁Me tro", - "▁Met ro", - "ar ded", - "ard ed", - "arde d", - "▁convers ations", - "▁conversation s", - "C alled", - "Call ed", - "Cal led", - "▁ex amine", - "▁exam ine", - "ert ificate", - ". gz", - ".g z", - "- responsive", - "-res ponsive", - "▁re fund", - "▁ref und", - "_ network", - "_n etwork", - "_net work", - "0 26", - "02 6", - "all owed", - "allow ed", - "em pt", - "emp t", - "▁me als", - "▁meal s", - "C ategories", - "▁travel ing", - "▁trav eling", - "▁ kg", - "▁k g", - "▁sh ame", - "▁sha me", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁explicit ly", - "▁math ematic", - "▁ Suite", - "▁S uite", - "▁Su ite", - "▁Suit e", - "▁ RGB", - "▁R GB", - "▁RG B", - "****** /", - "***** */", - "▁m ixture", - "▁mix ture", - "l earning", - "le arning", - "lear ning", - "learn ing", - ". template", - ".t emplate", - ".temp late", - ".tem plate", - "at ts", - "att s", - "w x", - "\t ctx", - "\tc tx", - ". properties", - ".p roperties", - ".prop erties", - "▁dr inks", - "▁drink s", - "▁ Either", - "▁E ither", - "set Text", - ". getData", - ".get Data", - ". zip", - ".z ip", - "▁reve als", - "▁reveal s", - "< table", - ". HashMap", - ".Hash Map", - "▁H ur", - "▁Hu r", - ") \");\n", - ")\" );\n", - ". framework", - ".f ramework", - ".frame work", - ".fr amework", - "▁ START", - "▁ST ART", - "▁STAR T", - "fe edback", - "feed back", - "4 57", - "45 7", - "▁saf ely", - "▁safe ly", - ". icon", - ".i con", - ".ic on", - ".ico n", - "con figure", - "config ure", - "conf igure", - ". lock", - ".l ock", - ".loc k", - ".lo ck", - ". layers", - ".l ayers", - ".layer s", - "/ >.\n", - "/> .\n", - "▁r anked", - "▁rank ed", - "▁ran ked", - "_ impl", - "_i mpl", - "_im pl", - "_imp l", - "▁H andles", - "▁Hand les", - "▁Handle s", - "▁host ed", - "▁ho sted", - "▁up dating", - "al bum", - "▁ shader", - "▁sh ader", - "▁sha der", - "▁shade r", - "Ed itors", - "Edit ors", - "Editor s", - "- round", - "-r ound", - "-ro und", - "[ ]{", - "[] {", - "▁ sep", - "▁s ep", - "▁se p", - "▁ Hi", - "▁H i", - "T EM", - "TE M", - "look up", - ". man", - ".m an", - "_ INPUT", - "_IN PUT", - "▁threat ened", - "▁threaten ed", - "_ IMPORT", - "_IM PORT", - "▁d rops", - "▁dr ops", - "▁drop s", - "▁dro ps", - "r uit", - "ru it", - "s id", - "si d", - "b oth", - "bo th", - "bot h", - "▁ Excel", - "▁Ex cel", - "▁Exc el", - "▁ jer", - "▁j er", - "▁je r", - "ord inary", - "ordin ary", - "V IEW", - "VI EW", - "re ply", - "rep ly", - "▁ ):\n", - "▁) :\n", - "▁): \n", - "col ors", - "color s", - "colo rs", - "ver ified", - "_ Tr", - "_T r", - "_ parse", - "_p arse", - "_par se", - "▁con gress", - "▁congr ess", - "6 17", - "61 7", - "P romise", - "Prom ise", - "in ts", - "int s", - "▁ Mother", - "▁M other", - "▁Mo ther", - "▁Mot her", - ". Api", - ".A pi", - ".Ap i", - "▁ Duration", - "▁D uration", - "▁Du ration", - "▁Dur ation", - "▁ firstName", - "▁first Name", - "inherit doc", - "▁M ars", - "▁Mar s", - "▁Ma rs", - "▁ apr", - "▁a pr", - "▁ap r", - "OD Y", - "▁vis its", - "▁visit s", - "6 31", - "63 1", - "▁he aling", - "▁heal ing", - "let ters", - "letter s", - "lette rs", - "lett ers", - ") ));\r\n", - ")) );\r\n", - "))) ;\r\n", - "))); \r\n", - "f uture", - "fu ture", - ". Framework", - ".F ramework", - ".Frame work", - "▁k iss", - "▁ki ss", - "▁inv olve", - "▁invol ve", - "▁sil ent", - "ad ows", - "ado ws", - "adow s", - "▁any body", - "s ch", - "sc h", - "6 90", - "69 0", - "▁sol ely", - "▁sole ly", - "- img", - "-i mg", - "-im g", - "▁p ropri", - "▁prop ri", - "▁in struct", - "▁instr uct", - "▁license s", - "▁lic enses", - "▁m eth", - "▁me th", - "▁met h", - "▁con dem", - "▁cond em", - "▁ Domain", - "▁D omain", - "▁Do main", - "▁Dom ain", - "▁H arris", - "▁Har ris", - "▁Harr is", - "CE PT", - "B atch", - "Bat ch", - "@ extends", - "▁CONTR IBUT", - ".Data Frame", - "4 72", - "47 2", - "_ packet", - "_p acket", - "_pack et", - "_pa cket", - "re cision", - "rec ision", - "▁focus ing", - "▁foc using", - ". ht", - ".h t", - "__ \":\n", - ": Get", - "▁K C", - "▁p assage", - "▁pass age", - "Se gment", - "Seg ment", - "_ center", - "_c enter", - "_cent er", - "-z A", - "_ BL", - "_B L", - "▁con vin", - "▁conv in", - "▁class ified", - "▁ NSMutable", - "▁NS Mutable", - "_ ap", - "_a p", - "t ile", - "til e", - "ti le", - "Rect angle", - "4 92", - "49 2", - "( nums", - "(n ums", - "(num s", - "v ens", - "ve ns", - "ven s", - "▁ UIButton", - "▁UI Button", - "▁UIB utton", - "▁F eder", - "▁Fe der", - "▁Fed er", - "a mo", - "am o", - "▁ outline", - "▁out line", - "▁ Parser", - "▁P arser", - "▁Par ser", - "▁Parse r", - "▁Pars er", - "▁ Works", - "▁Work s", - "▁Wor ks", - ". Schema", - ".S chema", - "▁eng ines", - "▁engine s", - "6 37", - "63 7", - "5 63", - "56 3", - "_ common", - "_com mon", - "_comm on", - "5 42", - "54 2", - "_ old", - "_o ld", - "▁set ContentView", - "▁ ///<", - "▁// /<", - "▁/// <", - "▁ BT", - "▁B T", - "f m", - "▁d ivers", - "▁di vers", - "▁div ers", - "▁dive rs", - "▁diver s", - "_ weights", - "_weight s", - "_we ights", - "e mark", - "em ark", - "ema rk", - "▁ ACT", - "▁A CT", - "▁AC T", - "▁pro portion", - "▁prop ortion", - "▁proport ion", - "over lay", - ". dirname", - ".dir name", - "▁ Git", - "▁G it", - "▁Gi t", - "_REF ERENCE", - "< >", - "l b", - "_ rule", - "_r ule", - "▁Put in", - "▁Pu tin", - "▁sleep ing", - "▁sle eping", - "▁slee ping", - "( ):\r\n", - "() :\r\n", - "(): \r\n", - "▁p reserve", - "▁pre serve", - "▁pres erve", - "▁par liament", - "▁ Looking", - "▁Lo oking", - "▁Look ing", - "▁p icking", - "▁pick ing", - "▁pic king", - "▁ Dispatch", - "▁Dis patch", - "▁s lip", - "▁sl ip", - "▁L yn", - "▁Ly n", - "_ signal", - "_s ignal", - "_sign al", - "_sig nal", - "config uration", - "▁P itt", - "▁Pi tt", - "▁Pit t", - "4 91", - "49 1", - "a den", - "ad en", - "ade n", - "pro cedure", - "▁enthus i", - "f ight", - "fig ht", - "fi ght", - "▁ Consider", - "▁Cons ider", - "▁t orn", - "▁to rn", - "▁tor n", - "Conn ected", - "Connect ed", - ". cos", - ".c os", - ".co s", - "_ groups", - "_group s", - "▁ Think", - "▁Th ink", - "▁Thi nk", - "▁del iber", - "▁re sid", - "▁res id", - "work ing", - "wor king", - ". columns", - ".column s", - "▁ Called", - "▁C alled", - "▁Cal led", - "▁Call ed", - "▁es lint", - "> \",", - ">\" ,", - "_ DOWN", - "_D OWN", - "_DO WN", - "h ist", - "hi st", - "his t", - "▁ Advanced", - "▁Adv anced", - "▁Advance d", - "▁re wards", - "▁reward s", - "a ctors", - "act ors", - "actor s", - "▁sil ence", - "4 79", - "47 9", - "▁my th", - "▁n eur", - "▁ne ur", - "▁neu r", - "5 19", - "51 9", - "▁a uction", - "▁au ction", - "▁auc tion", - ". GetString", - ".Get String", - "e ks", - "ek s", - "( project", - "(pro ject", - "5 98", - "59 8", - "\t msg", - "\tm sg", - "\tms g", - "\t output", - "\tout put", - "▁complaint s", - "▁complain ts", - "5 51", - "55 1", - ", S", - "▁ tbl", - "▁t bl", - "▁tb l", - "▁ ,\n\n", - "▁, \n\n", - "▁,\n \n", - "r iors", - "ri ors", - "rior s", - "rio rs", - "ah ren", - "ahr en", - "▁law yers", - "▁lawy ers", - "▁lawyer s", - "re dux", - "red ux", - "_ symbol", - "_s ymbol", - "_sym bol", - "o ffee", - "of fee", - "off ee", - "_ RESULT", - "_RES ULT", - "( Name", - "(N ame", - "U TC", - "UT C", - ".current Time", - "▁organ is", - ". arg", - ".a rg", - ".ar g", - "5 33", - "53 3", - "▁min im", - "▁mi nim", - "▁mini m", - "w ick", - "wi ck", - "▁rece ives", - "▁receive s", - "B alance", - "Bal ance", - "▁spe aks", - "▁speak s", - "▁ Days", - "▁D ays", - "▁Day s", - "▁Da ys", - "▁ Below", - "▁B elow", - "▁Be low", - "▁Bel ow", - "4 83", - "48 3", - "t ipo", - "ti po", - "tip o", - "P resent", - "Pre sent", - "Pres ent", - "▁re serv", - "▁res erv", - "h p", - "▁ rit", - "▁r it", - "▁ri t", - "_ RIGHT", - "_R IGHT", - "-- )", - "▁chair man", - "7 81", - "78 1", - "D IS", - "DI S", - "▁ BOOST", - "▁BO OST", - "▁ex periments", - "▁exper iments", - "▁experi ments", - "▁experiment s", - "6 87", - "68 7", - "_ _);\n", - "__ );\n", - "__) ;\n", - "▁ stamp", - "▁st amp", - "▁sta mp", - "▁f ert", - "▁fe rt", - "▁fer t", - "▁f ond", - "▁fo nd", - "▁fon d", - "T er", - "Te r", - "el ve", - "u ren", - "ur en", - "ure n", - "+ i", - "end ency", - "ende ncy", - "enden cy", - "▁virtual ly", - "▁virt ually", - ". ..\"", - ".. .\"", - "... \"", - "9 25", - "92 5", - "- cent", - "-c ent", - "-ce nt", - "_ unique", - "_un ique", - "▁p ricing", - "▁pr icing", - "▁pri cing", - "m ic", - "mi c", - "R ESH", - "RE SH", - "RES H", - "▁: ::", - "▁:: :", - "▁ annotation", - "▁an notation", - "▁ann otation", - "▁annot ation", - "▁ Circle", - "▁C ircle", - "▁Circ le", - "▁Cir cle", - "ong odb", - "ongo db", - "i tas", - "it as", - "ita s", - "▁ %(", - "▁% (", - "( component", - "(com ponent", - "( port", - "(p ort", - "- hour", - "-h our", - ". obj", - ".o bj", - ".ob j", - "L BL", - "LB L", - "▁ jury", - "▁j ury", - "▁ju ry", - "▁jur y", - "G BT", - "GB T", - "▁ spy", - "▁s py", - "▁sp y", - "▁ Professional", - "▁Prof essional", - "▁Profession al", - "▁\" \";\n\n", - "▁\"\" ;\n\n", - "▁\"\";\n \n", - "▁\"\"; \n\n", - "▁str iking", - "▁stri king", - "▁discrim ination", - "▁discrimin ation", - "▁p ays", - "▁pay s", - "▁pa ys", - "9 37", - "93 7", - "l ict", - "lic t", - "li ct", - "en tes", - "ent es", - "ente s", - "▁th rowing", - "▁throw ing", - "▁thr owing", - "▁thro wing", - "▁ Plugin", - "▁Pl ugin", - "▁Plug in", - "( def", - "(d ef", - "(de f", - "▁ RuntimeException", - "▁Runtime Exception", - "▁ Migration", - "▁M igration", - "▁Mig ration", - "5 99", - "59 9", - "▁ dic", - "▁d ic", - "▁di c", - "b ag", - "ba g", - "o nia", - "on ia", - "oni a", - "▁cor ruption", - "▁corrupt ion", - "7 04", - "70 4", - "( Map", - "(M ap", - "▁p rz", - "▁pr z", - ". dto", - ".d to", - ".dt o", - "▁ac quire", - "▁acqu ire", - "State ToProps", - "▁l oving", - "▁lo ving", - "_ pattern", - "_p attern", - "_pat tern", - "▁em otions", - "▁emot ions", - "▁emotion s", - "▁ publisher", - "▁p ublisher", - "▁publish er", - "_ be", - "_b e", - "▁co uples", - "▁couple s", - "▁coup les", - "4 98", - "49 8", - "o j", - "▁ Chart", - "▁C hart", - "▁Ch art", - "▁Char t", - "▁Cha rt", - "▁t rop", - "▁tr op", - "▁tro p", - ". tool", - ".t ool", - ".to ol", - "▁establish ment", - "▁d ol", - "▁do l", - "6 54", - "65 4", - "▁t ower", - "▁to wer", - "▁tow er", - "▁ lane", - "▁l ane", - "▁la ne", - "▁lan e", - "▁Sy dney", - "▁f illing", - "▁fil ling", - "▁fill ing", - "claim ed", - "6 44", - "64 4", - "▁dialog ue", - "▁dial ogue", - "▁con vention", - "▁conv ention", - "▁conven tion", - "▁convent ion", - "bo oking", - "book ing", - "boo king", - "par ency", - "pare ncy", - "paren cy", - "▁ Generic", - "▁G eneric", - "▁Gener ic", - "▁Gen eric", - "▁Gene ric", - "7 18", - "71 8", - "\\ Schema", - "\\S chema", - "4 82", - "48 2", - "6 18", - "61 8", - "▁r anges", - "▁range s", - "▁ran ges", - "▁rang es", - "/ ch", - "/c h", - "▁panel s", - "▁pa nels", - "▁pan els", - "▁pane ls", - "▁r uled", - "▁rule d", - "▁ru led", - ". ts", - ".t s", - "_ sets", - "_s ets", - "_set s", - "_se ts", - "▁ cleanup", - "▁c leanup", - "▁clean up", - "Pre vious", - "Prev ious", - "▁ Animal", - "▁An imal", - "▁Anim al", - "6 07", - "60 7", - "( $(", - "($ (", - "▁A ve", - "▁Av e", - "ol lar", - "oll ar", - "olla r", - "0 28", - "02 8", - "_ eval", - "_e val", - "_ev al", - "\t Name", - "\tN ame", - "( tree", - "(t ree", - "(tr ee", - "▁ \"]", - "▁\" ]", - "5 71", - "57 1", - "▁du ties", - "▁dut ies", - "= '/", - "=' /", - "Click ed", - "Cl icked", - "▁differ ently", - "▁different ly", - "▁Cl ark", - "▁Clar k", - "▁Cla rk", - "▁ dit", - "▁d it", - "▁di t", - "olog ists", - "ologist s", - "▁sy nd", - "▁syn d", - "▁s ends", - "▁send s", - "▁sen ds", - "- known", - "-k nown", - "k b", - "▁ Modal", - "▁M odal", - "▁Mod al", - "▁Mo dal", - "it ative", - "itat ive", - "▁r acing", - "▁rac ing", - "▁ra cing", - "▁high lights", - "▁highlight s", - "▁S imon", - "▁Sim on", - "▁Si mon", - "▁ Captain", - "▁Cap tain", - "▁Capt ain", - "▁ CB", - "▁C B", - "con tin", - "cont in", - "a ran", - "ar an", - "ara n", - "▁ph ysics", - "▁phys ics", - "▁physic s", - "ret ty", - "rett y", - "e tal", - "et al", - "eta l", - ". md", - ".m d", - "ax ios", - "▁spe akers", - "▁speak ers", - "▁speaker s", - "▁p rep", - "▁pr ep", - "▁pre p", - "▁aw arded", - "▁award ed", - "▁C orn", - "▁Co rn", - "▁Cor n", - "▁N ature", - "▁Na ture", - "▁Nat ure", - "▁Natur e", - "UD IO", - "7 37", - "73 7", - "▁ proj", - "▁pro j", - "▁pr oj", - "- pre", - "-p re", - "-pr e", - "[ u", - "F eatures", - "Fe atures", - "Feature s", - "▁is Equal", - "B inary", - "Bin ary", - "s ig", - "si g", - "▁con fusion", - "▁conf usion", - "5 46", - "54 6", - "5 68", - "56 8", - "▁H at", - "▁Ha t", - ". configure", - ".con figure", - ".config ure", - ".conf igure", - "M ON", - "MO N", - "4 94", - "49 4", - "/ edit", - "/e dit", - "_ Add", - "_A dd", - "_Ad d", - ", true", - "5 41", - "54 1", - "▁ cli", - "▁c li", - "▁cl i", - "Error Message", - "- loader", - "-l oader", - "-lo ader", - "-load er", - "Dim ensions", - "Dimension s", - "ulti ply", - "ultip ly", - "▁ {!!", - "▁{ !!", - "▁{! !", - "▁Sql Command", - "▁ spoken", - "▁sp oken", - "▁spoke n", - "▁spo ken", - "▁p ics", - "▁pi cs", - "▁pic s", - "▁t oy", - "▁to y", - "( Key", - "(K ey", - "▁ Loop", - "▁L oop", - "▁Lo op", - "E ATURE", - "EA TURE", - "in ction", - "inc tion", - "inct ion", - "_ setup", - "_set up", - "w rapper", - "wrap per", - "wr apper", - "▁t ong", - "▁to ng", - "▁ton g", - "c ular", - "cul ar", - "cu lar", - "O pt", - "Op t", - ". Pl", - ".P l", - "= \",", - "=\" ,", - "( length", - "(l ength", - "u mn", - "um n", - "▁ chrom", - "▁ch rom", - "▁chr om", - "▁s event", - "▁se vent", - "▁seven t", - "▁Illegal ArgumentException", - "4 78", - "47 8", - "\t start", - "\tst art", - "▁be gun", - "▁beg un", - "CE PTION", - "CEPT ION", - "d ataset", - "data set", - "dat aset", - "datas et", - "8 25", - "82 5", - "▁ Failed", - "▁F ailed", - "▁Fa iled", - "▁Fail ed", - "c ols", - "co ls", - "col s", - "4 59", - "45 9", - "▁k nee", - "▁kn ee", - "▁kne e", - "i more", - "im ore", - "imo re", - ".sp lice", - "s hell", - "sh ell", - "she ll", - "ig gers", - "igger s", - "igg ers", - "▁ themes", - "▁th emes", - "▁the mes", - "▁them es", - "▁theme s", - "9 95", - "99 5", - "▁ DJ", - "▁D J", - "▁Ass istant", - "▁Assist ant", - "- $", - "M aybe", - "May be", - "▁ ordering", - "▁order ing", - "▁ord ering", - "▁Int elligence", - "▁Mass achusetts", - "▁f ailing", - "▁fa iling", - "▁fail ing", - "el son", - "els on", - "G reat", - "Gr eat", - "= i", - ". rest", - ".re st", - ".r est", - ".res t", - "▁ invite", - "▁inv ite", - "- disable", - "-dis able", - ". GroupBox", - ".Group Box", - "▁t ackle", - "▁tack le", - "▁tac kle", - "g v", - "et ter", - "ette r", - "ett er", - "▁ ),\r\n", - "▁) ,\r\n", - "▁), \r\n", - "_ rules", - "_r ules", - "_rule s", - ". warn", - ".w arn", - "function s", - "fun ctions", - "▁Christ ians", - "▁Christian s", - "▁b acked", - "▁back ed", - "▁ slider", - "▁s lider", - "▁sl ider", - "▁slide r", - "▁slid er", - "▁enjoy ing", - "▁enjo ying", - "n est", - "ne st", - "nes t", - "▁h ij", - "▁hi j", - "_ ms", - "_m s", - "/ /*", - "// *", - "An notations", - "Annotation s", - "▁ Variables", - "▁Variable s", - "▁Vari ables", - "< V", - "( server", - "(s erver", - "▁ Oracle", - "▁Or acle", - "el ements", - "element s", - "ele ments", - "elem ents", - "▁ organisation", - "▁organ isation", - "▁organis ation", - "_ pointer", - "_point er", - "▁ Headers", - "▁He aders", - "▁Head ers", - "▁Header s", - "[ d", - "▁dead line", - "i ssa", - "is sa", - "iss a", - "▁ knife", - "▁kn ife", - "▁ NASA", - "▁NAS A", - "▁NA SA", - "▁ Height", - "▁He ight", - "7 84", - "78 4", - "▁ Async", - "▁A sync", - "▁As ync", - "▁ venue", - "▁ven ue", - ". dom", - ".d om", - ".do m", - "bour ne", - "▁H awai", - "▁Haw ai", - "▁ memo", - "▁m emo", - "▁me mo", - "▁mem o", - "i ctions", - "ict ions", - "iction s", - "▁sur veillance", - "▁surve illance", - "o mi", - "om i", - "/ assets", - "5 87", - "58 7", - "▁ edu", - "▁e du", - "▁ed u", - "▁r oster", - "▁ro ster", - "▁ros ter", - "▁h ired", - "▁hi red", - "▁hire d", - "▁ Tok", - "▁T ok", - "▁To k", - "▁ placement", - "▁pl acement", - "▁place ment", - "▁plac ement", - "ur ations", - "uration s", - "▁set State", - "▁Mag azine", - "▁hor ror", - "▁ho rror", - "▁horr or", - "T ry", - "Tr y", - "▁ lag", - "▁l ag", - "▁la g", - "▁ Everyone", - "▁Every one", - "th ur", - ") );\r\n\r\n", - ")) ;\r\n\r\n", - "));\r\n \r\n", - ")); \r\n\r\n", - ". return", - ".re turn", - ".r eturn", - "▁sy mp", - "▁sym p", - "▁n ights", - "▁night s", - "work er", - "wor ker", - "▁ ale", - "▁a le", - "▁al e", - "ennes see", - ". step", - ".st ep", - "▁s ynchronized", - "▁synchron ized", - "4 87", - "48 7", - "o uri", - "ou ri", - "our i", - "D oes", - "Do es", - ". change", - ".ch ange", - "f on", - "fo n", - ".set Background", - "ir cular", - "irc ular", - "4 76", - "47 6", - "+ -", - "▁C IA", - "▁CI A", - "7 29", - "72 9", - "▁J ane", - "▁Jan e", - "▁Ja ne", - "▁ Similar", - "▁Sim ilar", - "- I", - "level and", - "lev eland", - "▁pros pect", - "_ found", - "_f ound", - "\t color", - "\tc olor", - "\tcol or", - ".D iagnostics", - "▁ann ounce", - "▁announc e", - "▁ass umes", - "▁assum es", - "▁assume s", - "/ tr", - "/t r", - "▁ bd", - "▁b d", - "9 87", - "98 7", - "▁ Carbon", - "▁C arbon", - "▁Car bon", - "▁anal ys", - "▁analy s", - "▁ana lys", - "5 64", - "56 4", - ". dest", - ".d est", - ".de st", - ".des t", - "n ik", - "ni k", - "▁L ie", - "▁Li e", - "- index", - "-ind ex", - "Draw able", - "▁ TAG", - "▁T AG", - "▁TA G", - "▁ triangle", - "▁tri angle", - "_ FLOAT", - "_F LOAT", - "\t \t▁▁▁▁▁", - "\t\t ▁▁▁▁▁", - "\t\t▁▁▁ ▁▁", - "\t\t▁ ▁▁▁▁", - "\t\t▁▁ ▁▁▁", - "\t\t▁▁▁▁ ▁", - ". black", - ".bl ack", - "v ue", - "vu e", - "c uracy", - "cur acy", - "cura cy", - "▁a ffects", - "▁affect s", - "9 06", - "90 6", - "▁sur ely", - "▁sure ly", - "S lider", - "Sl ider", - "Slide r", - "u ki", - "uk i", - "c ery", - "ce ry", - "cer y", - "▁ unter", - "▁un ter", - "▁unt er", - ". profile", - ".pro file", - "or don", - "ord on", - "ordo n", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "le ave", - "▁smart phone", - "g ie", - "gi e", - "▁con spir", - "▁cons pir", - "▁t utorial", - "▁tut orial", - "▁tutor ial", - "▁ cab", - "▁c ab", - "▁ca b", - "7 65", - "76 5", - "▁ Summary", - "▁Sum mary", - "* \n\n", - "*\n \n", - "\" This", - "▁sl ides", - "▁slide s", - "▁slid es", - "\" ", - "() >", - "c ycle", - "cy cle", - "▁B ull", - "▁Bul l", - "▁Bu ll", - "p aths", - "path s", - "pat hs", - "pa ths", - "▁u np", - "▁un p", - "▁view DidLoad", - "_ Model", - "_M odel", - "_Mode l", - "▁ assertTrue", - "▁assert True", - "▁ rated", - "▁r ated", - "▁rate d", - "▁rat ed", - "▁ra ted", - "De cl", - "Dec l", - "ver ted", - "vert ed", - "▁ Dat", - "▁D at", - "▁Da t", - "b rew", - "br ew", - "bre w", - "▁point ing", - "M s", - "▁ Pointer", - "▁Point er", - "▁Po inter", - ") '", - "_ non", - "_n on", - "_no n", - "5 27", - "52 7", - "▁ SEC", - "▁S EC", - "▁SE C", - "▁y eah", - "▁ye ah", - "g ency", - "ge ncy", - "gen cy", - "initial ize", - "f ly", - "fl y", - "7 11", - "71 1", - "[ pos", - "[p os", - ", g", - "T ele", - "Te le", - "Tel e", - "0 34", - "03 4", - "▁j oke", - "▁jo ke", - "▁cl ause", - ".find ById", - ".findBy Id", - "e nes", - "en es", - "ene s", - "( instance", - "(in stance", - "(inst ance", - "6 26", - "62 6", - "9 15", - "91 5", - "▁s lic", - "▁sl ic", - "_ home", - "_h ome", - "_hom e", - "▁ */}\n", - "▁*/ }\n", - "_ pages", - "_p ages", - "_page s", - "_pag es", - "_pa ges", - "( service", - "(s ervice", - "9 05", - "90 5", - "R P", - "▁ Among", - "▁Am ong", - ". getCurrent", - ".get Current", - ".getC urrent", - "8 06", - "80 6", - "▁s lee", - "▁sl ee", - "▁sle e", - "= [\n", - ">[ \n", - "o ler", - "ol er", - "ole r", - "▁li bert", - "▁lib ert", - "▁liber t", - "▁ `\n", - "▁` \n", - "▁w enn", - "▁we nn", - "▁wen n", - "l ated", - "la ted", - "late d", - "lat ed", - "▁imm une", - "▁immun e", - "( Node", - "(N ode", - "▁ Problem", - "▁Pro blem", - "▁Prob lem", - "▁ Abs", - "▁A bs", - "▁Ab s", - "l ogs", - "lo gs", - "log s", - "▁ ../", - "▁. ./", - "▁.. /", - "▁ ADC", - "▁A DC", - "▁AD C", - "▁ }}\">\n", - "▁}} \">\n", - "▁}}\" >\n", - "▁}}\"> \n", - "> ');\n", - ">' );\n", - "= b", - "▁ Wind", - "▁W ind", - "▁Win d", - "▁Wi nd", - "l ahoma", - "lah oma", - "▁ allocate", - "▁al locate", - "▁alloc ate", - "o rian", - "or ian", - "oria n", - "ori an", - "▁pr escription", - "▁pre scription", - "▁pres cription", - "- quality", - "-q uality", - "▁May or", - "▁Ma yor", - "▁Mayo r", - "8 55", - "85 5", - "in ely", - "ine ly", - "inel y", - "end foreach", - "▁ Complex", - "▁Com plex", - "▁Comp lex", - "▁Comple x", - "k om", - "ko m", - "7 09", - "70 9", - "T Y", - "7 90", - "79 0", - "] ].", - "]] .", - ". Style", - ".St yle", - "_ many", - "_m any", - "_man y", - "', '$", - "',' $", - "▁bar rier", - "▁barr ier", - "▁ Fetch", - "▁F etch", - "▁Mar vel", - "▁res ist", - "b idden", - "bi dden", - "bid den", - "▁Run nable", - ": false", - ":f alse", - "8 99", - "89 9", - "▁build s", - "▁ Stage", - "▁St age", - "▁Sta ge", - "▁d ub", - "▁du b", - "em po", - "emp o", - ". site", - ".s ite", - "5 58", - "55 8", - "; \n\n\n\n", - ";\n \n\n\n", - ";\n\n \n\n", - ";\n\n\n \n", - "9 94", - "99 4", - "▁Den ver", - "▁re vel", - "▁rev el", - "▁reve l", - "▁trigger ed", - "▁d ice", - "▁di ce", - "▁dic e", - "_ fail", - "_f ail", - "▁ gc", - "▁g c", - "8 33", - "83 3", - "5 89", - "58 9", - "\t X", - "▁ Throwable", - "▁Th rowable", - "▁Throw able", - "7 75", - "77 5", - ". router", - ".r outer", - ".route r", - ".ro uter", - "▁Rev olution", - "_ NON", - "_N ON", - "_NO N", - "0 55", - "05 5", - "5 78", - "57 8", - "▁el der", - "▁ab road", - "▁ Adult", - "▁Ad ult", - "b lr", - "bl r", - "g lyphicon", - "6 13", - "61 3", - "▁prom oting", - "▁promot ing", - "▁promo ting", - "▁ iz", - "▁i z", - "▁ Solid", - "▁S olid", - "▁So lid", - "▁Sol id", - "6 45", - "64 5", - "_ loader", - "_l oader", - "_lo ader", - "_load er", - "ear ly", - ". enabled", - ".en abled", - ".enable d", - "- edit", - "-e dit", - "-ed it", - "▁ UL", - "▁U L", - "_ play", - "_p lay", - "_pl ay", - "▁ Interrupt", - "▁Int errupt", - "▁Inter rupt", - "▁adv antages", - "▁advant ages", - "▁advantage s", - "u cle", - "uc le", - "▁mechan ical", - "▁mechanic al", - ".table LayoutPanel", - "▁ Working", - "▁Work ing", - "▁Wor king", - "▁ anonymous", - "▁an onymous", - "▁anonym ous", - "R ating", - "Ra ting", - "ig ious", - "igi ous", - "_ phone", - "_p hone", - "_ph one", - ".addAction Listener", - "▁f ran", - "▁fr an", - "▁fra n", - "un den", - "und en", - "unde n", - "▁ *)&", - "▁* )&", - "▁*) &", - "_ bool", - "_b ool", - "_bo ol", - "ul ative", - "▁ cone", - "▁c one", - "▁con e", - "▁co ne", - "▁ Mult", - "▁M ult", - "▁Mu lt", - "▁Mul t", - "▁ Forward", - "▁For ward", - "] ):\n", - "]) :\n", - "]): \n", - "▁convin ced", - "▁convince d", - "▁convinc ed", - "act ed", - "ac ted", - "6 43", - "64 3", - "▁ Configure", - "▁Con figure", - "▁Config ure", - "▁Conf igure", - "▁ce iling", - "▁ceil ing", - "D er", - "De r", - "▁pass engers", - "▁passenger s", - "Group s", - "▁soc cer", - "/ W", - "av iors", - "avior s", - "avi ors", - "s with", - "sw ith", - "▁ Zone", - "▁Z one", - "▁Zo ne", - ". Options", - ".O ptions", - ".Option s", - "▁ Mom", - "▁M om", - "▁Mo m", - "i eder", - "ie der", - "ied er", - "Array s", - "Arr ays", - "▁treat ments", - "▁treatment s", - "▁protect ing", - "f ac", - "fa c", - "▁p ickle", - "▁pick le", - "▁pic kle", - "Button Item", - "7 13", - "71 3", - "▁block ing", - "▁bloc king", - "st rar", - "str ar", - "stra r", - "▁ Export", - "▁Ex port", - "▁Exp ort", - "▁Expo rt", - "▁th rew", - "▁thr ew", - "ot ta", - "ott a", - "▁ BASE", - "▁B ASE", - "▁BAS E", - "▁BA SE", - ". ws", - ".w s", - ".LE ADING", - "order By", - "_ delay", - "_d elay", - "_de lay", - "_del ay", - "▁P u", - ".d ll", - "▁ Choose", - "▁Ch oose", - "▁Cho ose", - "9 92", - "99 2", - "Pol ice", - "Po lice", - "▁ BEGIN", - "▁B EGIN", - "▁BE GIN", - "box es", - "▁d iamond", - "▁diam ond", - "▁dia mond", - ", l", - "▁ \t\t\t", - "▁\t \t\t", - "▁\t\t \t", - "▁c urious", - "▁cur ious", - "6 24", - "62 4", - "t v", - "▁erot ische", - "ack ages", - "ackage s", - "\t Set", - "\tS et", - "T ick", - "Ti ck", - ". border", - ".b order", - "static method", - "▁ cher", - "▁c her", - "▁ch er", - "▁che r", - "in voice", - "inv oice", - "▁c ru", - "▁cr u", - "▁de fect", - "▁def ect", - "▁defe ct", - "_ metadata", - "_m etadata", - "_meta data", - "_met adata", - "re lation", - "rel ation", - "i kan", - "ik an", - "ika n", - "[ N", - "( Qt", - "(Q t", - "( Base", - "(B ase", - "b eat", - "be at", - "▁ Empty", - "▁Em pty", - "▁Emp ty", - "\t o", - "_ shift", - "_s hift", - "_sh ift", - "▁reg ret", - "7 22", - "72 2", - "Th ose", - "C ent", - "Ce nt", - "▁Port ug", - "▁Is lands", - "▁Isl ands", - "▁Island s", - "▁ TIME", - "▁T IME", - "▁TIM E", - "▁TI ME", - "Man agement", - "Manage ment", - "9 96", - "99 6", - "- sp", - "-s p", - "5 39", - "53 9", - "▁n otion", - "▁not ion", - "▁no tion", - "un ifu", - "uni fu", - "P K", - "8 26", - "82 6", - "▁CUR LOPT", - "\\ \"\\", - "\\\" \\", - "U V", - "d ra", - "dr a", - "c ou", - "co u", - "= `", - "▁ Destroy", - "▁D estroy", - "▁De stroy", - "▁Dest roy", - "r p", - ". cancel", - ".c ancel", - ".can cel", - "G G", - "r untime", - "run time", - "▁ Vue", - "▁V ue", - "▁Vu e", - "▁pro gressive", - "▁progress ive", - "▁prog ressive", - "/ services", - "/s ervices", - "/service s", - "▁ runner", - "▁r unner", - "▁run ner", - "_ FRAME", - "_FR AME", - ". ToolStripMenuItem", - ".ToolStrip MenuItem", - "▁ ','", - "▁' ,'", - "▁', '", - "d elay", - "de lay", - "del ay", - "= utf", - "=u tf", - "▁screen ing", - "▁scre ening", - "▁p ulling", - "▁pull ing", - "▁pul ling", - "o mas", - "om as", - "oma s", - "▁ anth", - "▁a nth", - "▁an th", - "▁ant h", - "- new", - "-n ew", - "-ne w", - "/ local", - "/l ocal", - "▁i Pad", - "▁ twitter", - "▁t witter", - "▁tw itter", - "▁d ying", - "▁dy ing", - "▁he aven", - "▁heav en", - "▁ UInt", - "▁U Int", - "▁UI nt", - "▁Sen ator", - "▁pre sum", - "▁pres um", - "▁W alker", - "▁Walk er", - "▁Wal ker", - "▁over come", - "e tection", - "et ection", - "ete ction", - "etect ion", - "▁emb arrass", - "Ch ina", - "Chi na", - "6 39", - "63 9", - "In clude", - "Inc lude", - "R OLL", - "RO LL", - "ROL L", - "▁ dataType", - "▁data Type", - "D avid", - "Da vid", - "l op", - "lo p", - "- month", - "-m onth", - "▁ scar", - "▁s car", - "▁sc ar", - "▁sca r", - "▁ Safe", - "▁S afe", - "▁Saf e", - "▁Sa fe", - "▁ ****************************************************************", - "▁******************************** ********************************", - "▁******** ********************************************************", - "▁**************** ************************************************", - "▁************************ ****************************************", - "▁**************************************** ************************", - "▁access ories", - "▁accessor ies", - "▁r amp", - "▁ra mp", - "▁ram p", - "_ USE", - "_U SE", - "_US E", - "▁con trad", - "▁cont rad", - "▁contr ad", - "▁contra d", - ") )]\n", - ")) ]\n", - "▁p rest", - "▁pr est", - "▁pre st", - "▁pres t", - "▁ HR", - "▁H R", - "▁R ap", - "▁Ra p", - "▁ usize", - "▁u size", - "▁us ize", - "▁cap ability", - "▁c ort", - "▁co rt", - "▁cor t", - "- next", - "-n ext", - "-ne xt", - "0 77", - "07 7", - "6 27", - "62 7", - "▁bur den", - "8 22", - "82 2", - "_ reader", - "_re ader", - "_read er", - "▁ @@", - "▁@ @", - "reg ular", - "▁K a", - "0 36", - "03 6", - "M AN", - "MA N", - "▁ astr", - "▁a str", - "▁as tr", - "▁ast r", - "▁' ')\n", - "▁'' )\n", - "▁'') \n", - "▁ fed", - "▁f ed", - "▁fe d", - "▁p arsing", - "▁pars ing", - "▁ Years", - "▁Y ears", - "▁Year s", - "▁Ye ars", - "▁b roker", - "▁br oker", - "▁bro ker", - "▁broke r", - "\": {\"", - "▁ akt", - "▁a kt", - "▁ak t", - "In ventory", - "ab eled", - "abel ed", - "abe led", - "▁arg parse", - "** *****\n", - "**** ***\n", - "****** *\n", - "***** **\n", - "******* \n", - "vers ation", - "▁ cord", - "▁c ord", - "▁co rd", - "▁cor d", - "▁ Ti", - "▁T i", - "▁hope fully", - "▁hopeful ly", - "▁ ah", - "▁a h", - "v erb", - "ver b", - "ve rb", - "▁st olen", - "▁stole n", - "▁sto len", - ". Entry", - ".En try", - "▁expect ing", - "O rientation", - "▁ powered", - "▁power ed", - "▁pow ered", - "▁ persist", - "▁p ersist", - "▁pers ist", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "' ]);", - "'] );", - "']) ;", - "' )),\n", - "') ),\n", - "')) ,\n", - "')), \n", - "▁ Cash", - "▁C ash", - "▁Cas h", - "▁Ca sh", - "\t item", - "\ti tem", - "\tit em", - "8 18", - "81 8", - "g rades", - "gr ades", - "grad es", - "grade s", - "gra des", - "r opol", - "ro pol", - "rop ol", - "b asic", - "ba sic", - "bas ic", - "▁ \");\r\n", - "▁\" );\r\n", - "▁\") ;\r\n", - "▁\"); \r\n", - "▁a wards", - "▁aw ards", - "▁award s", - "( range", - "(r ange", - "- all", - "-a ll", - "-al l", - "▁ IBOutlet", - "▁IB Outlet", - "▁ Indeed", - "▁Ind eed", - "---------------------------------------------------------------- ------------", - "------------ ----------------------------------------------------------------", - "------------------------------------------------ ----------------------------", - "------ ----------------------------------------------------------------------", - "---------------------------- ------------------------------------------------", - "---------------------------------------------------------------------- ------", - "▁stom ach", - "▁sto mach", - "▁ flower", - "▁f lower", - "▁fl ower", - "▁flow er", - "▁flo wer", - "▁s ew", - "▁se w", - "_ times", - "_t imes", - "_time s", - "_tim es", - "a vis", - "av is", - "avi s", - "Q String", - "▁ Routes", - "▁R outes", - "▁Route s", - "▁Ro utes", - "▁Rou tes", - "_ prot", - "_p rot", - "_pro t", - "_pr ot", - "▁com edy", - "▁come dy", - "▁ logout", - "▁log out", - "▁logo ut", - "▁wood en", - "▁wo oden", - "▁ poster", - "▁p oster", - "▁pos ter", - "▁post er", - "▁po ster", - "p iece", - "pie ce", - ". Join", - ".J oin", - "▁P ok", - "▁Po k", - "cel ona", - "m utex", - "mut ex", - "mu tex", - "mute x", - "; \r\n\r\n\r\n", - ";\r\n \r\n\r\n", - ";\r\n\r\n \r\n", - "▁str ikes", - "▁stri kes", - "▁strike s", - "7 87", - "78 7", - "Lo aded", - "Load ed", - ") arg", - ")a rg", - "e sa", - "es a", - "Un ited", - "Unit ed", - "E p", - "P ELL", - "PE LL", - "8 07", - "80 7", - "▁Atl antic", - "ul let", - "ull et", - "ulle t", - "6 52", - "65 2", - "ap ple", - "app le", - "▁sett led", - "▁settle d", - "a con", - "ac on", - "aco n", - "▁pr inter", - "▁print er", - "▁ GC", - "▁G C", - "▁render ed", - "▁rend ered", - "he it", - "hei t", - "s ocial", - "so cial", - "soc ial", - ". ge", - ".g e", - "7 14", - "71 4", - "▁R ick", - "▁Ric k", - "▁Ri ck", - "▁Ut ah", - "g ot", - "go t", - "on ical", - "onic al", - "oni cal", - "▁ Scroll", - "▁S croll", - "▁Sc roll", - "▁Scr oll", - "▁Sc iences", - "▁Science s", - "▁Sci ences", - "▁ jug", - "▁j ug", - "▁ju g", - "▁a mpl", - "▁am pl", - "▁amp l", - "en ti", - "ent i", - "LE FT", - "▁ tabs", - "▁t abs", - "▁tab s", - "▁ta bs", - "▁enorm ous", - ".get Key", - "lo cate", - "loc ate", - ". EX", - ".E X", - ". storage", - ".st orage", - ". We", - ".W e", - "▁ toast", - "▁to ast", - "▁ Additionally", - "▁Add itionally", - "▁Additional ly", - "8 82", - "88 2", - "▁ NOW", - "▁N OW", - "▁NO W", - "5 47", - "54 7", - "_ UPDATE", - "_UP DATE", - "▁trans ferred", - "▁transfer red", - "t ha", - "th a", - ". Display", - ".D isplay", - ".Dis play", - "_ ui", - "_u i", - "ID EO", - "IDE O", - "▁meaning ful", - "▁Mos cow", - ", this", - ",t his", - "▁Vict oria", - "▁Victor ia", - ". stack", - ".st ack", - "▁B arn", - "▁Bar n", - "▁Ba rn", - "pared Statement", - ": string", - ":s tring", - ":str ing", - "▁ bij", - "▁b ij", - "▁bi j", - "▁ STATE", - "▁ST ATE", - "▁STAT E", - "▁employ ers", - "▁employer s", - "\t input", - "\tin put", - "( |", - "▁ lex", - "▁l ex", - "▁le x", - "in voke", - "inv oke", - "\t num", - "\tn um", - "+ +,", - "++ ,", - "at ial", - "ati al", - "or ses", - "ors es", - "orse s", - "▁ fork", - "▁f ork", - "▁for k", - "▁fo rk", - "_ txt", - "_t xt", - "_tx t", - "▁Anton io", - "▁ (<", - "▁( <", - "a verse", - "aver se", - "avers e", - "▁dev ast", - ". Dec", - ".D ec", - ".De c", - "▁G ard", - "▁Gar d", - "▁Ga rd", - "/ ui", - "/u i", - ". %", - "t ri", - "tr i", - "▁ rolled", - "▁roll ed", - "▁rol led", - "Value Pair", - "it ten", - "itt en", - "▁T her", - "▁The r", - "▁Th er", - "▁v rou", - "▁vr ou", - "▁ Flow", - "▁F low", - "▁Fl ow", - "▁Flo w", - "▁F inance", - "▁Fin ance", - "▁ Comb", - "▁C omb", - "▁Com b", - "▁Co mb", - "H C", - ". setVisible", - ".set Visible", - "i sl", - "is l", - "▁ pk", - "▁p k", - "7 73", - "77 3", - "▁up set", - "▁ups et", - "( raw", - "(r aw", - "▁V ice", - "▁Vi ce", - "▁Vic e", - "e atures", - "ea tures", - "eature s", - "eat ures", - "▁ Lang", - "▁L ang", - "▁La ng", - "▁Lan g", - "0 29", - "02 9", - "Lo oking", - "Look ing", - "7 67", - "76 7", - "▁ AST", - "▁A ST", - "▁AS T", - "▁tr ips", - "▁tri ps", - "▁trip s", - "▁J ustin", - "▁Just in", - "▁Ju stin", - "b rowser", - "browse r", - "=\" '.$", - "=\"' .$", - "=\"'. $", - ". vertices", - ".vert ices", - "8 21", - "82 1", - "- co", - "-c o", - "} /{", - "}/ {", - "▁ ?,", - "▁? ,", - "▁D omin", - "▁Do min", - "▁Dom in", - "▁Be lg", - "▁Bel g", - "\" <", - "▁sup pose", - "a ddy", - "ad dy", - "add y", - "▁walk s", - "▁wal ks", - "6 88", - "68 8", - "ER RU", - "ERR U", - "_ filters", - "_f ilters", - "_filter s", - "Pre ferred", - "s cene", - "sc ene", - "▁Aff airs", - "▁\" #{", - "▁\"# {", - "▁on Submit", - "▁st ocks", - "▁stock s", - "▁sto cks", - "/ view", - "/v iew", - "g ree", - "gr ee", - "gre e", - "- get", - "-g et", - "9 03", - "90 3", - "h it", - "hi t", - "J o", - ". getC", - ".get C", - "7 25", - "72 5", - "Initial ized", - "Initialize d", - "c uts", - "cut s", - "cu ts", - "( Type", - "(T ype", - "▁Ag reement", - "▁Viet nam", - "▁ /*!", - "▁/* !", - "▁p izza", - "▁pi zza", - "- view", - "-v iew", - "_ em", - "_e m", - "▁ lhs", - "▁l hs", - "▁m uy", - "▁mu y", - "▁ Ident", - "▁I dent", - "▁Id ent", - "▁Ide nt", - "▁ Friends", - "▁F riends", - "▁Friend s", - "▁Fri ends", - "0 61", - "06 1", - "▁ab und", - "_ AD", - "_A D", - ". timestamp", - ".t imestamp", - ".time stamp", - "- '", - "▁d uplicate", - "▁dup licate", - "▁duplic ate", - "▁h unting", - "▁hun ting", - "▁hunt ing", - "▁reg ulatory", - "▁regul atory", - "▁regulator y", - "i ao", - "ia o", - "am ous", - "amo us", - "▁Ent ertainment", - "[ A", - "iat ric", - "_ CLIENT", - "_CL IENT", - "▁K ids", - "▁Ki ds", - "▁Kid s", - "/ pkg", - "/p kg", - "B reak", - "Bre ak", - ") ));\n\n", - ")) );\n\n", - ")));\n \n", - "))) ;\n\n", - "))); \n\n", - "▁ Shape", - "▁S hape", - "▁Sh ape", - "▁Sha pe", - "▁rel ating", - "Int errupt", - "Inter rupt", - "able Opacity", - "em bre", - "emb re", - "embr e", - "▁mys tery", - "▁myst ery", - "▁myster y", - "▁journal ists", - "▁journalist s", - "r itable", - "ri table", - "rit able", - ". Link", - ".L ink", - "▁st opping", - "▁stop ping", - "▁sto pping", - "C RET", - "CR ET", - "CRE T", - ". DB", - ".D B", - "▁pop ularity", - "▁popular ity", - "▁popul arity", - "▁ gew", - "▁g ew", - "▁ge w", - "▁im pr", - "▁imp r", - "set Value", - "F LAG", - "FL AG", - "\t max", - "\tm ax", - "▁b ake", - "▁ba ke", - "▁bak e", - "w y", - "▁E conomic", - "▁Econ omic", - "▁Ec onomic", - "▁Econom ic", - "▁en contr", - "▁ fname", - "▁f name", - "▁fn ame", - "/ de", - "/d e", - "R ank", - "Ra nk", - "▁ bugs", - "▁b ugs", - "▁bu gs", - "▁bug s", - ". sm", - ".s m", - "▁ median", - "▁m edian", - "▁med ian", - "▁media n", - "▁medi an", - "D OWN", - "DO WN", - "▁ Sure", - "▁S ure", - "▁Sur e", - "▁Su re", - "At Index", - "▁D ick", - "▁Di ck", - "▁ (__", - "▁( __", - "▁(_ _", - ". delta", - ".d elta", - ".del ta", - "F r", - "▁suggest ing", - "▁ RecyclerView", - "▁Rec yclerView", - ", e", - "ST ART", - "/ ****************************************************************************", - "/************************************************************************ ****", - "x ford", - "xf ord", - "▁re ceipt", - "▁rece ipt", - "CL AIM", - "CLA IM", - "read only", - "9 68", - "96 8", - "▁eng aging", - "6 19", - "61 9", - "C a", - "as ma", - "asm a", - "▁ens uring", - "Eng lish", - "▁V ancouver", - "hy th", - "▁purch asing", - "▁ PI", - "▁P I", - ". word", - ".w ord", - "( sp", - "(s p", - ". home", - ".h ome", - ": def", - ":d ef", - "▁g ig", - "▁gi g", - "5 74", - "57 4", - "6 71", - "67 1", - "▁ Ve", - "▁V e", - "f orum", - "fo rum", - "for um", - "▁M itch", - "▁Mit ch", - "B ay", - "Ba y", - "_ FL", - "_F L", - "6 51", - "65 1", - "▁s oll", - "▁so ll", - "▁sol l", - "5 77", - "57 7", - "_ columns", - "_column s", - "▁minor ity", - "b ird", - "bi rd", - "bir d", - "▁h anded", - "▁hand ed", - "▁han ded", - "S SL", - "SS L", - "ST AT", - "▁nerv ous", - "▁ner vous", - "▁ filePath", - "▁file Path", - "C REATE", - "CRE ATE", - "A w", - "▁p ens", - "▁pe ns", - "▁pen s", - "8 35", - "83 5", - "s eed", - "se ed", - "see d", - "▁ Compute", - "▁Com pute", - "▁Comp ute", - "▁Comput e", - "o lk", - "ol k", - "5 94", - "59 4", - "▁ Asset", - "▁As set", - "▁Ass et", - "r each", - "re ach", - "rea ch", - "' ),\r\n", - "') ,\r\n", - "'), \r\n", - "n avigation", - "nav igation", - "L F", - "/ util", - "/u til", - "▁ Pub", - "▁P ub", - "▁Pu b", - "c ion", - "ci on", - "cio n", - "# #\n", - "## \n", - "0 72", - "07 2", - "I II", - "II I", - "Tag Name", - "▁a mid", - "▁am id", - "▁ami d", - "per mission", - "perm ission", - "if iable", - "ifi able", - "xFF FFFFFF", - "xFFFF FFFF", - ". Buffer", - ".B uffer", - "_ irq", - "_i rq", - "_ir q", - "d ark", - "da rk", - "dar k", - "▁ retval", - "▁ret val", - ". fire", - ".f ire", - "p roduction", - "pro duction", - "product ion", - "produ ction", - "prod uction", - ". listen", - ".l isten", - ".list en", - ".li sten", - "▁ Weather", - "▁We ather", - "▁bu yers", - "▁buy ers", - "▁buyer s", - ". ne", - ".n e", - "e rp", - "er p", - "▁P ent", - "▁Pe nt", - "▁Pen t", - "6 99", - "69 9", - "▁w elfare", - "▁wel fare", - "▁ pageSize", - "▁page Size", - "▁St adium", - "er ta", - "ert a", - "▁ lev", - "▁l ev", - "▁le v", - "am pa", - "amp a", - "P ager", - "Page r", - "Pa ger", - "Pag er", - "6 65", - "66 5", - "▁char ging", - "▁charg ing", - "▁Net flix", - "| null", - "_ random", - "_r andom", - "_rand om", - ". xpath", - ".x path", - "▁s tere", - "▁st ere", - "▁ste re", - "▁ster e", - "▁IS IS", - "pon ses", - "ponse s", - "pons es", - "( loc", - "(l oc", - "5 66", - "56 6", - "ey ond", - "▁ Official", - "▁Off icial", - "6 57", - "65 7", - "▁Mary land", - "Data Type", - "_ par", - "_p ar", - "_pa r", - "{ },", - "{} ,", - "▁ Enjoy", - "▁En joy", - "7 27", - "72 7", - "_ SHIFT", - "_SH IFT", - "▁A wards", - "▁Award s", - "▁Aw ards", - "_ ENTRY", - "_EN TRY", - "_ENT RY", - "▁seem ingly", - "ent icate", - "entic ate", - "enti cate", - "▁he arts", - "▁heart s", - "▁hear ts", - "5 83", - "58 3", - "_ ;\n\n", - "_;\n \n", - "_; \n\n", - "▁H IV", - "▁HI V", - "▁indiv id", - "▁ Flag", - "▁F lag", - "▁Fl ag", - "▁Fla g", - "_ ctrl", - "_c trl", - "_ct rl", - "▁ Callback", - "▁C allback", - "▁Call back", - ", z", - "▁ GPU", - "▁G PU", - "▁GP U", - "\t obj", - "\to bj", - "▁Ph oenix", - "▁ BUS", - "▁B US", - "▁BU S", - "9 07", - "90 7", - "▁rub ber", - "_ AUTH", - "_A UTH", - "_AUT H", - "▁S olutions", - "▁Sol utions", - "▁Solution s", - "( location", - "(l ocation", - "(loc ation", - "Variable s", - "Vari ables", - ". setEnabled", - ".set Enabled", - "_ high", - "_h igh", - "_hi gh", - "W O", - "G esture", - "▁ retry", - "▁re try", - "▁r etry", - "▁ret ry", - "▁retr y", - "▁object ForKey", - "allow een", - "allo ween", - "▁ mos", - "▁m os", - "▁mo s", - "▁ Cele", - "▁C ele", - "▁Ce le", - "▁Cel e", - "▁ik ke", - "( cell", - "(c ell", - "▁ MODE", - "▁M ODE", - "▁MO DE", - "▁MOD E", - "r ena", - "re na", - "ren a", - "▁des cribing", - "▁descri bing", - "6 41", - "64 1", - "▁ phi", - "▁p hi", - "▁ph i", - "▁ rd", - "▁r d", - "▁de serve", - "▁des erve", - "▁wheel s", - "▁whe els", - "▁cr itics", - "▁crit ics", - "▁critic s", - "▁cri tics", - "7 55", - "75 5", - "N amespace", - "Name space", - "Names pace", - "▁F ra", - "▁Fr a", - "▁ \n\n\n\n", - "▁\n \n\n\n", - "▁\n\n \n\n", - "▁\n\n\n \n", - "▁ alla", - "▁a lla", - "▁al la", - "▁all a", - "▁requ iring", - "ut ation", - "uta tion", - "▁del ayed", - "▁delay ed", - "▁administr ative", - "▁ bay", - "▁b ay", - "▁ba y", - ". hidden", - ".h idden", - "T ex", - "Te x", - "0 51", - "05 1", - "▁bound aries", - "▁ ]);\n\n", - "▁] );\n\n", - "▁]);\n \n", - "▁]) ;\n\n", - "▁ Following", - "▁Follow ing", - "~ /", - "F i", - "_ conv", - "_con v", - "_co nv", - "_ TITLE", - "_T ITLE", - "▁des de", - "ICollection View", - "Al ias", - "Ali as", - "▁b ite", - "▁bit e", - "▁bi te", - "p atient", - "pat ient", - "_ COMMAND", - "_COM MAND", - "_COMM AND", - "Com pleted", - "Complete d", - "Comp leted", - "\t elif", - "\tel if", - "( <", - "B usiness", - "Bus iness", - "▁ Pool", - "▁P ool", - "▁Po ol", - "▁purs ue", - "▁ Ban", - "▁B an", - "▁Ba n", - "_ steps", - "_st eps", - "_step s", - "_ DECL", - "_DE CL", - "_DEC L", - "um ble", - "umb le", - "▁ combo", - "▁com bo", - "▁comb o", - "▁ Layer", - "▁L ayer", - "▁La yer", - "▁Lay er", - ". xr", - ".x r", - "▁ dup", - "▁d up", - "▁du p", - "- --------", - "-- -------", - "---- -----", - "-------- -", - "--- ------", - "----- ----", - "------ ---", - "------- --", - "6 28", - "62 8", - "▁ modifier", - "▁mod ifier", - "r ob", - "ro b", - "r ez", - "re z", - "6 96", - "69 6", - "▁ath letes", - "▁athlete s", - "U sed", - "Us ed", - "Use d", - "w ear", - "we ar", - "8 15", - "81 5", - "▁legit imate", - "▁legitim ate", - "▁ \"\n\n", - "▁\" \n\n", - "▁\"\n \n", - "▁h v", - "S td", - "St d", - "0 37", - "03 7", - "▁ Hold", - "▁H old", - "▁Hol d", - "▁Ho ld", - "▁surv iv", - "▁All iance", - "▁ Early", - "▁Ear ly", - "▁Earl y", - "7 78", - "77 8", - "Beh avior", - "( font", - "(f ont", - "/ libs", - "/lib s", - "/l ibs", - "▁ rectangle", - "▁rect angle", - "▁s inger", - "▁sin ger", - "▁sing er", - "▁ amp", - "▁a mp", - "▁am p", - "Equal To", - "▁\" .\"", - "▁\". \"", - "▁girl friend", - "li near", - "line ar", - "lin ear", - "o bserv", - "ob serv", - "obs erv", - "▁com plement", - "▁comp lement", - "▁comple ment", - "▁compl ement", - "With Value", - "( password", - "(p assword", - "(pass word", - "t ake", - "ta ke", - "Bl ank", - "▁ Compar", - "▁Com par", - "▁Comp ar", - "' \",", - "'\" ,", - "_ policy", - "_p olicy", - "_pol icy", - "m ongoose", - "mongo ose", - "_ FAILED", - "_FAIL ED", - "_FA ILED", - ". report", - ".re port", - ".repo rt", - "R atio", - ".Perform Layout", - "7 47", - "74 7", - "us able", - "usa ble", - "m ers", - "mer s", - "me rs", - "_ render", - "_re nder", - "_r ender", - "PE ED", - "7 72", - "77 2", - "▁le sb", - "▁les b", - "\t E", - "_ tool", - "_t ool", - "_to ol", - "▁l adies", - "▁lad ies", - "9 08", - "90 8", - ") )))\n", - ")) ))\n", - "))) )\n", - ")))) \n", - "; ;;;", - ";; ;;", - ";;; ;", - ". dot", - ".d ot", - ".do t", - "▁ nest", - "▁n est", - "▁ne st", - "pe ak", - "uk kit", - "e ca", - "ec a", - "_ SW", - "_S W", - "▁ &(", - "▁& (", - "▁Ok lahoma", - "▁b anking", - "▁bank ing", - "▁ban king", - "5 69", - "56 9", - "▁N intendo", - "7 52", - "75 2", - "▁rep roduce", - "▁reprodu ce", - "▁repro duce", - "_ elements", - "_element s", - "_el ements", - "_elem ents", - "_ele ments", - "_ mac", - "_m ac", - "pr oxy", - "pro xy", - "prox y", - "▁remark able", - "} /${", - "}/ ${", - "▁ outs", - "▁o uts", - "▁out s", - "▁ou ts", - ".has Next", - "M ODE", - "MO DE", - "MOD E", - "6 58", - "65 8", - "▁an ime", - "▁anim e", - "▁ani me", - ". conn", - ".c onn", - ".con n", - ".co nn", - "Un ique", - "D om", - "Do m", - "▁import antly", - "▁important ly", - "it ty", - "itt y", - "▁ju ice", - "T w", - "▁Part ners", - "▁Partner s", - "▁att acking", - "▁attack ing", - "▁port able", - "▁por table", - "▁porta ble", - "am iento", - "ami ento", - ".P ictureBox", - ". gen", - ".g en", - ".ge n", - "▁opt imal", - "▁optim al", - "5 82", - "58 2", - "▁re cre", - "▁rec re", - "▁journal ist", - "▁ Extract", - "▁Ex tract", - "▁Extra ct", - "▁ Moreover", - "▁More over", - "▁margin Top", - ". Ap", - ".A p", - "▁f iring", - "▁fi ring", - "▁fir ing", - "N aN", - "Na N", - "\t template", - "\tt emplate", - "\ttemp late", - ". En", - ".E n", - "▁def ence", - "▁defe nce", - "▁ Tel", - "▁T el", - "▁Te l", - "i len", - "il en", - "ile n", - "j an", - "ja n", - "= data", - "=d ata", - "▁ Url", - "▁U rl", - "▁Ur l", - "▁ Reuters", - "▁Re uters", - "( total", - "(t otal", - "(to tal", - "▁F ifth", - "▁Fif th", - "▁ess ays", - "▁essay s", - "▁essa ys", - "▁interpret ation", - "▁ch arity", - "▁char ity", - "▁ Rules", - "▁R ules", - "▁Rule s", - "▁Ru les", - "▁sub section", - "▁subs ection", - "st yled", - "style d", - "a zer", - "az er", - "aze r", - "l ags", - "la gs", - "lag s", - "L IST", - "LI ST", - "▁ uploaded", - "▁up loaded", - "▁upload ed", - "▁tr ash", - "▁tra sh", - "▁tras h", - "▁ registr", - "▁reg istr", - "▁regist r", - "▁ seller", - "▁s eller", - "▁se ller", - "▁sell er", - "▁sel ler", - "> ';\r\n", - ">' ;\r\n", - ">'; \r\n", - "▁ startTime", - "▁start Time", - "s y", - "(Http ServletRequest", - "▁ trap", - "▁t rap", - "▁tr ap", - "▁tra p", - "G C", - "▁embed ded", - "▁sur rounded", - "▁surround ed", - "8 16", - "81 6", - "i mits", - "im its", - "imit s", - "imi ts", - "T X", - "yl inder", - "6 85", - "68 5", - "▁F al", - "▁Fa l", - "▁sent ences", - "▁sentence s", - "▁ Ja", - "▁J a", - "IF ICATION", - "IFIC ATION", - "we apon", - "o vation", - "ov ation", - "ova tion", - "▁co at", - "▁inter pol", - "▁interp ol", - "▁l ips", - "▁li ps", - "▁lip s", - "▁K y", - "▁v ectors", - "▁vector s", - "▁ve ctors", - "▁vect ors", - "_ am", - "_a m", - "▁in take", - "▁int ake", - ". world", - ".w orld", - "▁in box", - "▁ MAC", - "▁M AC", - "▁MA C", - "_ ab", - "_a b", - "(name of", - "6 33", - "63 3", - "▁ent ert", - "▁enter t", - "▁gather ing", - "▁ SIM", - "▁S IM", - "▁SI M", - "+ +.", - "++ .", - "n ya", - "ny a", - "' }}", - "'} }", - "▁ UPDATE", - "▁UP DATE", - "▁ pac", - "▁p ac", - "▁pa c", - "( html", - "(h tml", - "▁S ant", - "▁San t", - "▁Sa nt", - "i ating", - "ia ting", - "iat ing", - "▁Ide as", - "▁Idea s", - "▁sp ray", - "▁spr ay", - "▁H art", - "▁Har t", - "▁Ha rt", - "▁ verification", - "▁ver ification", - "ad esh", - "ade sh", - "ades h", - "/ modules", - "/mod ules", - "/module s", - "▁M ind", - "▁Min d", - "▁Mi nd", - "▁Sized Box", - "▁sh elter", - "▁ heroes", - "▁her oes", - "▁hero es", - "at ty", - "att y", - "▁cert ified", - "s j", - "▁publish ing", - "▁Mal ays", - ". getUser", - ".get User", - "▁ Provider", - "▁Pro vider", - "▁Provid er", - "▁Provide r", - "▁Prov ider", - "▁ LinkedList", - "▁Link edList", - "▁Linked List", - "▁B or", - "▁Bo r", - "R OUND", - "RO UND", - "d id", - "di d", - "t ain", - "ta in", - "p ire", - "pi re", - "pir e", - "▁J enn", - "▁Je nn", - "▁Jen n", - "t el", - "te l", - "a nde", - "an de", - "and e", - "7 57", - "75 7", - "_ front", - "_f ront", - "_fr ont", - "▁Mc G", - "Test Method", - "▁occasion ally", - "▁occasional ly", - "▁W ales", - "▁Wal es", - "▁Wa les", - "▁ex ercises", - "▁exerc ises", - "▁exercise s", - "0 45", - "04 5", - "- plus", - "-pl us", - "▁ validator", - "▁valid ator", - "▁pr ayer", - "▁pray er", - "▁pra yer", - "L ATED", - "LA TED", - "_ author", - "_a uthor", - "_auth or", - "_aut hor", - "▁la bour", - "▁lab our", - "+ +\n", - "++ \n", - "- equiv", - "-e quiv", - "▁ GPL", - "▁G PL", - "▁GP L", - "▁ facebook", - "▁f acebook", - "▁face book", - "s imple", - "sim ple", - "simp le", - "g ly", - "gl y", - "Process or", - "Proc essor", - "i py", - "ip y", - "7 44", - "74 4", - "▁ *>", - "▁* >", - "6 48", - "64 8", - "▁clear ed", - "▁cle ared", - "▁ Push", - "▁P ush", - "▁Pu sh", - "8 58", - "85 8", - "▁p enis", - "▁pe nis", - "▁pen is", - "Struct ure", - "l ij", - "li j", - "▁M organ", - "▁Mo rgan", - "▁Mor gan", - "▁hand ful", - "\" .\n", - "\". \n", - "9 84", - "98 4", - "| \\", - "▁ ********************************", - "▁**** ****************************", - "▁******** ************************", - "▁**************** ****************", - "▁************************ ********", - "▁A qu", - "5 84", - "58 4", - "_ IC", - "_I C", - ". loads", - ".load s", - ".lo ads", - "▁ meter", - "▁m eter", - "▁me ter", - "▁met er", - "▁Mar ine", - "▁Ma rine", - "▁Mari ne", - ": :{", - ":: {", - "▁ TS", - "▁T S", - "7 76", - "77 6", - "▁ Arrays", - "▁Array s", - "▁Arr ays", - ". Title", - ".T itle", - "G RAM", - "GR AM", - "GRA M", - "ter min", - "term in", - "▁co inc", - "▁coin c", - "El se", - "_ states", - "_st ates", - "_state s", - "_stat es", - "- run", - "-r un", - "m embers", - "member s", - "mem bers", - "7 82", - "78 2", - "as tro", - "ast ro", - "astr o", - "0 66", - "06 6", - "▁on Press", - "▁be ings", - "▁being s", - "▁abandon ed", - "▁tax p", - "▁ta xp", - "ow ners", - "own ers", - "owner s", - ". mode", - ".m ode", - ".mod e", - ".mo de", - "▁di agnosis", - "▁diagn osis", - "▁ _\n", - "▁_ \n", - "▁K night", - "▁Kn ight", - "\t A", - "▁ observe", - "▁ob serve", - "▁obs erve", - "▁observ e", - ") ,'", - "), '", - "8 23", - "82 3", - "! \")\n", - "!\" )\n", - "▁ Para", - "▁P ara", - "▁Par a", - "▁Pa ra", - "▁var iation", - "▁vari ation", - "( False", - "(F alse", - "▁ Anti", - "▁An ti", - "▁Ant i", - "▁g ri", - "▁gr i", - "▁home less", - "? v", - "▁b ez", - "▁be z", - ". Server", - ".S erver", - "re lease", - "rel ease", - "▁P atri", - "▁Pat ri", - "▁Pa tri", - "▁ chars", - "▁ch ars", - "▁char s", - "▁cha rs", - "▁r anking", - "▁rank ing", - "▁ran king", - "act ivation", - "activ ation", - "5 81", - "58 1", - "▁w ides", - "▁wide s", - "▁wid es", - "▁wi des", - "q r", - ". Sql", - ".S ql", - "a cular", - "ac ular", - "▁ Bot", - "▁B ot", - "▁Bo t", - "_ sync", - "_s ync", - "_syn c", - "_sy nc", - "▁happ iness", - "▁volunte ers", - "▁volunteer s", - "8 77", - "87 7", - "▁s its", - "▁sit s", - "▁si ts", - "/ <", - "[ e", - "( fileName", - "(file Name", - "▁cap ac", - "▁ca pac", - "8 32", - "83 2", - "▁M aria", - "▁Mar ia", - "▁Ma ria", - "▁Mari a", - "f ather", - "fa ther", - "fat her", - "▁ gram", - "▁g ram", - "▁gr am", - "▁gra m", - "* i", - "▁c aso", - "▁ca so", - "▁cas o", - "_ draw", - "_d raw", - "_dr aw", - "▁ Raw", - "▁R aw", - "▁Ra w", - "▁ Iterator", - "▁It erator", - "▁Iter ator", - "6 64", - "66 4", - "▁ Padding", - "▁P adding", - "▁Pad ding", - "9 24", - "92 4", - "P D", - "B OX", - "BO X", - "▁S PECIAL", - "▁SPEC IAL", - "▁ fecha", - "▁f echa", - "▁fe cha", - "▁fec ha", - "▁ vide", - "▁v ide", - "▁vi de", - "▁vid e", - "▁ Leader", - "▁Le ader", - "▁Lead er", - "$ (\".", - "$( \".", - "$(\" .", - "▁d iameter", - "▁diam eter", - "▁dia meter", - "▁m ild", - "▁mil d", - "▁mi ld", - "7 45", - "74 5", - "▁r ocks", - "▁ro cks", - "▁rock s", - "app ings", - "apping s", - "0 48", - "04 8", - "d irectory", - "direct ory", - "5 57", - "55 7", - ". flush", - ".f lush", - ".fl ush", - "▁ Jess", - "▁J ess", - "▁Jes s", - "▁Je ss", - "UN IT", - "▁P ear", - "▁Pe ar", - "▁mand atory", - "S ur", - "Su r", - "q t", - "▁ streams", - "▁stream s", - "▁stre ams", - "▁co operation", - "▁cooper ation", - "▁S ac", - "▁Sa c", - "▁che aper", - "▁cheap er", - "\t ch", - "\tc h", - "an imation", - "anim ation", - "f are", - "fa re", - "far e", - "( height", - "( True", - "N Y", - "▁w rest", - "▁wr est", - "▁pol ls", - "▁poll s", - "▁encounter ed", - "▁encount ered", - "▁Mark etable", - "▁Market able", - "_ PASSWORD", - "_P ASSWORD", - "_PASS WORD", - "7 16", - "71 6", - "_ SELECT", - "_SE LECT", - "_SEL ECT", - "▁Arab ia", - "_ clock", - "_c lock", - "_cl ock", - "▁v oy", - "▁vo y", - "▁st ir", - "is ible", - "isi ble", - "- effect", - "-e ffect", - "-eff ect", - ". created", - ".c reated", - ".create d", - "▁to ys", - "▁toy s", - "▁Trad able", - "▁ rust", - "▁r ust", - "▁ru st", - "▁rus t", - "▁str cpy", - "_ timestamp", - "_t imestamp", - "_time stamp", - "▁tal ented", - "▁talent ed", - ", null", - ",n ull", - "▁ Jobs", - "▁J obs", - "▁Jo bs", - "▁Job s", - "▁Port land", - "▁weak ness", - "Th row", - "▁An gel", - "▁Ang el", - "▁Ange l", - "7 54", - "75 4", - "▁un cert", - "▁unc ert", - "Wh ich", - "▁[- ]:", - "S omething", - "Some thing", - "Som ething", - "▁conv icted", - "k le", - "kl e", - "ed ium", - "edi um", - "▁branch es", - "▁bran ches", - "▁b ases", - "▁base s", - "▁bas es", - "▁ba ses", - "▁complex ity", - "▁ Fig", - "▁F ig", - "▁Fi g", - ". reshape", - ".re shape", - ".res hape", - "$ db", - "$d b", - "7 36", - "73 6", - "_ CONST", - "_CON ST", - "_CO NST", - "▁T es", - "▁Te s", - ". runtime", - ".r untime", - ".run time", - "▁d eny", - "▁de ny", - "▁den y", - "▁ BSD", - "▁B SD", - "▁BS D", - "▁ kr", - "▁k r", - "h att", - "ha tt", - "hat t", - "▁ Static", - "▁St atic", - "▁Stat ic", - "▁Sta tic", - "▁univers ities", - "Re place", - "Rep lace", - "▁d rove", - "▁dr ove", - "▁dro ve", - "▁ad oles", - "▁ado les", - "_ plugin", - "_pl ugin", - "▁L GBT", - "▁LG BT", - "▁ tex", - "▁t ex", - "▁te x", - "d uction", - "du ction", - "duct ion", - "duc tion", - "7 51", - "75 1", - "7 99", - "79 9", - "E DI", - "ED I", - "▁T ed", - "▁Te d", - "_ URI", - "_U RI", - "▁re ception", - "▁rece ption", - "▁recept ion", - "ar ten", - "art en", - "arte n", - ". Single", - ".S ingle", - "r ice", - "ri ce", - "ric e", - "sc ious", - "sci ous", - "8 43", - "84 3", - "_ bg", - "_b g", - "▁w ages", - "▁wa ges", - "▁wage s", - "▁ Servlet", - "▁S ervlet", - "▁Serv let", - "UI Layout", - "UIL ayout", - "▁ formatted", - "▁form atted", - "▁format ted", - ". Mod", - ".M od", - "< class", - "i sen", - "is en", - "ise n", - "▁represent atives", - "▁representative s", - "\" ]=", - "\"] =", - "▁ portal", - "▁p ortal", - "▁port al", - "▁por tal", - "▁porta l", - "▁H unter", - "▁Hun ter", - "▁Hunt er", - "▁h iring", - "▁hi ring", - "_ _)\n", - "__ )\n", - "__) \n", - "ric ulum", - "u o", - "l iest", - "li est", - "lie st", - "lies t", - "▁t ears", - "▁te ars", - "▁tea rs", - "▁tear s", - "L at", - "La t", - "▁ literal", - "▁l iteral", - "▁liter al", - "▁lit eral", - "▁lite ral", - ". Insert", - ".In sert", - "▁c urs", - "▁cur s", - "▁cu rs", - "▁ Comput", - "▁Com put", - "▁Comp ut", - "▁ terrorism", - "▁terror ism", - "▁s weep", - "▁swe ep", - "▁[ ]\r\n", - "▁[] \r\n", - "▁pass enger", - "▁eas tern", - "▁east ern", - "▁t weets", - "▁tweet s", - "▁twe ets", - "▁oper ated", - "▁operate d", - "▁opera ted", - "w nd", - "wn d", - "▁ Syn", - "▁S yn", - "▁Sy n", - ". tools", - ".t ools", - ".to ols", - ".tool s", - "▁ WM", - "▁W M", - "u lates", - "ul ates", - "ula tes", - "ulate s", - "▁bacter ia", - "( bytes", - "(byte s", - "(by tes", - ". setData", - ".set Data", - "▁ visibility", - "▁vis ibility", - "// ================================================================", - "e lm", - "el m", - "▁gener ating", - "▁gene rating", - "▁ mv", - "▁m v", - "▁ kh", - "▁k h", - "j en", - "je n", - "/ search", - "/s earch", - "/se arch", - "▁account ing", - "se gment", - "seg ment", - "a ctic", - "act ic", - "ac tic", - ". ip", - ".i p", - "▁de ployment", - "▁dep loyment", - "▁deploy ment", - "▁ footer", - "▁f ooter", - "▁foot er", - "▁fo oter", - "▁foo ter", - "> ',\n", - ">' ,\n", - ">', \n", - "▁exp anding", - "▁expand ing", - "▁Ham ilton", - "▁ Contrib", - "▁Con trib", - "▁Cont rib", - "▁Contr ib", - ". Tables", - ".T ables", - ".Tab les", - ".Table s", - "7 28", - "72 8", - "Act iv", - "H H", - "o commerce", - "ocom merce", - "_ ;", - "▁among st", - "o wing", - "ow ing", - "8 59", - "85 9", - "▁C old", - "▁Co ld", - "▁Col d", - "A PH", - "AP H", - "▁psych ological", - "▁psycho logical", - "_ tensor", - "_t ensor", - "▁pack aging", - "▁Sw eden", - "▁Swe den", - "▁ pare", - "▁p are", - "▁par e", - "▁pa re", - "▁ aggregate", - "▁ag gregate", - "▁aggreg ate", - "▁mod erate", - "▁mode rate", - "▁moder ate", - "8 62", - "86 2", - "_ hand", - "_h and", - "▁design ated", - "▁d rum", - "▁dr um", - "▁ getUser", - "▁get User", - "▁C reek", - "▁Cre ek", - "_ scope", - "_s cope", - "_sc ope", - "▁ Transfer", - "▁Trans fer", - "▁ Marg", - "▁M arg", - "▁Mar g", - "▁Ma rg", - "▁fight ers", - "▁fighter s", - "W nd", - "▁ Sel", - "▁S el", - "▁Se l", - "▁ Launch", - "▁L aunch", - "▁La unch", - "▁emerg ing", - "i frame", - "if rame", - "▁ Additional", - "▁Add itional", - "▁f ears", - "▁fe ars", - "▁fear s", - "▁sat ellite", - "_ :", - "▁ disposing", - "▁dis posing", - "▁disp osing", - "▁dispos ing", - "Get Value", - "Http Post", - "AT IVE", - "ul ary", - "ular y", - "ula ry", - "View s", - "Vi ews", - "▁att ending", - "▁attend ing", - "▁T ennessee", - "▁ Mission", - "▁M ission", - "▁Miss ion", - "▁med ication", - "▁medic ation", - "▁W y", - "▁ Anna", - "▁An na", - "▁Ann a", - "▁ Vertex", - "▁Ver tex", - "▁Vert ex", - ". types", - ".t ypes", - ".type s", - ".typ es", - "O rgan", - "Or gan", - "Org an", - ".DataGridView TextBoxColumn", - "▁ RS", - "▁R S", - "▁t empo", - "▁tem po", - "▁temp o", - "( App", - "(A pp", - "8 92", - "89 2", - "Version UID", - ". point", - ".p oint", - ".po int", - ".poi nt", - "▁D utch", - "▁Dut ch", - "H ours", - "Hour s", - "Ho urs", - "L U", - "▁qu oted", - "▁quote d", - "▁quot ed", - "▁quo ted", - ". builder", - ".b uilder", - ".build er", - "▁ Perfect", - "▁Per fect", - "▁ Always", - "▁Al ways", - "_ two", - "_t wo", - "_tw o", - "▁exclusive ly", - "▁exclus ively", - "▁C ra", - "▁Cr a", - "ific ar", - "ifi car", - "ifica r", - "▁ AWS", - "▁A WS", - "▁AW S", - "ing ham", - "com plex", - "comp lex", - "k ernel", - "ker nel", - "▁gr avity", - "▁grav ity", - "▁ wi", - "▁w i", - "0 52", - "05 2", - "▁ overview", - "▁over view", - "▁ov erview", - "6 61", - "66 1", - "▁ Want", - "▁W ant", - "▁Wa nt", - "▁ WP", - "▁W P", - "( sh", - "(s h", - ". rotation", - ".r otation", - "St ates", - "State s", - "Stat es", - "▁T een", - "▁Te en", - "_ components", - "_com ponents", - "_component s", - "Re ceived", - "Receive d", - "▁ly rics", - "r ites", - "ri tes", - "rit es", - "rite s", - "\t \t\t\t\t▁", - "\t\t \t\t\t▁", - "\t\t\t\t \t▁", - "\t\t\t \t\t▁", - "\t\t\t\t\t ▁", - "- American", - "-A merican", - "-Americ an", - "[ num", - "[n um", - "/ python", - "/p ython", - "▁ UART", - "▁U ART", - "▁UA RT", - "▁ apple", - "▁app le", - "▁ap ple", - "▁appl e", - "▁Jon athan", - "▁m omentum", - "▁moment um", - "▁m ich", - "▁mi ch", - "▁mic h", - "an dra", - "and ra", - "▁b iological", - "▁bi ological", - "▁bio logical", - "▁M ens", - "▁Me ns", - "▁Men s", - "▁ %%", - "▁% %", - "el sea", - "else a", - "els ea", - "▁Mex ican", - ".rand int", - "▁t ale", - "▁tal e", - "▁ta le", - "▁ Validate", - "▁Valid ate", - "▁defe ated", - "▁defeat ed", - ".h tm", - ".ht m", - "▁c opper", - "▁co pper", - "▁cop per", - "▁copp er", - "= /", - "co system", - "cos ystem", - "▁ rip", - "▁r ip", - "▁ri p", - "d ecimal", - "dec imal", - ". VISIBLE", - ".V ISIBLE", - "▁ Ta", - "▁T a", - "\t \t\t\t\t\t\t\t\t\t\t\t\t\t", - "\t\t \t\t\t\t\t\t\t\t\t\t\t\t", - "\t\t\t\t \t\t\t\t\t\t\t\t\t\t", - "\t\t\t \t\t\t\t\t\t\t\t\t\t\t", - "\t\t\t\t\t \t\t\t\t\t\t\t\t\t", - "\t\t\t\t\t\t \t\t\t\t\t\t\t\t", - "\t\t\t\t\t\t\t\t \t\t\t\t\t\t", - "\t\t\t\t\t\t\t \t\t\t\t\t\t\t", - "\t\t\t\t\t\t\t\t\t \t\t\t\t\t", - "\t\t\t\t\t\t\t\t\t\t \t\t\t\t", - "\t\t\t\t\t\t\t\t\t\t\t \t\t\t", - "\t\t\t\t\t\t\t\t\t\t\t\t \t\t", - "\t\t\t\t\t\t\t\t\t\t\t\t\t \t", - "▁down loaded", - "▁download ed", - "en vironment", - "▁no mine", - "▁nom ine", - "▁nomin e", - "build ing", - "▁ Spot", - "▁S pot", - "▁Sp ot", - "▁Spo t", - "ipher al", - "iph eral", - "▁al to", - "▁alt o", - "q uet", - "qu et", - "que t", - "▁ FT", - "▁F T", - "/ get", - "/g et", - "/ master", - "/m aster", - "W IN", - "WI N", - "6 76", - "67 6", - "W est", - "We st", - "ar gc", - "arg c", - "▁pro ducers", - "▁produ cers", - "▁produce rs", - "▁producer s", - "▁ Much", - "▁M uch", - "▁Mu ch", - "_ storage", - "_st orage", - "c redit", - "cre dit", - "cr edit", - "cred it", - "C ONT", - "CON T", - "CO NT", - "▁ vet", - "▁v et", - "▁ve t", - "▁ voices", - "▁vo ices", - "▁voice s", - "( '',", - "(' ',", - "▁in struments", - "▁instr uments", - "▁instrument s", - "6 62", - "66 2", - "▁ MSG", - "▁M SG", - "▁MS G", - "es se", - "ess e", - "re pository", - "om ics", - "omic s", - "omi cs", - "▁de aler", - "▁deal er", - "St ill", - "▁ banner", - "▁b anner", - "▁ban ner", - "asc ii", - "▁ remarks", - "▁re marks", - "▁r emarks", - "▁rem arks", - "▁remark s", - "[ js", - "[j s", - "▁short er", - "g ulp", - "gu lp", - "▁m yster", - "▁my ster", - "▁mys ter", - "▁myst er", - "▁k un", - "▁ku n", - "▁B ird", - "▁Bi rd", - "▁Bir d", - "▁t iene", - "▁ti ene", - "▁tie ne", - "7 88", - "78 8", - "n ut", - "nu t", - "▁ Um", - "▁U m", - "▁ wise", - "▁w ise", - "▁wis e", - "▁wi se", - "Y eah", - "I NESS", - "IN ESS", - "INE SS", - "INES S", - "0 46", - "04 6", - "_ begin", - "_b egin", - "_be gin", - "- heading", - "-head ing", - "-he ading", - "C ourse", - "Co urse", - "Cour se", - "▁ \r\n\r\n", - "▁\r\n \r\n", - "om bie", - "omb ie", - "gr aded", - "grad ed", - "grade d", - "gra ded", - "▁G PS", - "▁GP S", - "F it", - "Fi t", - "c aption", - "ca ption", - "cap tion", - "capt ion", - "/ image", - "/i mage", - "l ia", - "li a", - "( mod", - "(m od", - "▁le ak", - "en za", - "enz a", - "6 29", - "62 9", - "/ H", - "▁ Happy", - "▁H appy", - "▁Ha ppy", - "▁Happ y", - "9 93", - "99 3", - "D ist", - "Dis t", - "Di st", - "n x", - "▁Govern or", - "( last", - "(l ast", - "t eacher", - "te acher", - "▁ Sent", - "▁S ent", - "▁Se nt", - "▁Sen t", - "s upport", - "sup port", - "8 38", - "83 8", - "ject ory", - "Reg istration", - "0 63", - "06 3", - "▁ Gray", - "▁G ray", - "▁Gr ay", - "▁Gra y", - ", false", - ",f alse", - "▁adjust ed", - "▁adj usted", - "( settings", - "(set tings", - "< R", - "▁M age", - "▁Mag e", - "▁Ma ge", - "▁ plaint", - "▁pl aint", - "▁plain t", - "▁pla int", - "_ )\n", - "_) \n", - "\t it", - "\ti t", - "o metric", - "om etric", - "omet ric", - ". bootstrap", - ".boot strap", - "▁car ries", - "▁carr ies", - "I p", - "▁! $", - "▁sw imming", - "▁swim ming", - "▁M ario", - "▁Mar io", - "▁Ma rio", - "▁Mari o", - "▁ Questions", - "▁Quest ions", - "▁Question s", - "P ACE", - "PA CE", - "e or", - "eo r", - "} }\"", - "}} \"", - "▁ oven", - "▁o ven", - "▁ov en", - "▁K on", - "▁Ko n", - "▁wis dom", - "▁ac quisition", - "ess ment", - "ag ine", - "agi ne", - "▁ex pressions", - "▁express ions", - "▁expression s", - "▁expr essions", - "Sequential Group", - "F ront", - "Fr ont", - "ul pt", - "ulp t", - "a wk", - "aw k", - "' ])\n\n", - "'] )\n\n", - "']) \n\n", - "'])\n \n", - "8 13", - "81 3", - "7 32", - "73 2", - "_ AR", - "_A R", - "▁an alog", - "▁anal og", - "▁ana log", - "u lin", - "ul in", - "uli n", - "_ PRINT", - "_PR INT", - "▁ LG", - "▁L G", - "▁ blob", - "▁b lob", - "▁bl ob", - "▁blo b", - "▁ Furthermore", - "▁Further more", - "_ component", - "_com ponent", - "▁C ole", - "▁Co le", - "▁Col e", - "L AN", - "LA N", - "SC RIPTION", - "SCRI PTION", - "SCRIPT ION", - "▁ lap", - "▁l ap", - "▁la p", - "ic ensing", - "icens ing", - "_TIME OUT", - "▁F ro", - "▁Fr o", - "▁li ability", - "▁com posed", - "▁comp osed", - "▁compose d", - "▁compos ed", - "6 34", - "63 4", - ".create SequentialGroup", - "_ person", - "_p erson", - "_per son", - "▁ beam", - "▁b eam", - "▁be am", - "\t ▁▁▁▁▁▁▁▁", - "\t▁▁▁ ▁▁▁▁▁", - "\t▁ ▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁ ▁", - "\t▁▁ ▁▁▁▁▁▁", - "\t▁▁▁▁▁ ▁▁▁", - "\t▁▁▁▁ ▁▁▁▁", - "\t▁▁▁▁▁▁ ▁▁", - "▁ NotFound", - "▁Not Found", - "6 84", - "68 4", - ". '\n", - ".' \n", - ". TextView", - ".Text View", - "P DF", - "PD F", - "▁ kar", - "▁k ar", - "▁ka r", - "__ ('", - "__( '", - "▁ \":\"", - "▁\" :\"", - "▁\": \"", - "_ messages", - "_m essages", - "_message s", - "▁har vest", - ". history", - ".h istory", - "> '\n", - ">' \n", - "- fold", - "-f old", - "▁ Better", - "▁B etter", - "▁Bet ter", - "▁\" \\<", - "▁\"\\ <", - "sp acing", - "▁furn ished", - "▁furnish ed", - "9 13", - "91 3", - "o ser", - "os er", - "ose r", - "] }\n", - "]} \n", - "▁$ \"", - "p ull", - "pu ll", - ". Post", - ".P ost", - ".Pos t", - "9 19", - "91 9", - "( ip", - "(i p", - ". front", - ".f ront", - ".fr ont", - "n te", - "nt e", - "▁ FM", - "▁F M", - "g uid", - "gu id", - "gui d", - "8 44", - "84 4", - "▁negot iations", - "▁negotiation s", - "ag onal", - "agon al", - "ago nal", - "9 34", - "93 4", - "▁trem end", - "unge on", - "A dv", - "Ad v", - "car ousel", - "_ DESC", - "_D ESC", - "_DE SC", - "▁ hammer", - "▁ham mer", - "▁▁ ▁▁▁▁▁▁\n\n", - "▁▁▁▁ ▁▁▁▁\n\n", - "▁▁▁▁▁▁▁▁ \n\n", - "▁▁▁▁▁▁▁ ▁\n\n", - "▁▁▁▁▁ ▁▁▁\n\n", - "▁▁▁▁▁▁ ▁▁\n\n", - "▁▁▁▁▁▁▁▁\n \n", - "- core", - "-c ore", - "-co re", - "-cor e", - "- service", - "-s ervice", - "-ser vice", - "▁c orners", - "▁cor ners", - "▁corner s", - "▁corn ers", - "▁ SF", - "▁S F", - "p red", - "pr ed", - "pre d", - "> A", - "▁J Label", - "▁rom antic", - "▁roman tic", - "▁testim ony", - "▁testimon y", - "o sc", - "os c", - "▁ Generation", - "▁G eneration", - "▁Gener ation", - "▁Gen eration", - "▁Gene ration", - "as ures", - "asure s", - "_ internal", - "_in ternal", - "_int ernal", - "_inter nal", - "▁ prints", - "▁pr ints", - "▁print s", - "▁ ])\n", - "▁] )\n", - "▁]) \n", - "▁C leveland", - "re po", - "rep o", - "D isc", - "Dis c", - "Di sc", - "6 77", - "67 7", - "7 62", - "76 2", - "▁ \">\n", - "▁\" >\n", - "▁\"> \n", - "▁ne arest", - "▁near est", - "5 91", - "59 1", - "_ tb", - "_t b", - "( require", - "(re quire", - "(req uire", - "E OF", - "EO F", - "- child", - "-ch ild", - "▁b udd", - "▁bu dd", - "▁bud d", - ".Xtra Editors", - "al ties", - "alt ies", - "7 23", - "72 3", - "\\\": \\\"", - "W ords", - "Word s", - "9 17", - "91 7", - "▁loc ally", - "▁local ly", - "▁purch ases", - "▁purchase s", - "6 95", - "69 5", - "Draw er", - "ex tract", - "extra ct", - "extr act", - "▁exec ut", - "▁exe cut", - "} '.", - "}' .", - "user data", - "▁focus es", - "▁foc uses", - "- minute", - "-min ute", - "7 64", - "76 4", - "▁ Publish", - "▁P ublish", - "▁Pub lish", - "o go", - "og o", - "▁mount ains", - "▁mountain s", - "B ot", - "Bo t", - "} >{", - "}> {", - "▁t ension", - "▁tens ion", - "r od", - "ro d", - "m esh", - "me sh", - "mes h", - "▁trans formed", - "▁transform ed", - ", R", - "( )}\n", - "() }\n", - "()} \n", - ". long", - ".l ong", - ".lo ng", - "▁g orgeous", - "▁ Schedule", - "▁S chedule", - "▁old est", - "▁ol dest", - "▁sub process", - "( IN", - "(I N", - "y ect", - "ye ct", - "▁Co oper", - "ar ness", - "arn ess", - "▁ Monitor", - "▁M onitor", - "▁Mon itor", - ". part", - ".p art", - ".par t", - ".pa rt", - "9 72", - "97 2", - "▁ NBC", - "▁N BC", - "▁NB C", - "6 68", - "66 8", - "▁c otton", - "▁cot ton", - "▁ hol", - "▁h ol", - "▁ho l", - "7 26", - "72 6", - "▁ rgba", - "▁r gba", - "▁rgb a", - "▁rg ba", - "▁ Bio", - "▁B io", - "▁Bi o", - "Cont inue", - "Contin ue", - "P od", - "Po d", - "▁particip ating", - "cl usions", - "clus ions", - "clusion s", - "(By Val", - "7 34", - "73 4", - "▁ HOW", - "▁H OW", - "▁HO W", - "_set opt", - "▁accompany ing", - "0 91", - "09 1", - "a ton", - "at on", - "ato n", - "▁ /\\", - "▁/ \\", - "▁ Authentication", - "▁Auth entication", - "▁Authentic ation", - "▁Bar ack", - "/ *.", - "/* .", - "▁e ager", - "▁ea ger", - "▁ Cancel", - "▁C ancel", - "▁Can cel", - "< lemma", - "e ph", - "ep h", - "\t window", - "\tw indow", - "▁inc idents", - "▁incident s", - "7 56", - "75 6", - ") ,(", - "), (", - ". Des", - ".D es", - ".De s", - "i be", - "ib e", - "▁ Functions", - "▁Function s", - "▁Fun ctions", - "▁hospital s", - "▁hosp itals", - "0 38", - "03 8", - "▁o xygen", - "root Scope", - "▁d rew", - "▁dr ew", - "▁dre w", - "\t request", - "\tre quest", - "\treq uest", - "not ice", - "a ku", - "ak u", - "a ments", - "am ents", - "ament s", - "amen ts", - "f ar", - "fa r", - "9 73", - "97 3", - "7 74", - "77 4", - "▁prec ise", - "▁precis e", - "_ wrapper", - "_w rapper", - "_wrap per", - "_wr apper", - "▁list eners", - "▁listen ers", - "▁listener s", - "▁liste ners", - "A Z", - ". bounds", - ".b ounds", - "▁ Average", - "▁A verage", - "▁Ave rage", - "field set", - "fields et", - "_ axis", - "_a xis", - "_ax is", - "▁ex amination", - "▁exam ination", - "' .\n", - "'. \n", - "m ons", - "mon s", - "mo ns", - "++ ){\r\n", - "++) {\r\n", - "++){ \r\n", - "▁ Forms", - "▁For ms", - "▁Form s", - "9 16", - "91 6", - "Cpp Method", - "_ trace", - "_t race", - "_tr ace", - "_tra ce", - "▁engine er", - "6 63", - "66 3", - "▁ Flat", - "▁F lat", - "▁Fl at", - "▁Fla t", - "▁ revision", - "▁re vision", - "▁rev ision", - "▁revis ion", - "▁he ating", - "▁heat ing", - "6 38", - "63 8", - "/ profile", - "/pro file", - ". ru", - ".r u", - "p riority", - "▁in fer", - "▁inf er", - "_ STREAM", - "_ST REAM", - "▁ *)(", - "▁* )(", - "▁*) (", - "> $", - "O LEAN", - "OLE AN", - "OK IE", - "IB ILITY", - "U AGE", - "UA GE", - "▁S urvey", - "▁Sur vey", - "▁Surv ey", - "0 71", - "07 1", - "▁re sign", - "▁r esign", - "▁res ign", - "w ing", - "win g", - "wi ng", - "▁se crets", - "▁secret s", - "▁secre ts", - "▁c hips", - "▁ch ips", - "▁chip s", - "▁chi ps", - "JSON Object", - "Des ktop", - "5 96", - "59 6", - "_SY MBOL", - "( resource", - "(res ource", - "(re source", - "▁< />\n", - "▁\n", - "▁new est", - "▁ne west", - "u li", - "ul i", - "▁de sert", - "▁des ert", - "▁dese rt", - "▁d ip", - "▁di p", - "▁P ow", - "▁Po w", - "▁equ ation", - "▁eq uation", - "▁poss ibilities", - "▁F ed", - "▁Fe d", - "os ph", - "osp h", - "▁ [%", - "▁[ %", - "▁b ubble", - "▁bu bble", - "ether lands", - "7 93", - "79 3", - "▁c ement", - "▁ce ment", - ". auto", - ".a uto", - ".au to", - ".aut o", - "_ AN", - "_A N", - "s election", - "se lection", - "select ion", - "sel ection", - "▁B ond", - "▁Bo nd", - "▁Bon d", - "9 88", - "98 8", - "D en", - "De n", - "- O", - ". getType", - ".get Type", - "8 96", - "89 6", - ". Window", - ".W indow", - "p res", - "pr es", - "pre s", - "▁sw inger", - "▁swing er", - "\" })\n", - "\"} )\n", - "▁ pip", - "▁p ip", - "▁pi p", - "▁m ice", - "▁mi ce", - "▁mic e", - "▁comp ound", - "- plugin", - "-pl ugin", - "i ko", - "ik o", - "▁cent uries", - "i cular", - "ic ular", - "- inline", - "-in line", - "\t key", - "\tk ey", - "> \\<", - ">\\ <", - "EN SION", - "ENS ION", - "▁[ \r\n", - "▁precis ely", - "▁precise ly", - "▁ Past", - "▁P ast", - "▁Pa st", - "▁Pas t", - "▁Cam bridge", - "▁Camb ridge", - "- full", - "-f ull", - "▁an alyze", - "▁analy ze", - "▁St even", - "▁Ste ven", - "▁Steve n", - "▁n em", - "▁ne m", - "d ue", - "du e", - "o ren", - "or en", - "ore n", - "▁mus cles", - "▁muscle s", - "ij ing", - "iji ng", - "8 52", - "85 2", - "/ -", - "▁Kenn edy", - "5 97", - "59 7", - "R M", - "oss ible", - "▁act ress", - "▁d olor", - "▁do lor", - "▁dol or", - "9 14", - "91 4", - "N eed", - "Ne ed", - ". toggle", - ".t oggle", - "▁ Race", - "▁R ace", - "▁Ra ce", - "▁Rac e", - "w ers", - "we rs", - "wer s", - ". material", - ".m aterial", - ".mat erial", - "▁ Due", - "▁D ue", - "▁Du e", - "▁P el", - "▁Pe l", - "# print", - "▁independ ence", - "ex us", - "Sh adow", - "▁ encoder", - "▁en coder", - "▁enc oder", - "▁encode r", - "( level", - "▁ Swift", - "▁Sw ift", - ". doc", - ".d oc", - ".do c", - "_ selection", - "_s election", - "_se lection", - "_select ion", - "_sel ection", - "9 52", - "95 2", - "▁serial VersionUID", - "9 45", - "94 5", - "Label s", - "Lab els", - "▁perform ances", - "▁performance s", - ". Tag", - ".T ag", - "▁N HL", - "▁NH L", - "i zen", - "iz en", - "ize n", - "/ UIKit", - "9 91", - "99 1", - "_CONT ROL", - "▁e arnings", - "▁ear nings", - "▁earn ings", - "▁earning s", - "9 75", - "97 5", - "▁ Alt", - "▁A lt", - "▁Al t", - "_H ANDLE", - "_HAND LE", - "C tx", - "▁per su", - "▁pers u", - "▁ tran", - "▁t ran", - "▁tr an", - "▁tra n", - "_CH ANNEL", - "▁s atisfaction", - "▁satisf action", - "▁ GP", - "▁G P", - "7 69", - "76 9", - "i ox", - "io x", - "m itt", - "mit t", - "mi tt", - "l ando", - "land o", - "lan do", - "▁p ig", - "▁pi g", - "in als", - "inal s", - "ina ls", - "7 31", - "73 1", - "S urface", - "Sur face", - "▁ UUID", - "▁U UID", - "▁benef icial", - "▁benefici al", - "▁ sequences", - "▁se quences", - "▁sequence s", - "▁sequ ences", - "\tmem set", - "▁mag ical", - "▁magic al", - "▁w orn", - "▁wor n", - "▁wo rn", - "A SC", - "AS C", - "p opup", - "pop up", - "C OMP", - "CO MP", - "COM P", - "_ before", - "_b efore", - "_be fore", - "e ness", - "en ess", - "ene ss", - "enes s", - "U i", - "L es", - "Le s", - ". require", - ".re quire", - ".req uire", - ". Serializable", - ".Serial izable", - "add Gap", - "▁ authorization", - "▁author ization", - "0 85", - "08 5", - ".py plot", - "u rray", - "ur ray", - "urr ay", - "l atitude", - "lat itude", - "8 45", - "84 5", - "f rames", - "fr ames", - "frame s", - "fra mes", - "a js", - "aj s", - "▁ compass", - "▁com pass", - "▁comp ass", - "▁obs ervations", - "▁observ ations", - "▁observation s", - "_ sup", - "_s up", - ".en viron", - ".env iron", - "▁tr iple", - "▁tri ple", - "▁trip le", - "▁ Ruby", - "▁R uby", - "▁Rub y", - "▁Ru by", - "▁d rain", - "▁dr ain", - "▁dra in", - "_ FILTER", - "_F ILTER", - "S an", - "Sa n", - "U MP", - "UM P", - "Null Exception", - "▁G ab", - "▁Ga b", - "o we", - "ow e", - "▁Turk ish", - "_ sequence", - "_se quence", - "▁G rant", - "▁Gr ant", - "▁Gran t", - "▁Gra nt", - "u ela", - "ue la", - "uel a", - "▁ wo", - "▁w o", - "▁ cube", - "▁c ube", - "▁cu be", - "▁cub e", - "i q", - "▁dis orders", - "▁disorder s", - "▁extra ordinary", - "▁ ctrl", - "▁c trl", - "▁ct rl", - "▁ctr l", - "▁ Seq", - "▁S eq", - "▁Se q", - "en tr", - "ent r", - "8 65", - "86 5", - "▁san ctions", - "▁sanct ions", - "▁sanction s", - "9 49", - "94 9", - "ut sch", - "uts ch", - "Re ports", - "Report s", - "Rep orts", - "▁ inherit", - "▁in herit", - "▁inher it", - "Per iod", - "▁phot ography", - "▁photograph y", - "▁ Framework", - "▁F ramework", - "▁Fr amework", - "▁Frame work", - "▁special ist", - "▁ ?\n\n", - "▁? \n\n", - "▁?\n \n", - "_ selected", - "_se lected", - "_select ed", - "_sel ected", - ". Player", - ".P layer", - ".Pl ayer", - ".Play er", - "▁al location", - "▁all ocation", - "▁alloc ation", - "( account", - "(a ccount", - "(ac count", - "(acc ount", - "▁struct ural", - "v able", - "va ble", - "- offset", - "-off set", - "-o ffset", - ".App CompatActivity", - ".Add WithValue", - "▁ icons", - "▁i cons", - "▁icon s", - "▁ic ons", - "▁ shutdown", - "▁sh utdown", - "▁shut down", - "_ low", - "_l ow", - "_lo w", - "▁ Compare", - "▁Com pare", - "▁Comp are", - "▁Compar e", - "▁ Ce", - "▁C e", - "= head", - "=h ead", - "l am", - "la m", - ". predict", - ".p redict", - ".pre dict", - "_ DEC", - "_D EC", - "_DE C", - "▁ Sleep", - "▁S leep", - "▁Slee p", - "▁Gr atis", - "▁Grat is", - "▁s uggestion", - "▁suggest ion", - "▁ DEL", - "▁D EL", - "▁DE L", - "c aff", - "ca ff", - "av irus", - "avi rus", - "No thing", - "▁wide spread", - "▁wides pread", - "▁mechan isms", - "▁mechanism s", - "▁text Align", - "oc cup", - "occ up", - "▁R ail", - "▁Ra il", - ": NS", - ":N S", - "▁f iber", - "▁fi ber", - "▁fib er", - "▁ mk", - "▁m k", - "▁v intage", - "- long", - "-l ong", - "-lo ng", - ". reduce", - ".re duce", - ".red uce", - ". Entities", - "( record", - "(re cord", - "(rec ord", - "▁ pleasant", - "▁ple asant", - "FR ING", - ". Cells", - ".C ells", - ".Cell s", - "O TT", - "OT T", - "\t elseif", - "\telse if", - "6 49", - "64 9", - "7 24", - "72 4", - "_ confirm", - "_con firm", - "_conf irm", - "▁View Group", - "s ym", - "sy m", - "▁p ray", - "▁pr ay", - "▁pra y", - "▁sus pected", - "▁susp ected", - "▁suspect ed", - "Cont ains", - "Contain s", - "9 83", - "98 3", - "▁b orders", - "▁border s", - "▁bor ders", - "▁bord ers", - "▁component Did", - "A SSERT", - "ASS ERT", - "▁in finite", - "▁inf inite", - "- order", - "-or der", - "▁ hello", - "▁h ello", - "▁hel lo", - "▁hell o", - "▁ Grade", - "▁G rade", - "▁Gr ade", - "▁Grad e", - "▁Gra de", - ".currentTime Millis", - "apol is", - "z h", - "\t Object", - "\tO bject", - ": \\\\", - ":\\ \\", - "H O", - "val uation", - "valu ation", - "▁v ocab", - "▁vo cab", - "▁voc ab", - "7 19", - "71 9", - "▁ coupon", - "▁c oupon", - "▁co upon", - "▁cou pon", - "▁coup on", - "atab ases", - "atabase s", - ". GetType", - ".Get Type", - "L earn", - "Le arn", - "7 92", - "79 2", - "] =\"", - "]= \"", - "▁G ary", - "▁Gar y", - "▁Ga ry", - "ot ive", - "▁ ash", - "▁a sh", - "▁as h", - "▁ bib", - "▁b ib", - "▁bi b", - "X XXX", - "XX XX", - "XXX X", - "▁ balanced", - "▁balance d", - "▁bal anced", - "VAL UE", - "▁N at", - "▁Na t", - "_ Ad", - "_A d", - "< E", - "▁Method Info", - "8 97", - "89 7", - "L IB", - "LI B", - "▁consider able", - "▁Ind ustry", - "▁Indust ry", - "t ests", - "te sts", - "test s", - "tes ts", - ". setTitle", - ".set Title", - "▁ Bluetooth", - "▁B luetooth", - "▁Bl uetooth", - "▁m apped", - "▁map ped", - "▁ma pped", - "▁Br uce", - "▁Bru ce", - "▁ MainWindow", - "▁Main Window", - "\t status", - "\tst atus", - "▁ raz", - "▁r az", - "▁ra z", - "▁M and", - "▁Man d", - "▁Ma nd", - "▁class ification", - "Per missions", - "Permission s", - "9 69", - "96 9", - "▁ ----------------------------------------------------------------------------", - "▁---------------------------------------------------------------- ------------", - "▁------------------------------------------------ ----------------------------", - "▁------------ ----------------------------------------------------------------", - "▁------ ----------------------------------------------------------------------", - "▁ containers", - "▁cont ainers", - "▁container s", - "▁contain ers", - "▁conta iners", - ": set", - ":s et", - "_ xml", - "_x ml", - "▁wh ilst", - "Th rough", - "▁v align", - "▁val ign", - "▁world s", - "C ORD", - "CO RD", - "COR D", - "ED IA", - "EDI A", - "▁s pare", - "▁sp are", - "▁spa re", - "▁ Had", - "▁H ad", - "▁Ha d", - "▁ DEF", - "▁D EF", - "▁DE F", - "( ptr", - "(p tr", - "(pt r", - "▁w arming", - "▁war ming", - "▁warm ing", - "8 98", - "89 8", - "▁cons ensus", - "ag ne", - "agn e", - "C TL", - "CT L", - ". Main", - ".M ain", - "web Element", - "▁p ist", - "▁pi st", - "F lash", - "Fl ash", - "App end", - "Ap pend", - ".tw img", - "T ap", - "Ta p", - "▁veget ables", - "▁vegetable s", - "a lg", - "al g", - "0 58", - "05 8", - ". sample", - ".s ample", - "▁co aching", - "▁coach ing", - "( ind", - "(i nd", - "(in d", - "Cell Value", - "Check Box", - "▁H ell", - "▁He ll", - "▁Hel l", - "R OOT", - "RO OT", - "7 96", - "79 6", - "▁st adium", - "▁investig ating", - ") %", - "s ted", - "st ed", - "ste d", - "9 65", - "96 5", - "▁ Writing", - "▁W riting", - "▁Wr iting", - "▁ uno", - "▁u no", - "▁un o", - "▁ {{--", - "▁{{ --", - "▁ coords", - "▁co ords", - "▁coord s", - "▁un ser", - "▁uns er", - "organ ization", - "▁Cr ime", - "▁Democr at", - "5 79", - "57 9", - "▁ vin", - "▁v in", - "▁vi n", - "/ file", - "/f ile", - "0 78", - "07 8", - "- api", - "-a pi", - "-ap i", - "▁A y", - "▁f unded", - "▁fun ded", - "▁fund ed", - "▁Br exit", - "▁Bre xit", - "▁G h", - "ent ina", - "enti na", - "entin a", - "c ases", - "ca ses", - "case s", - "cas es", - "▁ dash", - "▁d ash", - "▁da sh", - "▁das h", - "▁!! }\n", - "H I", - "Off ice", - "▁cap tain", - "▁capt ain", - "▁wor ship", - "▁wors hip", - "\\ C", - "7 33", - "73 3", - "8 51", - "85 1", - "▁gl obe", - "▁glob e", - "▁glo be", - "_ board", - "_b oard", - "_bo ard", - "▁ba bies", - "▁bab ies", - "8 76", - "87 6", - "▁consec utive", - "▁enh anced", - "▁enhance d", - "ere um", - "▁Ad vis", - "▁Adv is", - "▁g rain", - "▁gr ain", - "▁gra in", - "7 71", - "77 1", - "▁c raw", - "▁cr aw", - "▁cra w", - "ancell ationToken", - "ancellation Token", - ". alpha", - ".al pha", - "_ WITH", - "_W ITH", - "▁O tt", - "▁Ot t", - "▁ Cool", - "▁C ool", - "▁Co ol", - ". batch", - ".b atch", - "▁ verified", - "▁ver ified", - "( callback", - "(c allback", - "(call back", - "▁reg ards", - "▁regard s", - "6 83", - "68 3", - "▁Int Ptr", - "ou cher", - "ouch er", - "▁ kin", - "▁k in", - "▁ki n", - "▁t ouched", - "▁touch ed", - "▁tou ched", - "a thon", - "ath on", - "▁adj acent", - "▁accom panied", - "L EAR", - "LE AR", - "▁im plies", - "▁imp lies", - "▁impl ies", - "▁ hill", - "▁h ill", - "▁hi ll", - "▁hil l", - "▁Balt imore", - "= \"-", - "=\" -", - "F inally", - "Fin ally", - "Final ly", - "8 83", - "88 3", - "S am", - "Sa m", - "ic opt", - "ico pt", - "▁s od", - "▁so d", - "▁m aj", - "▁ma j", - "▁ Shipping", - "▁Sh ipping", - "▁Ship ping", - "▁Shi pping", - "▁ getAll", - "▁get All", - "▁co aches", - "▁coach es", - "▁don ations", - "▁donation s", - "i lot", - "il ot", - "ilo t", - "▁T ar", - "▁Ta r", - "c err", - "ce rr", - "cer r", - "▁ badge", - "▁b adge", - "▁bad ge", - "▁ markers", - "▁mark ers", - "▁mar kers", - "▁marker s", - "▁ Rand", - "▁R and", - "▁Ra nd", - "▁Ran d", - "a ised", - "ai sed", - "ais ed", - "aise d", - "iss ance", - "issa nce", - "issan ce", - "▁expl oring", - "▁explo ring", - "▁explor ing", - "8 27", - "82 7", - "u ced", - "uc ed", - "uce d", - "▁Ind onesia", - "▁Indones ia", - "▁be neath", - "▁bene ath", - "▁m agnetic", - "▁magn etic", - "▁magnet ic", - "▁m useum", - "▁muse um", - "match Condition", - "▁dis rupt", - "▁re mind", - "▁rem ind", - "▁remin d", - "▁ TM", - "▁T M", - "▁ /><", - "▁/ ><", - "▁/> <", - "▁f ool", - "▁fo ol", - "▁foo l", - "▁e sk", - "▁es k", - ". Null", - ".N ull", - "▁ Dies", - "▁D ies", - "▁Di es", - "▁Die s", - "_ OUTPUT", - "_OUT PUT", - "_TYPE D", - "_TYP ED", - "▁p ainted", - "▁paint ed", - "▁pain ted", - "6 73", - "67 3", - "7 35", - "73 5", - "▁soph istic", - "▁B ear", - "▁Be ar", - "▁Bea r", - "* n", - "_ PACK", - "_P ACK", - "_PA CK", - "▁deliver ing", - "▁ COUNT", - "▁C OUNT", - "▁j eg", - "▁je g", - "- car", - "-c ar", - "-ca r", - "f name", - "fn ame", - "▁r anging", - "▁ran ging", - "▁rang ing", - "8 48", - "84 8", - "▁ Neg", - "▁N eg", - "▁Ne g", - "/ ******/", - "▁ CHAR", - "▁CH AR", - "▁u ltra", - "▁ult ra", - "▁ul tra", - "▁ultr a", - "G rad", - "Gr ad", - "= t", - "▁jud ges", - "▁judge s", - "▁D ise", - "▁Dis e", - "▁Di se", - "an ners", - "ann ers", - "anner s", - "anne rs", - "9 85", - "98 5", - "8 91", - "89 1", - "8 61", - "86 1", - "▁s cal", - "▁sc al", - "▁sca l", - "_ cal", - "_c al", - "_ca l", - "▁CON NECTION", - "_ embed", - "_em bed", - "_emb ed", - "( fn", - "(f n", - "▁ Craft", - "▁C raft", - "▁Cra ft", - "0 47", - "04 7", - "▁P as", - "▁Pa s", - "\" )->", - "\") ->", - ". convert", - ".con vert", - ".conv ert", - ". resource", - ".re source", - ".res ource", - "▁ STATUS", - "▁ST ATUS", - "▁STAT US", - "▁ Tit", - "▁T it", - "▁Ti t", - "▁class room", - "▁Arch itect", - "▁K ings", - "▁King s", - "▁Kin gs", - "▁ste ady", - "▁stead y", - "/* !\n", - "/*! \n", - "▁G ene", - "▁Ge ne", - "▁Gen e", - ") \";\n", - ")\" ;\n", - "i cia", - "ic ia", - "ici a", - "s tan", - "st an", - "sta n", - "▁ Construction", - "▁Con struction", - "▁Construct ion", - "um per", - "ump er", - "9 51", - "95 1", - "w c", - "▁ CBS", - "▁C BS", - "▁CB S", - "in ging", - "ing ing", - "- party", - "-p arty", - "-part y", - "-par ty", - "( driver", - "(d river", - "(dr iver", - "M ARK", - "MAR K", - "0 82", - "08 2", - "▁ nested", - "▁n ested", - "▁ne sted", - "▁nest ed", - "e ward", - "ew ard", - "▁ dependency", - "▁d ependency", - "▁dep endency", - "▁depend ency", - "▁m ales", - "▁ma les", - "▁male s", - "▁mal es", - "9 28", - "92 8", - "▁ ONE", - "▁O NE", - "▁ON E", - "▁ Production", - "▁P roduction", - "▁Pro duction", - "▁Product ion", - "▁Produ ction", - "] [$", - "][ $", - "_ LOAD", - "_L OAD", - "_LO AD", - "▁B ol", - "▁Bo l", - "el ry", - "8 31", - "83 1", - "▁ Require", - "▁Re quire", - "▁ placing", - "▁pl acing", - "▁plac ing", - "▁pla cing", - "x xx", - "xx x", - "C ALE", - "CA LE", - "CAL E", - "▁ thumb", - "▁th umb", - "8 24", - "82 4", - "Ch oose", - "Cho ose", - "▁ prototype", - "▁prot otype", - "▁proto type", - "V OID", - "VO ID", - "▁les bian", - "▁lesb ian", - "7 41", - "74 1", - "▁t raits", - "▁tr aits", - "▁tra its", - "▁trait s", - "Sh arp", - "Shar p", - "▁con sume", - "▁cons ume", - "▁consum e", - "Tr uth", - "▁action Performed", - "▁Environment al", - "▁D ean", - "▁De an", - "▁ estado", - "▁est ado", - "▁esta do", - "s ame", - "sa me", - "sam e", - "▁ numeric", - "▁n umeric", - "▁num eric", - "▁numer ic", - "▁nu meric", - "▁trans it", - "▁tran sit", - ". Email", - ".E mail", - "- side", - "-s ide", - "_ RUN", - "_R UN", - "▁V illage", - "▁Vill age", - "▁Villa ge", - "_ OPEN", - "_OP EN", - ". rem", - ".re m", - ".r em", - "- warning", - "-w arning", - "-war ning", - "a nya", - "an ya", - "any a", - "Property Changed", - "▁(! _", - "( check", - "(c heck", - "i lia", - "il ia", - "ili a", - "▁ Soft", - "▁S oft", - "▁So ft", - "▁Sof t", - "st eps", - "ste ps", - "step s", - "▁Mad rid", - "Memory Warning", - "▁ handlers", - "▁hand lers", - "▁handle rs", - "▁handler s", - "▁experi encing", - "▁ins pect", - "button s", - "but tons", - "Receive MemoryWarning", - "ch emy", - "che my", - "chem y", - "L inks", - "Link s", - "Lin ks", - "▁url lib", - "▁ur llib", - ".System Colors", - "▁E igen", - "▁pun ishment", - "▁punish ment", - ":UI Control", - "b ara", - "bar a", - "ba ra", - "- set", - "-s et", - "-se t", - "▁ }\r\n\r\n\r\n", - "▁} \r\n\r\n\r\n", - "▁}\r\n \r\n\r\n", - "▁}\r\n\r\n \r\n", - "▁t olerance", - "▁toler ance", - "▁ interfaces", - "▁inter faces", - "▁interface s", - "▁interf aces", - ". redirect", - ".re direct", - ".red irect", - "ighb ors", - "ighbor s", - "cs rf", - "_ background", - "_back ground", - ". Utils", - ".Util s", - "_ HT", - "_H T", - "6 92", - "69 2", - "▁ Interest", - "▁Inter est", - "i mos", - "im os", - "imo s", - "▁gr ants", - "▁grant s", - "▁gran ts", - "0 83", - "08 3", - "▁exam ined", - "▁examine d", - "▁ cf", - "▁c f", - "f orge", - "for ge", - "b acks", - "back s", - "ba cks", - "bac ks", - "▁ Objects", - "▁Object s", - "_ sent", - "_s ent", - "_se nt", - ". entry", - ".en try", - "▁THE N", - "▁TH EN", - "ell ido", - "elli do", - "c ia", - "ci a", - ", res", - ",r es", - ",re s", - "6 59", - "65 9", - "6 81", - "68 1", - "/st dc", - "/std c", - ". nd", - ".n d", - "( Int", - "(I nt", - "(In t", - "▁ Authors", - "▁Author s", - "▁Auth ors", - "▁App CompatActivity", - "' {", - "▁ medi", - "▁m edi", - "▁me di", - "▁med i", - "M usic", - "Mu sic", - "Mus ic", - "i gm", - "ig m", - "ce ipt", - "▁a uss", - "▁au ss", - "▁aus s", - "▁target ing", - "▁ Keys", - "▁Key s", - "▁Ke ys", - "h n", - ": ]\n", - ":] \n", - "▁min eral", - "▁mine ral", - "▁miner al", - ". ca", - ".c a", - "7 61", - "76 1", - "o med", - "om ed", - "ome d", - "▁s heets", - "▁she ets", - "▁sheet s", - "▁c amb", - "▁ca mb", - "▁cam b", - "▁dead ly", - ". inject", - ".in ject", - "( unit", - "(u nit", - "(un it", - "▁ Selection", - "▁S election", - "▁Se lection", - "▁Select ion", - "▁Sel ection", - ".g ms", - "( connection", - "(con nection", - "(conn ection", - "▁ $(\"", - "▁$ (\"", - "▁$( \"", - "▁ Currently", - "▁Current ly", - "p te", - "pt e", - "_ paths", - "_p aths", - "_path s", - "_pa ths", - "_pat hs", - "8 47", - "84 7", - "le af", - "▁imp lications", - "▁implication s", - "p osal", - "pos al", - "po sal", - "[ /", - "a ncia", - "an cia", - "anc ia", - "m ul", - "mu l", - "c ie", - "ci e", - "▁ge ile", - "6 79", - "67 9", - "im als", - "imal s", - "ima ls", - "UI View", - "▁s urre", - "▁sur re", - "s erialize", - "serial ize", - "I SO", - "IS O", - "▁arbit rary", - "▁arbitr ary", - "▁sock addr", - ". fn", - ".f n", - "▁M erc", - "▁Me rc", - "▁Mer c", - "▁c asting", - "▁cas ting", - "▁cast ing", - "Key Down", - "▁ newValue", - "▁new Value", - "op ens", - "open s", - "ope ns", - "7 17", - "71 7", - "T odo", - "To do", - "▁flex ibility", - "\t \t\t\t▁▁", - "\t\t \t\t▁▁", - "\t\t\t\t ▁▁", - "\t\t\t \t▁▁", - "\t\t\t\t▁ ▁", - "V elocity", - "Vel ocity", - "r owing", - "ro wing", - "row ing", - "▁com puted", - "▁comp uted", - "▁comput ed", - "▁compute d", - "` )\n", - "`) \n", - "st atement", - "state ment", - "stat ement", - "▁ ri", - "▁r i", - "_ cart", - "_c art", - "_car t", - "_ca rt", - "L ow", - "Lo w", - "trans fer", - ". nav", - ".n av", - "▁gr ave", - "▁gra ve", - "▁grav e", - "▁ Door", - "▁D oor", - "▁Do or", - "\t alert", - "6 91", - "69 1", - "6 98", - "69 8", - ". subscribe", - ".sub scribe", - "- profile", - "-pro file", - "\t base", - "\tb ase", - "_ _\n\n", - "__ \n\n", - "__\n \n", - "▁engine ers", - "▁engineer s", - "▁exp losion", - "▁explos ion", - "▁d ari", - "▁da ri", - "▁dar i", - "6 82", - "68 2", - "\t Log", - "\tL og", - "o nal", - "on al", - "ona l", - "▁isol ated", - "▁iso lated", - "▁isolate d", - "{ i", - "▁ Msg", - "▁M sg", - "▁Ms g", - "F uture", - "▁r acist", - "▁rac ist", - "- wrap", - "-w rap", - "▁V ers", - "▁Ver s", - "▁Ve rs", - "b org", - "bo rg", - "bor g", - "I SION", - "IS ION", - "▁Y an", - "▁Ya n", - "8 36", - "83 6", - "init With", - "▁n omin", - "▁no min", - "▁nom in", - "( empty", - "(em pty", - "\t width", - "\tw idth", - "▁ch amber", - "▁cham ber", - "/ ajax", - "/a jax", - "E MP", - "EM P", - "0 93", - "09 3", - "▁ne ces", - "▁nec es", - "i vos", - "iv os", - "ivo s", - "log ic", - "* )&", - "*) &", - "cri pts", - "cript s", - "9 76", - "97 6", - "Row At", - "0 53", - "05 3", - "ib lings", - "ibling s", - "▁ ears", - "▁e ars", - "▁ear s", - "▁ea rs", - "▁comp uting", - "▁comput ing", - "▁ maker", - "▁m aker", - "▁make r", - "▁ma ker", - "▁mak er", - "▁N either", - "▁Ne ither", - "b readcrumb", - "▁ serialize", - "▁s erialize", - "▁serial ize", - "▁ Within", - "▁With in", - "▁d ell", - "▁de ll", - "▁del l", - "_ TRACE", - "_TR ACE", - "_TRA CE", - "0 92", - "09 2", - "= a", - "▁w ishes", - "▁wish es", - "▁wis hes", - "- inch", - "-in ch", - "▁D or", - "▁Do r", - "▁innoc ent", - "▁D ol", - "▁Do l", - "▁int ens", - "▁inte ns", - "for ced", - "force d", - "forc ed", - "0 54", - "05 4", - "▁ BIT", - "▁B IT", - "▁BI T", - "▁photograph s", - "▁c asa", - "▁ca sa", - "▁cas a", - "▁ Len", - "▁L en", - "▁Le n", - "\\ Framework", - "\\F ramework", - ". Simple", - ".S imple", - "▁d ear", - "▁de ar", - "8 95", - "89 5", - ") /(", - ")/ (", - "ip pi", - "ipp i", - "▁ owns", - "▁own s", - "▁ow ns", - "P layers", - "Pl ayers", - "Player s", - "Play ers", - "▁propos als", - "▁proposal s", - ". pi", - ".p i", - "us alem", - "usa lem", - "usal em", - "D amage", - "Da mage", - "Dam age", - "▁cal ories", - "▁calorie s", - "▁Cre ative", - "▁Creat ive", - "▁ [$", - "▁[ $", - "▁ //\r\n", - "▁// \r\n", - "▁/ /\r\n", - "7 86", - "78 6", - "And View", - ". custom", - ".c ustom", - "_ factory", - "_f actory", - "_factor y", - "_fact ory", - "comm ands", - "command s", - "_ look", - "_l ook", - "_lo ok", - "▁ strcmp", - "▁str cmp", - "Y N", - "a ired", - "air ed", - "ai red", - "aire d", - "▁ audit", - "▁a udit", - "▁aud it", - "▁au dit", - "▁audi t", - "▁ Reverse", - "▁Re verse", - "ropri ate", - "e tics", - "et ics", - "etic s", - "eti cs", - "< vector", - "';\n", - "\"> ';\n", - "\">' ;\n", - "▁pe pper", - "9 89", - "98 9", - "▁s hed", - "▁sh ed", - "▁she d", - "▁ Medium", - "▁M edium", - "▁Med ium", - "▁ Cookie", - "▁C ookie", - "▁Co okie", - "▁Cook ie", - "8 89", - "88 9", - "▁overse as", - "ed or", - "as urement", - "asure ment", - "7 66", - "76 6", - "▁' .'", - "▁'. '", - "▁ php", - "▁p hp", - "▁ph p", - "▁ PROC", - "▁PRO C", - "▁PR OC", - "▁except ional", - "▁exception al", - "( th", - "(t h", - "▁ Jet", - "▁J et", - "▁Je t", - "▁ occupied", - "▁occup ied", - ".set Image", - "▁ Related", - "▁Re lated", - "▁Rel ated", - "u cker", - "uc ker", - "uck er", - "M embers", - "Member s", - "Mem bers", - "PR INT", - "PRI NT", - "▁G lo", - "▁Gl o", - "_ VIEW", - "_V IEW", - "} \",\n", - "}\", \n", - "}\" ,\n", - "▁ad option", - "▁adopt ion", - "▁ado ption", - "[ ])\n", - "[] )\n", - "[]) \n", - "8 42", - "84 2", - "▁Miss ouri", - "▁Lin coln", - "er ald", - "era ld", - "eral d", - "P opup", - "Pop up", - "▁f ate", - "▁fa te", - "▁fat e", - "- bootstrap", - "f ections", - "fe ctions", - "fect ions", - "fection s", - "▁ Poll", - "▁P oll", - "▁Pol l", - "▁Po ll", - "_ ARGS", - "_ARG S", - "_AR GS", - "in ance", - "ina nce", - "6 97", - "69 7", - "- home", - "-h ome", - ". ),", - ".) ,", - "_ done", - "_d one", - "_do ne", - "6 94", - "69 4", - ": \n\n\n", - ":\n \n\n", - ":\n\n \n", - "▁discuss ing", - "▁ SQLException", - "▁SQL Exception", - "▁elect ro", - "▁electr o", - "\t req", - "\tr eq", - "\tre q", - "▁ zw", - "▁z w", - "8 86", - "88 6", - "▁l ui", - "▁lu i", - "9 32", - "93 2", - "▁over night", - "$ user", - "▁ WAY", - "▁W AY", - "▁WA Y", - "▁all erg", - "▁alle rg", - "▁aller g", - "▁disappoint ed", - "▁rad iation", - "▁radi ation", - "▁im pressed", - "▁imp ressed", - "▁impress ed", - "▁impr essed", - "if icates", - "ific ates", - "ificate s", - "ifica tes", - "▁t ob", - "▁to b", - "CL ASS", - "CLA SS", - "▁ cuda", - "▁c uda", - "▁cu da", - "_ det", - "_d et", - "_de t", - "- post", - "-p ost", - "u lu", - "ul u", - "Trans lation", - "- hand", - "-h and", - ". year", - ".y ear", - "▁ Mongo", - "▁M ongo", - "▁Mon go", - "▁Mong o", - "▁un clear", - "▁unc lear", - "▁uncle ar", - ". engine", - "WEB PACK", - "r ices", - "ri ces", - "ric es", - "rice s", - "_ ACCESS", - "_AC CESS", - "_ACC ESS", - "▁h olidays", - "▁holiday s", - "per cent", - "perc ent", - ". Identity", - ".Id entity", - "▁G ov", - "▁Go v", - "▁passion ate", - "! !.", - "!! .", - "▁Gree ce", - "plus plus", - "' ));", - "') );", - "')) ;", - "G P", - "▁ex cit", - "▁exc it", - ".tab Page", - "_ cond", - "_c ond", - "_con d", - "_co nd", - "▁s ponsor", - "▁spons or", - "M ODULE", - "MOD ULE", - "_ proc", - "_p roc", - "_pro c", - "_pr oc", - "▁ $\n", - "▁$ \n", - "▁r ational", - "▁rat ional", - "▁ratio nal", - ". Tool", - ".T ool", - ".To ol", - "▁i hr", - "▁ih r", - "c ca", - "cc a", - "▁E state", - "▁Est ate", - "▁Esta te", - "IB UTE", - "IBUT E", - "Action Performed", - "▁S olar", - "▁So lar", - "▁Sol ar", - "▁equ ity", - "▁eq uity", - "t id", - "ti d", - "9 38", - "93 8", - "▁rec ip", - ". simple", - ".s imple", - ".sim ple", - "m k", - "6 89", - "68 9", - "▁ Luke", - "▁L uke", - "▁Lu ke", - "▁Luk e", - "▁Guard ian", - "▁ encrypted", - "▁enc rypted", - "▁encrypt ed", - "▁domin ant", - ". place", - ".p lace", - ".pl ace", - "▁ NV", - "▁N V", - "8 39", - "83 9", - "▁ton gue", - "▁tong ue", - "( Get", - "(G et", - "▁st ainless", - "▁stain less", - ". Play", - ".P lay", - ".Pl ay", - "▁ eb", - "▁e b", - "a ci", - "ac i", - ". buffer", - ".b uffer", - ".buf fer", - "readcr umbs", - "readcrumb s", - "▁vacc ine", - "p rom", - "pr om", - "pro m", - "9 79", - "97 9", - "▁ userInfo", - "▁user Info", - "▁ slug", - "▁s lug", - "▁sl ug", - "Serial izedName", - "- wide", - "-w ide", - "▁re actions", - "▁reaction s", - "▁react ions", - "▁Y ang", - "▁Yan g", - "▁Ya ng", - "▁A dds", - "▁Ad ds", - "▁Add s", - "( userId", - "(user Id", - "▁ plates", - "▁p lates", - "▁pl ates", - "▁plate s", - "▁pla tes", - "▁plat es", - "▁ MEM", - "▁M EM", - "▁ME M", - "▁b ail", - "▁ba il", - "In side", - "Ins ide", - "e ted", - "et ed", - "ete d", - "▁els if", - "▁s ake", - "▁sa ke", - "▁ cycles", - "▁c ycles", - "▁cy cles", - "▁cycle s", - "▁cycl es", - "▁cyc les", - "\t I", - "- collapse", - "-c ollapse", - "8 41", - "84 1", - "▁ GMT", - "▁G MT", - "▁GM T", - "8 14", - "81 4", - "De claration", - "▁g ros", - "▁gr os", - "▁gro s", - "▁re aches", - "▁reach es", - "▁cust ody", - "Un til", - "Unt il", - "7 53", - "75 3", - "8 56", - "85 6", - "t u", - "▁C hen", - "▁Ch en", - "▁Che n", - "▁ nx", - "▁n x", - "( addr", - "(add r", - "(ad dr", - "▁ Offer", - "▁O ffer", - "▁Off er", - "▁Of fer", - "▁col leg", - "▁coll eg", - "▁colle g", - "ass ador", - "6 74", - "67 4", - "▁ mapper", - "▁m apper", - "▁map per", - "▁ma pper", - "8 54", - "85 4", - "▁S IGNAL", - "▁SIGN AL", - "▁B loom", - "▁Bl oom", - "▁Blo om", - "▁H oll", - "▁Hol l", - "▁Ho ll", - "▁Im per", - "▁Imp er", - "- des", - "-d es", - "-de s", - "_ site", - "_s ite", - "_si te", - "P roc", - "Pro c", - "Pr oc", - "E qu", - "Eq u", - "▁ atomic", - "▁at omic", - "▁atom ic", - "▁W oman", - "▁Wo man", - "s ent", - "se nt", - "sen t", - "7 38", - "73 8", - "8 17", - "81 7", - "s car", - "sc ar", - "▁int elligent", - "▁intellig ent", - "▁ Getting", - "▁G etting", - "▁Get ting", - "▁ Registration", - "▁Reg istration", - "▁P hill", - "▁Ph ill", - "▁Phil l", - "▁k iller", - "▁kill er", - "▁kil ler", - "▁ki ller", - "un icode", - "unic ode", - "uni code", - "\n \t\t\n", - "▁J acob", - "▁Jac ob", - "▁ Const", - "▁Con st", - "▁Co nst", - "▁Cons t", - "▁ locate", - "▁lo cate", - "▁loc ate", - "▁c aus", - "▁ca us", - "7 49", - "74 9", - "▁Sch olar", - "▁Scho lar", - "▁ constitutional", - "▁constitution al", - "▁inf lation", - "▁infl ation", - "▁ Got", - "▁G ot", - "▁Go t", - "= array", - "=a rray", - "end um", - "▁ translated", - "▁trans lated", - "▁transl ated", - "▁translate d", - "▁div orce", - "▁divor ce", - "En tries", - "Ent ries", - "Entr ies", - "▁s or", - "▁so r", - "▁ Quote", - "▁Qu ote", - "ir lines", - "irl ines", - "U K", - "▁ excel", - "▁ex cel", - "▁exc el", - "( opt", - "(o pt", - "(op t", - "▁AD V", - ", :,", - ",: ,", - "▁cont acted", - "▁contact ed", - "7 42", - "74 2", - "▁ DA", - "▁D A", - "▁r ings", - "▁ring s", - "▁rin gs", - "▁Ind ustrial", - "▁Indust rial", - ". getContext", - ".get Context", - "▁forg otten", - "▁forgot ten", - "▁T an", - "▁Ta n", - "▁p ants", - "▁pan ts", - "▁pant s", - "▁ ov", - "▁o v", - "▁ decoder", - "▁de coder", - "▁dec oder", - "▁decode r", - "▁ Partial", - "▁P artial", - "▁Part ial", - "▁ vc", - "▁v c", - "▁battle s", - "▁batt les", - "A rial", - "Ar ial", - "FRING EMENT", - "ir ates", - "ira tes", - ", w", - "aint enance", - "▁O d", - "▁Techn ologies", - "▁C arter", - "▁Car ter", - "▁Cart er", - ". findAll", - ".find All", - "N ome", - "No me", - "Nom e", - "B en", - "Be n", - "▁ Usage", - "▁Us age", - "▁ Picture", - "▁P icture", - "▁Pic ture", - "▁bad ly", - "_ panel", - "_p anel", - "_pa nel", - "▁pat ent", - "▁ Protocol", - "▁Prot ocol", - "▁Proto col", - "l otte", - "lo tte", - "lot te", - "\t player", - "\tp layer", - "j ections", - "ject ions", - "je ctions", - "jection s", - "7 46", - "74 6", - "▁d ou", - "▁do u", - "_ release", - "_re lease", - "_rel ease", - "urn iture", - "_ tax", - "_t ax", - "▁ Fields", - "▁F ields", - "▁Field s", - ". dataset", - ".d ataset", - ".data set", - ".dat aset", - ".datas et", - "_ master", - "_m aster", - "CLUD E", - "CLU DE", - "▁Ph arm", - "b st", - "bs t", - "▁oper ational", - "▁operation al", - ". cell", - ".c ell", - "▁ident ifying", - "▁identify ing", - "▁ jwt", - "▁j wt", - "t uple", - "tu ple", - "▁ TC", - "▁T C", - "▁C ro", - "▁Cr o", - "9 36", - "93 6", - "ix map", - "- components", - "-com ponents", - "-component s", - "g eneral", - "gen eral", - "gener al", - "gene ral", - "▁ oz", - "▁o z", - "_ De", - "_D e", - "_ double", - "_d ouble", - "_do uble", - "▁ Too", - "▁T oo", - "▁To o", - "0 88", - "08 8", - ".View Group", - "8 79", - "87 9", - "g ate", - "ga te", - "d ings", - "ding s", - "ph otos", - "photo s", - "phot os", - "▁gr ande", - "▁grand e", - "▁gran de", - "▁gra nde", - "ol lect", - "oll ect", - "olle ct", - "_ lin", - "_l in", - "_li n", - "▁aw ful", - "f ilters", - "filter s", - "fil ters", - "▁altern ate", - "e sp", - "es p", - "▁ compress", - "▁com press", - "▁comp ress", - "▁compr ess", - "e o", - "▁ Scale", - "▁S cale", - "▁Sc ale", - "▁in direct", - "▁ind irect", - "▁ invoice", - "▁in voice", - "▁inv oice", - "▁invo ice", - "\n\n\n\n \n\n\n\n\n\n\n\n\n\n\n\n", - "\n\n\n\n\n\n \n\n\n\n\n\n\n\n\n\n", - "\n\n\n\n\n\n\n\n \n\n\n\n\n\n\n\n", - "\n\n\n\n\n\n\n\n\n\n \n\n\n\n\n\n", - "\n\n\n\n\n\n\n \n\n\n\n\n\n\n\n\n", - "\n\n\n\n\n\n\n\n\n\n\n\n \n\n\n\n", - "\n\n\n\n\n\n\n\n\n \n\n\n\n\n\n\n", - "Start ing", - "Star ting", - "▁ Players", - "▁P layers", - "▁Pl ayers", - "▁Play ers", - "▁Player s", - "i ele", - "ie le", - "iel e", - ". then", - ".t hen", - ".th en", - ".the n", - "9 81", - "98 1", - "O rd", - "Or d", - "▁ Tuple", - "▁T uple", - "▁Tu ple", - "▁b out", - "▁bo ut", - "▁bou t", - "▁ Statistics", - "▁Stat istics", - "P review", - "Pre view", - "Prev iew", - "▁p uzzle", - "▁pu zzle", - "▁puzz le", - "▁ Width", - "▁W idth", - "▁Wid th", - "ST ATE", - "STAT E", - "▁ overlay", - "▁over lay", - "▁overl ay", - "\t on", - "\to n", - "▁in fr", - "▁inf r", - "▁sm allest", - "▁small est", - "lock ed", - "loc ked", - "s sl", - "ss l", - "7 79", - "77 9", - "▁de emed", - "▁dee med", - "▁s co", - "▁sc o", - "re ck", - "rec k", - "▁j Button", - "▁ missions", - "▁m issions", - "▁miss ions", - "▁mission s", - "8 71", - "87 1", - ".Selected Index", - "T ABLE", - "TA BLE", - "Se pt", - "Sep t", - "▁ack nowledge", - "▁acknow ledge", - "▁acknowled ge", - "▁ strtotime", - "▁strt otime", - "▁ Tell", - "▁T ell", - "▁Te ll", - "▁Tel l", - "▁D ak", - "▁Da k", - "▁al uminum", - "▁f ence", - "▁fe nce", - "▁fen ce", - "▁ Stars", - "▁St ars", - "▁Star s", - "▁Sta rs", - "CON FIG", - "CONF IG", - "▁retro fit", - "▁em phasis", - "▁emph asis", - "▁emphas is", - "/ header", - "/head er", - "▁ Something", - "▁S omething", - "▁Some thing", - "▁Som ething", - "in ished", - "inish ed", - "=' \".$", - "='\" .$", - "='\". $", - "▁ Validators", - "▁Valid ators", - "▁Validator s", - "▁p olar", - "▁pol ar", - "▁po lar", - "s ections", - "se ctions", - "section s", - "sect ions", - "9 44", - "94 4", - ".as px", - ".asp x", - "▁a spir", - "▁as pir", - ". Mock", - ".M ock", - "Code Gen", - "▁p eut", - "▁pe ut", - "▁peu t", - "9 71", - "97 1", - "▁accept ing", - "▁b acking", - "▁back ing", - "P icture", - "Pic ture", - "/ ap", - "/a p", - "_ SEC", - "_S EC", - "_SE C", - "- use", - "-us e", - "-u se", - "an notation", - "ann otation", - "annot ation", - "▁c ognitive", - "▁cogn itive", - "▁g rip", - "▁gr ip", - "▁gri p", - "h our", - "ho ur", - "hou r", - "▁ Legal", - "▁L egal", - "▁Le gal", - "▁Leg al", - "▁e pic", - "▁ep ic", - ".t oolStrip", - ".tool Strip", - ". notify", - ".n otify", - ".not ify", - ". Last", - ".L ast", - "OR IZ", - "M iddleware", - "Middle ware", - "cri ptions", - "cript ions", - "cription s", - "l ash", - "la sh", - "las h", - "_ FOUND", - "_F OUND", - "▁Liver pool", - "▁ {}\",", - "▁{ }\",", - "▁{} \",", - "9 31", - "93 1", - "Inst all", - "▁ nit", - "▁n it", - "▁ni t", - "▁fig ured", - "▁figure d", - "▁figur ed", - "[ len", - "[l en", - ". Win", - ".W in", - ". platform", - ".pl atform", - "8 53", - "85 3", - "▁gam bling", - "( dt", - "(d t", - "a very", - "av ery", - "ave ry", - "aver y", - "\t include", - "\tin clude", - "Wh ether", - "R outing", - "Ro uting", - "▁the rap", - "▁ther ap", - "Rem ote", - "▁ Loss", - "▁L oss", - "▁Lo ss", - "▁Los s", - "y ll", - "yl l", - "▁appro ached", - "▁approach ed", - "▁ Vehicle", - "▁V ehicle", - "▁ Alpha", - "▁Al pha", - "an swers", - "ans wers", - "answer s", - "NS Dictionary", - "9 54", - "95 4", - "cons ider", - "un used", - "▁ Fan", - "▁F an", - "▁Fa n", - "or able", - "ora ble", - "f re", - "fr e", - "8 73", - "87 3", - "▁DIS CLAIM", - "▁ Actor", - "▁A ctor", - "▁Act or", - "▁Ac tor", - ". ]", - "to Have", - ". userId", - ".user Id", - "▁spe eds", - "▁speed s", - "e way", - "ew ay", - "▁rec urs", - "_ priv", - "_pr iv", - "Ch oice", - "Cho ice", - "▁s ettle", - "▁set tle", - "▁sett le", - "▁ planes", - "▁pl anes", - "▁plan es", - "▁plane s", - "▁pla nes", - "' },", - "'} ,", - "T om", - "To m", - "I TER", - "IT ER", - "ITE R", - "! \"\n", - "!\" \n", - "ache lor", - "achel or", - "▁se paration", - "▁separ ation", - "▁separat ion", - "▁ dal", - "▁d al", - "▁da l", - "ad j", - "▁reg isters", - "▁register s", - "▁regist ers", - "r iz", - "ri z", - "▁ Notice", - "▁Not ice", - "▁ lu", - "▁l u", - "▁c ourage", - "▁cour age", - "▁cou rage", - "▁ axes", - "▁ax es", - "▁axe s", - "cell ent", - ". async", - ".as ync", - ".a sync", - "0 73", - "07 3", - "▁com patibility", - "▁compat ibility", - "▁ !\n\n", - "▁! \n\n", - "▁!\n \n", - "\t title", - "\tt itle", - "Y LE", - "YL E", - "\t message", - "\tm essage", - "U UID", - "OL DER", - "OLD ER", - "▁ HH", - "▁H H", - "▁ StyleSheet", - "▁Style Sheet", - "▁acc essed", - "▁access ed", - ". validation", - ".valid ation", - "t asks", - "task s", - "tas ks", - "▁poll ution", - ". canvas", - ".c anvas", - ".can vas", - "▁ ingredient", - "▁ing redient", - "▁C abin", - "▁Ca bin", - "▁Cab in", - "A h", - "ol down", - "old own", - "▁NO I", - "[ f", - "e duc", - "ed uc", - "edu c", - "y alty", - "yal ty", - "( not", - "(n ot", - "(no t", - "_ State", - "9 33", - "93 3", - "a men", - "am en", - "ame n", - "7 95", - "79 5", - "7 39", - "73 9", - "▁ dao", - "▁d ao", - "▁da o", - "u dad", - "ud ad", - "uda d", - "el lers", - "ell ers", - "elle rs", - "eller s", - "} &", - "l icity", - "lic ity", - "li city", - "licit y", - "_ WINDOW", - "_W INDOW", - "▁t atto", - "val or", - "va lor", - ". Range", - ".R ange", - "▁reference d", - "▁refer enced", - "▁Re serve", - "▁Res erve", - "M oney", - "Mon ey", - "Mo ney", - "8 74", - "87 4", - "SC RIPT", - "SCRI PT", - "/ product", - "/pro duct", - "cho ices", - "choice s", - "▁ tin", - "▁t in", - "▁ti n", - "9 18", - "91 8", - "▁ separator", - "▁se parator", - "▁separ ator", - "▁separat or", - "▁ pkg", - "▁p kg", - "▁pk g", - "am med", - "amm ed", - "▁ MAT", - "▁M AT", - "▁MA T", - "! !\n\n", - "!! \n\n", - "!!\n \n", - "▁ raid", - "▁r aid", - "▁ra id", - "▁mot ivation", - "▁motiv ation", - "▁ XP", - "▁X P", - "▁ Background", - "▁Back ground", - "▁ Quaternion", - "▁Qu aternion", - ".define Property", - "i ker", - "ik er", - "ike r", - "\t parent", - "\tp arent", - "▁ Originally", - "▁Origin ally", - "▁Original ly", - "▁Orig inally", - "ant age", - "anta ge", - "▁H ans", - "▁Ha ns", - "▁Han s", - "▁ timeline", - "▁t imeline", - "▁time line", - "▁tim eline", - ". cur", - ".c ur", - "o pic", - "op ic", - "▁S equ", - "▁Se qu", - "▁Seq u", - "m ust", - "mu st", - "mus t", - "▁Co al", - "▁ formatter", - "▁for matter", - "▁form atter", - "▁format ter", - "_ RGB", - "_R GB", - "_RG B", - "▁ _(\"", - "▁_ (\"", - "▁_( \"", - "' }),\n", - "'} ),\n", - "▁= ================", - "▁== ===============", - "▁=== ==============", - "▁===== ============", - "▁ FUNCTION", - "▁F UNCTION", - "▁FUN CTION", - "▁FUNC TION", - "▁ lng", - "▁l ng", - "▁ln g", - "ic ates", - "ica tes", - "icate s", - "l ive", - "li ve", - "liv e", - "_ engine", - "▁t owns", - "▁town s", - "▁tow ns", - "8 68", - "86 8", - "' ))\n\n", - "') )\n\n", - "')) \n\n", - "'))\n \n", - "▁ PK", - "▁P K", - "( api", - "(a pi", - "(ap i", - "\t scanf", - "\ts canf", - "0 89", - "08 9", - "p acket", - "pack et", - "pa cket", - "pac ket", - ". phone", - ".p hone", - ".ph one", - "▁An dy", - "▁And y", - "_N AMES", - "_NAME S", - "9 82", - "98 2", - "P LY", - "PL Y", - "9 55", - "95 5", - "▁ mins", - "▁m ins", - "▁min s", - "▁mi ns", - "i mi", - "im i", - "▁b rick", - "▁br ick", - "▁bri ck", - "▁bl ade", - ". stdout", - ".std out", - "} `;\n", - "}` ;\n", - "S hift", - "Sh ift", - "\t sb", - "\ts b", - "▁ Checks", - "▁Check s", - "▁Che cks", - "▁phenomen on", - "Av atar", - "▁min istry", - "▁mini stry", - "▁minist ry", - "r ose", - "ro se", - "ros e", - "\t File", - "\tF ile", - "8 78", - "87 8", - "▁t itled", - "▁title d", - "▁tit led", - "( LOG", - "(L OG", - "▁ gan", - "▁g an", - "▁ga n", - "d esign", - "de sign", - "des ign", - "( ),\r\n", - "() ,\r\n", - "(), \r\n", - "▁b ones", - "▁bo nes", - "▁bon es", - "▁bone s", - "s tm", - "st m", - "▁ InputStream", - "▁Input Stream", - "▁vol unt", - "▁ Serializable", - "▁Serial izable", - "▁fight er", - "▁ Drag", - "▁D rag", - "▁Dr ag", - "T witter", - "Tw itter", - "▁sub sid", - "▁subs id", - "▁ forums", - "▁for ums", - "▁forum s", - ". loading", - ".load ing", - ".lo ading", - "log ged", - "_ this", - "_t his", - "_th is", - "▁ terrain", - "▁ter rain", - "▁terr ain", - "▁terra in", - "▁ir re", - "▁irr e", - "▁ Ing", - "▁I ng", - "▁In g", - "▁ CN", - "▁C N", - "_ objects", - "_object s", - ". uid", - ".ui d", - ".u id", - "▁conscious ness", - "T INGS", - "TING S", - "▁G all", - "▁Gal l", - "▁Ga ll", - "▁port ray", - "0 56", - "05 6", - "▁ Developer", - "▁Develop er", - "▁ participant", - "▁part icipant", - "▁particip ant", - "▁ \";\r\n", - "▁\" ;\r\n", - "▁\"; \r\n", - "/ model", - "/m odel", - "/mod el", - "7 94", - "79 4", - "▁ Operations", - "▁Oper ations", - "▁Operation s", - "^ \\", - "▁ Later", - "▁L ater", - "▁La ter", - "▁Lat er", - "▁Late r", - "▁ raises", - "▁r aises", - "▁raise s", - "▁rais es", - "▁ra ises", - "- none", - "-n one", - "-no ne", - ". meta", - ".m eta", - ".me ta", - ".met a", - "= '.$", - "=' .$", - "='. $", - "F inished", - "Fin ished", - "Finish ed", - "▁re placing", - "▁repl acing", - "▁s ampling", - "▁sam pling", - "▁samp ling", - "▁J en", - "▁Je n", - "\" There", - "\"The re", - "RE AL", - "REA L", - "A LE", - "AL E", - "Or ders", - "Order s", - "Ord ers", - "_ parameter", - "_param eter", - "_para meter", - "▁Olymp ic", - "▁ arena", - "▁a rena", - "▁are na", - "▁ar ena", - "▁aren a", - "i ol", - "io l", - "; ?>", - "▁imp acts", - "▁impact s", - "▁ WS", - "▁W S", - ": get", - "▁f lights", - "▁fl ights", - "▁flight s", - "▁Russ ell", - "▁Rus sell", - "c amera", - "came ra", - "cam era", - "F n", - "s igma", - "sig ma", - "▁ forcing", - "▁for cing", - "▁forc ing", - "▁loc als", - "▁local s", - "▁ departure", - "▁depart ure", - "▁celebr ation", - "▁ Say", - "▁S ay", - "▁Sa y", - "8 84", - "88 4", - "▁H ills", - "▁Hill s", - "▁Hil ls", - ".has OwnProperty", - "▁typ ings", - "▁typing s", - ". API", - ".A PI", - ".AP I", - "▁don ation", - "Operation Exception", - ". Activity", - ".Act ivity", - "c plusplus", - "▁Char lie", - "▁Charl ie", - "▁im ported", - "▁import ed", - "▁imp orted", - "▁d ann", - "▁da nn", - "▁dan n", - "▁occas ions", - "▁occasion s", - "▁implement ing", - "▁ purple", - "▁p urple", - "▁pur ple", - ". dialog", - ".d ialog", - ".di alog", - "SQL Exception", - "er no", - "ern o", - "▁w ars", - "▁war s", - "▁wa rs", - "▁ paste", - "▁p aste", - "▁past e", - "▁pas te", - "▁pa ste", - "▁decre ased", - "▁decrease d", - "▁har sh", - "▁el abor", - "▁ela bor", - "in puts", - "input s", - "inp uts", - "▁ Views", - "▁View s", - "▁Vi ews", - "▁Vie ws", - "▁ errorMessage", - "▁error Message", - "_ mul", - "_m ul", - "_mu l", - "\t write", - "\tw rite", - "▁ Cop", - "▁C op", - "▁Co p", - "▁Ann ual", - "( button", - "(b utton", - "▁v ida", - "▁vi da", - "▁vid a", - "b ars", - "bar s", - "ba rs", - "▁Har vard", - "\t expect", - "\tex pect", - "\texp ect", - "▁index es", - "▁document ary", - "▁f lesh", - "▁fl esh", - "▁fle sh", - "OR LD", - "▁ Delta", - "▁D elta", - "▁Del ta", - "M AND", - "MA ND", - "MAN D", - "Br ush", - "- column", - "-c olumn", - "-col umn", - "▁develop ments", - "▁development s", - "9 74", - "97 4", - "7 83", - "78 3", - "method Visitor", - "s lice", - "sl ice", - "▁ PDO", - "▁P DO", - "▁PD O", - "▁inv esting", - "▁invest ing", - "8 67", - "86 7", - "ir able", - "ira ble", - "▁xml ns", - "ar ta", - "art a", - "▁the ories", - "▁theor ies", - "_ city", - "_c ity", - "_ci ty", - "▁$ __", - "▁$_ _", - "Cre ating", - "Creat ing", - "( pr", - "(p r", - "D ropdown", - "Drop down", - "is match", - "ism atch", - "▁ NET", - "▁N ET", - "▁NE T", - "9 26", - "92 6", - "' ])){\n", - "'] )){\n", - "']) ){\n", - "'])) {\n", - "▁ Values", - "▁Val ues", - "▁Value s", - "▁S EO", - "▁SE O", - "▁ STAT", - "▁ST AT", - "▁e cosystem", - "▁eco system", - "▁ tempt", - "▁t empt", - "▁tem pt", - "▁temp t", - "▁ \\\\", - "▁\\ \\", - "▁ //{\n", - "▁// {\n", - "▁Christ opher", - "▁Kent ucky", - "▁Http ServletResponse", - "▁HttpServlet Response", - "▁hy brid", - "y on", - "yo n", - "▁ feeding", - "▁fe eding", - "▁feed ing", - "▁fee ding", - "▁ Extra", - "▁Ex tra", - "▁Ext ra", - "N orm", - "No rm", - "Nor m", - "IT CH", - "▁ Sean", - "▁S ean", - "▁Se an", - "▁Sea n", - "▁ Upload", - "▁Up load", - "m un", - "mu n", - "p ur", - "pu r", - "▁p ersistent", - "▁pers istent", - "▁persist ent", - "▁I DC", - "▁ID C", - "▁ Perform", - "▁Per form", - "8 63", - "86 3", - ". merge", - ".m erge", - "_ room", - "_r oom", - "_ro om", - "Mean while", - "! ='", - "!= '", - "▁W el", - "▁We l", - "Args Constructor", - "8 87", - "88 7", - ". Database", - ".D atabase", - ".Data base", - "▁co unting", - "▁count ing", - "▁coun ting", - "( )*", - "() *", - "▁ TOP", - "▁T OP", - "▁TO P", - "m ill", - "mi ll", - "▁ DT", - "▁D T", - "IGN ED", - "9 56", - "95 6", - "▁ KB", - "▁K B", - "▁com ply", - "▁comp ly", - "▁compl y", - "S outh", - "So uth", - "Sou th", - "_ collection", - "_c ollection", - "_col lection", - "_coll ection", - "Ch apter", - "▁expl aining", - "▁explain ing", - "_ AM", - "_A M", - "_ ts", - "_t s", - "c ards", - "card s", - "car ds", - "▁ quel", - "▁qu el", - "▁que l", - "▁q uel", - "▁p ole", - "▁pol e", - "▁po le", - "▁touch down", - "▁ Others", - "▁O thers", - "▁Other s", - "▁pe ers", - "▁peer s", - "▁Type Error", - "7 63", - "76 3", - "▁six th", - "▁ch eer", - "▁che er", - "▁dis pute", - "▁disp ute", - "▁disput e", - "9 63", - "96 3", - "8 93", - "89 3", - "u sc", - "us c", - ") ],", - ")] ,", - "th umb", - "▁h iding", - "▁hi ding", - "▁hid ing", - "▁ SIG", - "▁S IG", - "▁SI G", - "l ikes", - "li kes", - "like s", - "lik es", - "▁ PAGE", - "▁P AGE", - "▁PA GE", - ". Reflection", - ".Ref lection", - "▁head quarters", - "T ING", - "TI NG", - "▁G host", - "▁Gh ost", - "M LE", - "ML E", - "$ \n", - "▁cont rary", - "▁contr ary", - "▁contra ry", - "ext end", - "' ]).", - "'] ).", - "']) .", - "FF ECT", - "▁P interest", - "ric ane", - "rica ne", - "\t session", - "\ts ession", - "▁cr ystal", - "▁cryst al", - "- Control", - "overn ment", - "og raf", - "9 61", - "96 1", - "- action", - "-a ction", - "-ac tion", - "v olume", - "vol ume", - "f ten", - "ft en", - "▁un con", - "▁unc on", - "▁ animate", - "▁an imate", - "▁anim ate", - "▁ani mate", - "▁ lease", - "▁l ease", - "▁le ase", - "s cr", - "sc r", - "▁ref use", - "f tp", - "ft p", - "in formation", - "inform ation", - "▁eval uated", - "▁evaluate d", - "▁evalu ated", - "▁in jection", - "▁inj ection", - "▁inject ion", - "▁ jack", - "▁j ack", - "▁ja ck", - "▁jac k", - "▁work shop", - "▁works hop", - "P TH", - "PT H", - "▁ Ts", - "▁T s", - "o ffer", - "of fer", - "off er", - "\t os", - "\to s", - "▁king dom", - "M issing", - "Miss ing", - "▁law makers", - "ext Field", - "▁s inging", - "▁sin ging", - "▁sing ing", - "a bi", - "ab i", - "/ client", - "/c lient", - "/cl ient", - ". media", - ".m edia", - ".me dia", - ".med ia", - "ATEG ORY", - "Sign ature", - "% ',\n", - "%' ,\n", - "%', \n", - "▁F uck", - "▁Fu ck", - "] [:", - "][ :", - "▁s ensors", - "▁sens ors", - "▁sensor s", - "/ com", - "/c om", - "▁ Primary", - "▁Pr imary", - "▁Pri mary", - "▁Prim ary", - ". SQL", - ".S QL", - "_ program", - "_pro gram", - "_pr ogram", - "_prog ram", - "▁p ills", - "▁pil ls", - "▁pill s", - "▁int egral", - "▁integ ral", - "▁integr al", - "▁f leet", - "▁fle et", - "▁flee t", - "▁dr opping", - "▁drop ping", - "▁dro pping", - ". sl", - ".s l", - "B een", - "Be en", - "▁p ets", - "▁pe ts", - "▁pet s", - "▁ad vised", - "▁adv ised", - "▁advis ed", - "▁advise d", - "▁ dragon", - "▁d ragon", - "▁dr agon", - "▁drag on", - "▁dra gon", - "_ EDIT", - "_ED IT", - "( im", - "(i m", - "9 39", - "93 9", - "F ER", - "FE R", - "▁Dr ug", - "( random", - "(r andom", - "(rand om", - "▁com pression", - "▁comp ression", - "▁compr ession", - "▁compress ion", - "o ust", - "ou st", - "ous t", - "[ %", - "▁ buyer", - "▁bu yer", - "▁buy er", - "h op", - "ho p", - "R oles", - "Role s", - "Ro les", - "man age", - "mana ge", - "▁pain ful", - "▁ Branch", - "▁Br anch", - "- modal", - "-m odal", - "-mod al", - "e nant", - "en ant", - "ena nt", - "▁ Mesh", - "▁M esh", - "▁Me sh", - "▁Mes h", - "/ font", - "/f ont", - "▁G raham", - "▁Gra ham", - "▁ nc", - "▁n c", - "▁Franc is", - "▁spec ification", - "▁specific ation", - "▁dam ages", - "▁damage s", - "- config", - "-con fig", - "-conf ig", - "▁the oret", - "▁theor et", - "sec ure", - "_ multi", - "_m ulti", - "_mul ti", - "_mult i", - "aceut ical", - "▁dem anding", - "▁demand ing", - "en ne", - "enn e", - "IS TS", - "IST S", - "0 94", - "09 4", - "( )));\n\n", - "() ));\n\n", - "()) );\n\n", - "()));\n \n", - "())) ;\n\n", - "Re ason", - "Re cent", - "Rec ent", - "ph ase", - "pha se", - "phas e", - "▁ psy", - "▁p sy", - "▁ps y", - "_ MAN", - "_M AN", - "▁vol unteer", - "▁volunte er", - "▁volunt eer", - "istrib uted", - "l io", - "li o", - "▁product ivity", - "_ comm", - "_c omm", - "_com m", - "_co mm", - "S pring", - "Sp ring", - "n is", - "ni s", - ". weight", - ".we ight", - "▁C ancer", - "▁Can cer", - "Al loc", - "All oc", - "▁ Tweet", - "▁T weet", - "▁Twe et", - "▁separ ately", - "▁separate ly", - "▁separat ely", - "\t check", - "\tc heck", - "_ properties", - "_p roperties", - "_prop erties", - ". Unit", - ".U nit", - ".Un it", - "8 29", - "82 9", - "_ CLK", - "_CL K", - "▁ gt", - "▁g t", - "▁ ();\n\n", - "▁( );\n\n", - "▁() ;\n\n", - "▁();\n \n", - "▁(); \n\n", - "▁h andy", - "▁hand y", - "▁han dy", - "8 34", - "83 4", - "▁Thom pson", - "▁unn ecessary", - "▁ Reader", - "▁Re ader", - "▁Read er", - "8 94", - "89 4", - "G N", - "= request", - "=re quest", - "▁ Utility", - "▁U tility", - "▁Util ity", - "▁Ut ility", - ". Repository", - ".Re pository", - "▁ Ax", - "▁A x", - "hy dr", - "7 91", - "79 1", - "i eu", - "ie u", - "▁ thy", - "▁t hy", - "▁th y", - "▁ lt", - "▁l t", - "_ mail", - "_m ail", - "ail and", - "ai land", - "▁Phil ip", - "▁b itter", - "▁bit ter", - "▁b etting", - "▁bet ting", - "8 37", - "83 7", - "▁time d", - "▁tim ed", - "▁ti med", - "o cks", - "oc ks", - "ock s", - "0 76", - "07 6", - "' a", - "▁al gorithms", - "▁algorithm s", - "▁ reinterpret", - "▁re interpret", - "▁t oss", - "▁to ss", - "r ogen", - "ro gen", - "rog en", - "▁h oped", - "▁hope d", - "▁hop ed", - "▁ho ped", - "( selected", - "(se lected", - "(select ed", - "▁ venture", - "▁vent ure", - "▁ven ture", - "T EX", - "TE X", - "▁ Leave", - "▁Le ave", - ". Substring", - ".Sub string", - "▁gr ateful", - "▁grat eful", - "7 43", - "74 3", - "u ka", - "uk a", - "▁ Consumer", - "▁Con sumer", - "▁Cons umer", - "▁Consum er", - "▁ag greg", - "▁agg reg", - "C ircle", - "_ blocks", - "_b locks", - "_block s", - "_bl ocks", - "▁leg ally", - "▁legal ly", - "▁\" |", - ". board", - ".b oard", - ". Ab", - ".A b", - "Function s", - "Fun ctions", - "rec ipe", - "▁O xford", - "▁Ox ford", - "▁wh oles", - "▁who les", - "▁whole s", - ". Build", - ".B uild", - "_ changed", - "_ch anged", - "_change d", - "_chan ged", - "h ai", - "ha i", - "▁department s", - "▁depart ments", - "9 64", - "96 4", - "I mp", - "Im p", - "▁coal ition", - "IN FRINGEMENT", - "▁em power", - "▁emp ower", - "it ches", - "itch es", - "N orth", - "Nor th", - "▁in flamm", - "▁infl amm", - "ON SE", - "ONS E", - "▁miss ile", - "▁R aj", - "▁Ra j", - "▁ Issue", - "▁Iss ue", - "▁ atoi", - "▁a toi", - "▁at oi", - "c aled", - "ca led", - "cale d", - "cal ed", - ". Controllers", - ".Cont rollers", - ".Control lers", - ".Controller s", - "▁W olf", - "▁Wo lf", - "▁Wol f", - "▁crush ers", - "▁crusher s", - ". Auth", - ".A uth", - ".add Attribute", - "h is", - "hi s", - "▁bo ots", - "▁boot s", - "▁boo ts", - ". clean", - ".c lean", - ".cl ean", - "c amp", - "ca mp", - "cam p", - "▁ tenant", - "▁t enant", - "▁te nant", - "▁ten ant", - "▁t une", - "▁tu ne", - "▁tun e", - "▁ {}'.", - "▁{ }'.", - "▁{} '.", - "▁work out", - "Re po", - "Rep o", - "▁part ially", - "▁partial ly", - "MI SSION", - "j amin", - "ja min", - "jam in", - "▁ SB", - "▁S B", - "▁deter mination", - "▁determin ation", - "▁' ');\n", - "▁'' );\n", - "▁'') ;\n", - "▁B eng", - "▁Be ng", - "▁Ben g", - "▁ vos", - "▁v os", - "▁vo s", - "▁in hab", - "▁inh ab", - "/ lang", - "/l ang", - "s burgh", - "Exec utor", - "h one", - "ho ne", - "▁Ch allenge", - "_ links", - "_l inks", - "_link s", - "_lin ks", - ". Level", - ".Le vel", - "▁under ground", - "- code", - "-c ode", - "-co de", - "9 59", - "95 9", - "▁optim ization", - "log ging", - "_ dest", - "_d est", - "_de st", - "_des t", - "▁sn ake", - "▁chem icals", - "▁chemical s", - "_IMPORT ED", - "ad oop", - "ado op", - "▁TH AT", - "man aged", - "manage d", - "mana ged", - "▁redu ces", - "▁reduce s", - "▁ REAL", - "▁RE AL", - "▁G uy", - "▁Gu y", - "_GENER IC", - "_GEN ERIC", - "/ ********************************", - ". amount", - ".a mount", - ".am ount", - "▁d ere", - "▁de re", - "▁der e", - "get Time", - "▁p ant", - "▁pa nt", - "▁pan t", - "an onymous", - "▁harm ony", - "▁harmon y", - "▁A lan", - "▁Al an", - "▁sc enarios", - "▁scen arios", - "▁scenario s", - "▁d irt", - "▁di rt", - "▁dir t", - "h tags", - "ht ags", - "htag s", - "M c", - "S hell", - "Sh ell", - "She ll", - "r in", - "ri n", - "{ \r\n\r\n", - "{\r\n \r\n", - ". pow", - ".p ow", - ".po w", - "\t client", - "\tc lient", - "\tcl ient", - "▁conspir acy", - "▁ad mission", - "▁adm ission", - "▁Reg ional", - "▁Region al", - "▁ ViewController", - "▁View Controller", - "▁Philipp ines", - "▁Philippine s", - "▁de pos", - "▁dep os", - "▁p ap", - "▁pa p", - "9 62", - "96 2", - "▁ Pad", - "▁P ad", - "▁Pa d", - "P aul", - "Pa ul", - ". ComboBox", - ".Com boBox", - "▁t utor", - "▁tu tor", - "▁tut or", - "▁ Recipe", - "▁Rec ipe", - "w riting", - "wr iting", - "▁contrib utor", - "O TH", - "OT H", - "S mall", - "Sm all", - "V I", - "▁h acer", - "▁ha cer", - "▁hace r", - "▁hac er", - "e qu", - "eq u", - "▁ Examples", - "▁Ex amples", - "▁Example s", - "h uman", - "hu man", - "hum an", - ". messages", - ".m essages", - ".message s", - "\t typ", - "\tt yp", - "▁ (\r\n", - "▁( \r\n", - "▁ SSL", - "▁S SL", - "▁SS L", - "L EN", - "LE N", - "▁Rom ney", - "( grid", - "(g rid", - "(gr id", - "\t min", - "\tm in", - "▁ >\n\n", - "▁> \n\n", - "▁>\n \n", - "▁fr uits", - "▁fruit s", - "▁v oter", - "▁vo ter", - "▁vot er", - "▁vote r", - "In line", - "p ane", - "pan e", - "pa ne", - "▁ Collections", - "▁C ollections", - "▁Collection s", - "▁Coll ections", - "▁Collect ions", - "char set", - "chars et", - "▁sp am", - "▁spa m", - "z b", - "it emap", - "ite map", - "item ap", - "▁s ucceeded", - "▁succeed ed", - "_ COL", - "_C OL", - "_CO L", - "▁ elapsed", - "▁el apsed", - "i meter", - "im eter", - "ime ter", - "▁re covered", - "▁recover ed", - "T ensor", - "hat tan", - "hatt an", - ". setup", - ".set up", - "i sto", - "is to", - "ist o", - "( head", - "(h ead", - "9 77", - "97 7", - "▁ SIZE", - "▁S IZE", - "▁SI ZE", - "▁tact ics", - "▁tactic s", - "▁tac tics", - "▁dist ur", - "▁pr eval", - "▁pre val", - "▁prev al", - "ic ios", - "ici os", - "icio s", - "( Value", - "(V alue", - "_ cols", - "_c ols", - "_col s", - "_co ls", - "▁F at", - "▁Fa t", - "▁se al", - "▁sea l", - "▁ sons", - "▁s ons", - "▁so ns", - "▁son s", - "▁ens ures", - "▁ensure s", - "0 95", - "09 5", - "▁p ressing", - "▁press ing", - "= &", - "igen ous", - "▁harass ment", - "_ JSON", - "_J SON", - "▁ign or", - "▁ig nor", - "yn omial", - "ynom ial", - "o mer", - "om er", - "ome r", - "_ static", - "_st atic", - "_stat ic", - "▁signific ance", - "▁circ les", - "▁circle s", - "▁cir cles", - "_ System", - "_S ystem", - "▁disc ipline", - "▁discipl ine", - "▁d ressed", - "▁dr essed", - "▁dress ed", - "▁s phere", - "▁sp here", - "▁sph ere", - "9 27", - "92 7", - "▁cl imb", - "▁clim b", - "▁cli mb", - "7 59", - "75 9", - "_ actions", - "_a ctions", - "_action s", - "_act ions", - "▁B ab", - "▁Ba b", - "▁' =',", - "▁'=' ,", - "▁'= ',", - "_ schema", - "_s chema", - "\" use", - "▁ unders", - "▁un ders", - "▁under s", - "▁und ers", - "▁unde rs", - "▁c ups", - "▁cu ps", - "▁cup s", - ". screen", - ".s creen", - ".sc reen", - "/ new", - "/n ew", - "▁app earing", - "▁appe aring", - "▁appear ing", - "T OP", - "TO P", - "v ised", - "vis ed", - "vi sed", - "c lang", - "cl ang", - "cla ng", - "▁investig ators", - "▁investigator s", - "▁myster ious", - "▁prom ising", - "▁qual ify", - "▁c ave", - "▁ca ve", - "▁cav e", - "▁e quip", - "▁equ ip", - "= x", - "G T", - "( link", - "(l ink", - "(li nk", - ". velocity", - ".v elocity", - ".vel ocity", - ". erase", - ".e rase", - "o ter", - "ot er", - "ote r", - "++++ ++++", - "pro fit", - "prof it", - "▁z ones", - "▁zone s", - "▁zo nes", - "_ uid", - "_u id", - "_ui d", - "- ser", - "-s er", - "-se r", - "▁object ives", - "▁objective s", - "▁mil f", - "▁mi lf", - "web kit", - "( match", - "(m atch", - "(mat ch", - "n eh", - "ne h", - "▁ Associated", - "▁Associ ated", - "▁Associate d", - "▁ Todo", - "▁T odo", - "▁To do", - "▁Tod o", - "= d", - "0 65", - "06 5", - "C am", - "Ca m", - "▁v ocal", - "▁vo cal", - "▁voc al", - "▁ sudo", - "▁s udo", - "▁su do", - "▁sud o", - "( EX", - "(E X", - "▁t rou", - "▁tr ou", - "▁tro u", - "A BC", - "AB C", - ". bean", - ".b ean", - ".be an", - "▁ Ground", - "▁G round", - "▁Gr ound", - "▁Gro und", - "▁ REST", - "▁R EST", - "▁RE ST", - "▁RES T", - "we ets", - "weet s", - "I ng", - "In g", - "i mon", - "im on", - "imo n", - "9 46", - "94 6", - "_ bus", - "_b us", - "▁ COLOR", - "▁C OLOR", - "▁COL OR", - "un to", - "unt o", - "▁f oss", - "▁fo ss", - "▁fos s", - "▁ Links", - "▁L inks", - "▁Link s", - "▁Lin ks", - "8 69", - "86 9", - "/ forms", - "/form s", - "pr ises", - "prise s", - "▁achie vement", - "▁achieve ment", - "C ALL", - "CA LL", - "CAL L", - "▁ Verify", - "▁Ver ify", - "_ SOURCE", - "_S OURCE", - "apt cha", - "I DD", - "ID D", - "_ reference", - "_re ference", - "G old", - "Go ld", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ \n", - "9 47", - "94 7", - "Re ceiver", - "Receive r", - "0 99", - "09 9", - "▁ aj", - "▁a j", - "_ direction", - "_d irection", - "_dir ection", - "_di rection", - "_direct ion", - "} ]", - "▁Com pet", - "▁Comp et", - "▁ bang", - "▁b ang", - "▁ban g", - "▁ba ng", - "7 98", - "79 8", - "▁C ass", - "▁Cas s", - "▁Ca ss", - "- url", - "-u rl", - "te chn", - "tech n", - "tec hn", - "▁Jer usalem", - "long itude", - "' );\r\n\r\n", - "') ;\r\n\r\n", - "'); \r\n\r\n", - "');\r\n \r\n", - "▁win ners", - "▁winner s", - "T asks", - "Task s", - "▁ DMA", - "▁D MA", - "▁DM A", - "▁ tooltip", - "▁to oltip", - "▁tool tip", - "▁B ra", - "▁Br a", - "_ duration", - "_d uration", - "c ury", - "cur y", - "cu ry", - "par ents", - "parent s", - "paren ts", - "---- >(", - ">> (", - "▁K ir", - "▁Ki r", - "▁int ros", - "▁intr os", - "▁intro s", - "▁sk etch", - "▁sk illed", - "▁skill ed", - "▁ immer", - "▁im mer", - "▁imm er", - "▁ade quate", - "▁adequ ate", - "_ rep", - "_re p", - "_r ep", - "( header", - "(head er", - "_ like", - "_l ike", - "_li ke", - "▁per ceived", - "▁perceive d", - "▁perce ived", - "s sh", - "ss h", - "▁as suming", - "▁ass uming", - "▁assum ing", - "▁ ff", - "▁f f", - "_ uuid", - "_u uid", - "u las", - "ul as", - "ula s", - "▁dem ocratic", - "▁democr atic", - ". entities", - "S eries", - "Se ries", - "Ser ies", - "aph ore", - "▁new er", - "▁ne wer", - "} (", - "S EC", - "SE C", - "a iro", - "air o", - "ai ro", - "▁com mod", - "▁comm od", - "▁priv ilege", - "▁privile ge", - "▁de ux", - "▁H op", - "▁Ho p", - ". '/", - ".' /", - "c tic", - "ct ic", - ". ';\n", - ".' ;\n", - "< ?=", - " C", - "▁War ren", - "▁ optimizer", - "▁opt imizer", - "▁optim izer", - "▁optimize r", - "▁SER VICES", - "▁SERVICE S", - "_ oper", - "_op er", - "_o per", - "get Attribute", - "▁Mc K", - "_ self", - "_s elf", - "_se lf", - "_sel f", - "0 84", - "08 4", - ". rs", - ".r s", - "\" )\n\n\n", - "\") \n\n\n", - "\")\n \n\n", - "\")\n\n \n", - "Get Component", - "er ce", - "erc e", - "▁t ous", - "▁to us", - "▁tou s", - "un its", - "unit s", - "uni ts", - "' ]);\r\n", - "'] );\r\n", - "']) ;\r\n", - "']); \r\n", - "Z oom", - "/ E", - "▁ob sc", - "▁obs c", - "▁fast est", - "on line", - "▁peace ful", - "f fen", - "ff en", - "ffe n", - "▁c argo", - "▁car go", - "▁carg o", - "\t pr", - "\tp r", - "▁se eks", - "▁see ks", - "▁seek s", - "z u", - "0 74", - "07 4", - "T rim", - "Tr im", - "Tri m", - "▁ ward", - "▁w ard", - "▁war d", - "▁wa rd", - "▁v erd", - "▁ver d", - "▁ve rd", - "▁ blogs", - "▁b logs", - "▁bl ogs", - "▁blog s", - "▁blo gs", - ".ex ceptions", - ".exception s", - "▁Pre mium", - "▁Prem ium", - "▁N etherlands", - "S afe", - "Sa fe", - "F inish", - "Fin ish", - "▁ Album", - "▁Al bum", - "▁Alb um", - "_ ACC", - "_A CC", - "_AC C", - "= this", - "=t his", - "v irtual", - "virt ual", - "] >", - "_L ABEL", - "▁N ich", - "▁Nic h", - "▁Ni ch", - "_ win", - "_w in", - "▁A aron", - "W P", - "; $", - "a ims", - "ai ms", - "aim s", - "▁ ImageView", - "▁Image View", - "▁end less", - "▁endl ess", - "E RA", - "ER A", - "_DIS ABLE", - "▁cancel led", - "▁cancell ed", - "- us", - "-u s", - "▁ inspection", - "▁ins pection", - "▁inspect ion", - "e min", - "em in", - "emi n", - "▁ Grey", - "▁G rey", - "▁Gr ey", - "▁Gre y", - "- open", - "-o pen", - "-op en", - "▁iter ations", - "▁iteration s", - ". owner", - ".o wner", - "▁k eras", - "▁ke ras", - "▁ker as", - ". Password", - ".P assword", - "▁R y", - "▁ INS", - "▁I NS", - "▁IN S", - "A ir", - "▁ Several", - "▁Se veral", - "▁Sever al", - ".Tab Stop", - "ING LE", - "▁H air", - "▁Ha ir", - "▁ Canvas", - "▁C anvas", - "▁Can vas", - "A AAA", - "AA AA", - "AAA A", - "▁f law", - "▁fl aw", - "c edes", - "ce des", - "ced es", - ". Report", - ".Re port", - "▁ Tips", - "▁T ips", - "▁Ti ps", - "▁Tip s", - "cript ors", - "criptor s", - ". transaction", - ".trans action", - ". Spring", - ".S pring", - ".Sp ring", - "▁ viewer", - "▁view er", - "▁vie wer", - "▁ins ights", - "▁insight s", - "ord ion", - "U INT", - "UI NT", - "se ek", - "see k", - "▁A uf", - "▁Au f", - "▁s train", - "▁st rain", - "▁str ain", - "To oltip", - "Tool tip", - "▁ dz", - "▁d z", - "ig nal", - "ign al", - "a dt", - "ad t", - "▁ uc", - "▁u c", - "f inite", - "fin ite", - "fi nite", - "▁ nm", - "▁n m", - ". cmd", - ".c md", - ".cm d", - "▁My Sql", - "[ data", - "[d ata", - ".j ackson", - ". tree", - ".t ree", - ".tr ee", - "Request Param", - "_ agent", - "_a gent", - "_ag ent", - "_age nt", - "\" )]\r\n", - "\") ]\r\n", - "\")] \r\n", - "▁as sass", - "▁ass ass", - "( Constants", - "(Constant s", - ": ss", - ":s s", - "▁ MAN", - "▁M AN", - "▁MA N", - "+- +-", - "▁ Bottom", - "▁B ottom", - "▁Bot tom", - "▁Bott om", - "pr ints", - "print s", - "▁ Same", - "▁S ame", - "▁Sam e", - "▁Sa me", - "@ Autowired", - "s wap", - "sw ap", - "▁prote sters", - "▁protest ers", - "▁h oney", - "▁hon ey", - "▁ho ney", - "▁hone y", - "▁V eter", - "▁Ve ter", - "( Calendar", - "(C alendar", - "- ad", - "-a d", - "▁Brook lyn", - "L ife", - "Li fe", - "_ VAR", - "_V AR", - "z ech", - "ze ch", - "▁ CALL", - "▁C ALL", - "▁CA LL", - "▁CAL L", - "_ CAST", - "_C AST", - "_CA ST", - "▁E lection", - "▁El ection", - "▁Elect ion", - "▁Ele ction", - "▁th ickness", - "▁thick ness", - "V ery", - "Ver y", - "Ve ry", - "_IN TEGER", - "- dev", - "-d ev", - "-de v", - ") )))", - ")) ))", - "))) )", - "a pat", - "ap at", - "apa t", - "o ooo", - "oo oo", - "ooo o", - "d emo", - "de mo", - "dem o", - "▁parse Float", - "▁R ather", - "▁Ra ther", - "▁Rat her", - "ST IT", - "m aker", - "ma ker", - "make r", - "mak er", - "[ current", - "[c urrent", - "[cur rent", - "[curr ent", - "chron o", - "chr ono", - "▁ch rist", - "▁chr ist", - "▁ Detail", - "▁D etail", - "▁De tail", - "▁Det ail", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁s ul", - "▁su l", - "id ency", - "ide ncy", - "iden cy", - "Q ue", - "Qu e", - "▁e legant", - "▁eleg ant", - "a pons", - "ap ons", - "apon s", - "▁d ishes", - "▁dis hes", - "▁dish es", - "▁integ ers", - "▁integer s", - "▁inte gers", - "( read", - "(r ead", - "(re ad", - "0 57", - "05 7", - "find ViewById", - "▁ Amount", - "▁A mount", - "▁Am ount", - "▁ Skip", - "▁S kip", - "▁Sk ip", - "▁Ski p", - "▁hab its", - "▁ha bits", - "▁habit s", - "* )(", - "*) (", - "▁mon sters", - "▁monster s", - "M AC", - "MA C", - ": end", - ":e nd", - "▁f rank", - "▁fr ank", - "▁fra nk", - "▁fran k", - "As sembly", - "▁ dfs", - "▁d fs", - "▁df s", - "▁n eut", - "▁ne ut", - "▁neu t", - "_T YPES", - "_TYPE S", - "_TYP ES", - "e qual", - "eq ual", - "equ al", - "lo yd", - "loy d", - "( uri", - "(u ri", - "▁ chi", - "▁c hi", - "▁ch i", - "▁def endant", - "▁defend ant", - "▁conf licts", - "▁conflic ts", - "▁conflict s", - "▁ vil", - "▁v il", - "▁vi l", - "- js", - "-j s", - "▁Pe ace", - "▁ mutable", - "▁m utable", - "▁mut able", - "▁mu table", - ") sender", - ")s ender", - "▁ Focus", - "▁F ocus", - "▁Fo cus", - "▁apprec iated", - "▁appreciate d", - "s leep", - "▁ RED", - "▁R ED", - "▁RE D", - "C ulture", - "▁design ers", - "▁designer s", - "_ generator", - "_g enerator", - "_gen erator", - "c odes", - "co des", - "code s", - "cod es", - "/ ex", - "/e x", - ". GetValue", - ".Get Value", - "um bled", - "umb led", - "umble d", - ".scal ajs", - "pe ror", - "per or", - "▁veter ans", - "▁veteran s", - "▁ })\r\n", - "▁} )\r\n", - "▁}) \r\n", - "▁un fortunately", - "▁unfortunate ly", - "_ CREATE", - "_C REATE", - "M ass", - "Ma ss", - "Mas s", - "▁ CLAIM", - "▁CL AIM", - "▁ Meet", - "▁Me et", - "_ support", - "_s upport", - "_sup port", - "B ank", - "Ban k", - "Ba nk", - "( ).\n", - "() .\n", - "(). \n", - "D ark", - "Da rk", - "Dar k", - "_ LOW", - "_L OW", - "_LO W", - "▁M ining", - "▁Min ing", - "▁Mini ng", - "▁Mi ning", - "▁ Owner", - "▁O wner", - "▁Own er", - "▁Ow ner", - "i era", - "ie ra", - "ier a", - "Client e", - "Cl iente", - "▁encour aging", - "> S", - "▁boy friend", - "▁ Half", - "▁H alf", - "▁Ha lf", - "▁Hal f", - "▁ ACC", - "▁A CC", - "▁AC C", - "A ff", - "Af f", - "_ ar", - "_a r", - "- life", - "-l ife", - "c x", - ".J Button", - "iz ado", - "iza do", - ". zero", - ".z ero", - ".open qa", - "o ton", - "ot on", - "oto n", - ". textContent", - ".text Content", - "▁t oll", - "▁to ll", - "▁tol l", - "a tie", - "at ie", - "ati e", - "▁ball ot", - "▁bal lot", - "▁ballo t", - "- number", - "-n umber", - "-num ber", - ". Exception", - ".Ex ception", - "\t params", - "\tparam s", - "c ircle", - "circ le", - "cir cle", - "- map", - "-m ap", - "▁ nap", - "▁n ap", - "▁na p", - "▁ Robot", - "▁R obot", - "▁Rob ot", - "▁Ro bot", - "▁ Ich", - "▁I ch", - "reg istration", - "registr ation", - "regist ration", - "Am azon", - "roll ment", - "( exp", - "(e xp", - "(ex p", - "▁t anks", - "▁tank s", - "▁tan ks", - "▁G ordon", - "▁Gor don", - "▁machine ry", - "▁mach inery", - "▁b aseline", - "▁base line", - "▁bas eline", - "0 86", - "08 6", - "▁ Convention", - "▁Con vention", - "▁Conv ention", - "\t config", - "\tcon fig", - "o okies", - "ook ies", - "ookie s", - "m ult", - "mu lt", - "mul t", - "Rec ords", - "Record s", - "▁ EST", - "▁E ST", - "▁ES T", - "▁gar bage", - "▁con form", - "▁conf orm", - "i dal", - "id al", - "ida l", - "▁b arg", - "▁bar g", - "▁ba rg", - "▁surv ived", - "▁survive d", - "▁surviv ed", - "▁investig ations", - "▁investigation s", - "9 35", - "93 5", - ".contains Key", - "---------------------------------------------------------------- ----------\n", - "---------------------------------------------------------------------- ----\n", - "or tion", - "ort ion", - "▁h orr", - "▁hor r", - "▁ho rr", - "_ http", - "_h ttp", - "_ht tp", - "▁ mant", - "▁m ant", - "▁man t", - "▁ma nt", - "] ;\r\n\r\n", - "]; \r\n\r\n", - "];\r\n \r\n", - "b inary", - "bin ary", - "9 48", - "94 8", - "e mpl", - "em pl", - "emp l", - "▁in quiry", - "▁ Meanwhile", - "▁Mean while", - "0 98", - "09 8", - "▁collect ing", - ".Entity Framework", - "\" ,\n\n", - "\", \n\n", - "\",\n \n", - "▁ Pic", - "▁P ic", - "▁Pi c", - "@ Inject", - "ick ness", - "▁ Binding", - "▁B inding", - "▁Bind ing", - "▁Bin ding", - "▁cont rolling", - "▁control ling", - "re verse", - "▁ch airs", - "▁chair s", - "▁cha irs", - "▁chai rs", - "semb led", - "sem bled", - "semble d", - "sembl ed", - "( add", - "(a dd", - "(ad d", - "Dis abled", - "Disable d", - "a nas", - "an as", - "ana s", - ". translate", - ".trans late", - "- ----------\n", - "-- ---------\n", - "---- -------\n", - "-------- ---\n", - "--- --------\n", - "----- ------\n", - "---------- -\n", - "------ -----\n", - "----------- \n", - "------- ----\n", - "--------- --\n", - "▁ref lected", - "▁reflect ed", - "\" ]\n\n", - "\"] \n\n", - "\"]\n \n", - "Ex ternal", - "Ext ernal", - "Ar row", - "Arr ow", - "Single ton", - "Sing leton", - "% x", - "▁an cest", - "▁ance st", - "▁anc est", - "▁Or leans", - "\t cmd", - "\tc md", - "▁prohib ited", - "▁prohibit ed", - "ith metic", - "( channel", - "(ch annel", - "(chan nel", - "_ css", - "_c ss", - "_cs s", - "For ward", - ". socket", - ".s ocket", - ".so cket", - "▁l uc", - "▁lu c", - "▁Fire fox", - "▁ Movies", - "▁M ovies", - "▁Movie s", - "▁Mov ies", - ") _", - ". ends", - ".end s", - ".en ds", - "( shape", - "(s hape", - "(sh ape", - "▁de alt", - "▁deal t", - "▁s aves", - "▁sa ves", - "▁save s", - "▁sav es", - "▁gl ory", - "▁glo ry", - "▁glor y", - "▁mej or", - "▁bre athing", - "▁breath ing", - "▁ eller", - "▁e ller", - "▁el ler", - "▁ell er", - "▁elle r", - "get Data", - "▁ angles", - "▁ang les", - "▁angle s", - "▁angl es", - "▁ toolbar", - "▁tool bar", - "▁ spacing", - "▁sp acing", - "▁spa cing", - "0 59", - "05 9", - "I PS", - "IP S", - "▁floor s", - "▁flo ors", - "_ ACTIVE", - "_ACT IVE", - "▁sh uffle", - "/ shared", - "/sh ared", - "/share d", - "▁ Ele", - "▁E le", - "▁El e", - "ed ish", - "edi sh", - "edis h", - "▁web cam", - ". expect", - ".ex pect", - ".exp ect", - "i loc", - "il oc", - "ilo c", - "▁ Includes", - "▁In cludes", - "▁Include s", - "▁t weeted", - "▁tweet ed", - "▁twe eted", - "▁ :)", - "▁: )", - "▁Es say", - "▁Ess ay", - "F ix", - "Fi x", - "- between", - "-b etween", - "_ web", - "_w eb", - "_we b", - ". conv", - ".con v", - ".co nv", - "▁rac ism", - "▁reflect s", - "u mm", - "um m", - "_ footer", - "_f ooter", - "/ docs", - "/d ocs", - "/doc s", - "▁ Pour", - "▁P our", - "▁Po ur", - "Ng Module", - ". initialize", - ".initial ize", - "pattern s", - "_ In", - "_I n", - "▁A bb", - "▁Ab b", - "* \r\n", - "▁sent iment", - "b uff", - "buf f", - "bu ff", - "_ counts", - "_count s", - "_co unts", - "▁ reuse", - "▁re use", - "ch unk", - "▁im posed", - "▁imp osed", - "▁impose d", - "Primary Key", - "Fore ground", - "▁cons umed", - "▁consum ed", - "▁consume d", - "? !", - "▁d ick", - "▁di ck", - "▁dic k", - "▁ chron", - "▁ch ron", - "▁chr on", - "▁F ern", - "▁Fe rn", - "▁Fer n", - "▁ responsive", - "▁res ponsive", - "▁respons ive", - "9 58", - "95 8", - "▁in sect", - "▁ins ect", - "▁inse ct", - "ic ulty", - "icult y", - "▁ rw", - "▁r w", - "▁a like", - "▁al ike", - "▁ali ke", - "▁ subset", - "▁sub set", - "▁subs et", - "▁ Cookies", - "▁C ookies", - "▁Co okies", - "▁Cook ies", - "▁Cookie s", - "▁ Pair", - "▁P air", - "▁Pa ir", - "▁ tier", - "▁t ier", - "▁ti er", - "▁tie r", - "I FO", - "IF O", - "av our", - "avo ur", - "▁ QU", - "▁Q U", - ", sizeof", - ",size of", - "▁ merged", - "▁m erged", - "▁mer ged", - "▁merge d", - "▁merg ed", - "m v", - "i tol", - "it ol", - "ito l", - "y lon", - "yl on", - "▁j umped", - "▁jump ed", - ". role", - ".r ole", - ".ro le", - "ens aje", - "ensa je", - "R ules", - "Rule s", - "▁ browse", - "▁b rowse", - "▁brows e", - "▁brow se", - "An imator", - "Anim ator", - "▁y oga", - "▁yo ga", - "▁yog a", - "▁ variants", - "▁vari ants", - "▁variant s", - "▁cour tesy", - "u ran", - "ur an", - "ura n", - "p bs", - "pb s", - "else if", - "A lt", - "Al t", - "▁L ane", - "▁La ne", - "▁Lan e", - "CL K", - "I MARY", - "IM ARY", - "_P ROPERTY", - "_PRO PERTY", - "▁ chan", - "▁c han", - "▁ch an", - "▁cha n", - "▁grad ually", - "▁gradu ally", - "▁gradual ly", - "▁ shake", - "▁sh ake", - "▁sha ke", - "▁bl onde", - "▁blo nde", - "▁blond e", - ".. .\");\n", - "... \");\n", - "...\" );\n", - "- sex", - "-s ex", - "-se x", - "▁game play", - "ac ies", - "aci es", - "acie s", - ". refresh", - ".ref resh", - "U SB", - "US B", - "▁ Plot", - "▁P lot", - "▁Pl ot", - "W as", - "iss ippi", - "▁ Tensor", - "▁T ensor", - "▁crypto currency", - "▁cryptoc urrency", - "▁difficult ies", - "De leted", - "Delete d", - "Del eted", - "With out", - "_ append", - "_app end", - "_ap pend", - "_ ver", - "_v er", - "9 67", - "96 7", - "\" ))\r\n", - "\") )\r\n", - "\")) \r\n", - "▁honest ly", - "▁p ivot", - "▁piv ot", - "▁tem ps", - "▁temp s", - "_ ps", - "_p s", - "▁ Unlike", - "▁Un like", - "[ :-", - "[: -", - "V S", - "_ inf", - "_in f", - "_i nf", - "▁jun ior", - "▁ animations", - "▁anim ations", - "▁animation s", - "▁ filepath", - "▁file path", - "? {{$", - ">{ {$", - ">{{ $", - "▁ unicode", - "▁un icode", - "▁uni code", - "pl aces", - "place s", - "pla ces", - "▁C offee", - "▁Co ffee", - ". SE", - ".S E", - "▁ PAR", - "▁P AR", - "▁PA R", - "( txt", - "(t xt", - "(tx t", - "g ebra", - "ge bra", - "geb ra", - "▁ fires", - "▁f ires", - "▁fire s", - "▁fi res", - "▁fir es", - "Main Window", - "m edium", - "med ium", - "medi um", - "▁ lg", - "▁l g", - "▁ cmp", - "▁c mp", - "▁cm p", - "/ base", - "/b ase", - "_ layers", - "_l ayers", - "_layer s", - "_ entries", - "_en tries", - "_ent ries", - "▁admin ister", - "▁S UCH", - "▁SU CH", - "B P", - "▁Scott ish", - "\t \r\n\t\r\n", - "\t\r\n \t\r\n", - "g uard", - "gu ard", - "▁ Strong", - "▁St rong", - "▁Str ong", - "In sn", - "Ins n", - "▁ CAP", - "▁C AP", - "▁CA P", - "as ury", - "▁ SEE", - "▁S EE", - "▁SE E", - "C lock", - "Cl ock", - "Clo ck", - "e rie", - "er ie", - "eri e", - "\\ models", - "▁ $$", - "▁$ $", - "▁C ab", - "▁Ca b", - "▁wur de", - "▁sold ier", - "▁cl ips", - "▁clip s", - "▁cli ps", - "▁arr angement", - "▁arrang ement", - "▁arrange ment", - "▁ Wonder", - "▁W onder", - "▁Wo nder", - "▁Won der", - "▁H orn", - "▁Hor n", - "▁Ho rn", - "▁sc ared", - "▁sca red", - "▁scar ed", - "▁scare d", - "▁c ure", - "▁cur e", - "▁cu re", - "m kdir", - "mk dir", - "▁ aligned", - "▁al igned", - "▁align ed", - "▁P ink", - "▁Pin k", - "▁Pi nk", - "▁l anded", - "▁land ed", - "▁lan ded", - "D imension", - "Dim ension", - "Scroll Pane", - ". chat", - ".c hat", - ".ch at", - ". With", - ".W ith", - "▁ Train", - "▁T rain", - "▁Tr ain", - "▁Tra in", - "] .\n", - "]. \n", - "▁th irty", - "▁d urable", - "▁dur able", - "▁ ld", - "▁l d", - "▁late init", - "▁ charts", - "▁ch arts", - "▁char ts", - "▁chart s", - "▁ins ult", - ".F atal", - ".Fat al", - "_ ct", - "_c t", - "▁m asks", - "▁mask s", - "▁mas ks", - "CLUD ED", - "CLU DED", - "CLUDE D", - "P resident", - "Pres ident", - "▁col ours", - "▁colour s", - "g ments", - "gment s", - "gm ents", - ". attributes", - ".at tributes", - ".attribute s", - ".attrib utes", - "▁ Flex", - "▁F lex", - "▁Fl ex", - "▁Fle x", - "▁ Clock", - "▁C lock", - "▁Cl ock", - "▁Clo ck", - "i men", - "im en", - "ime n", - "J O", - "▁ Regex", - "▁Reg ex", - "_ LINK", - "_L INK", - "▁c ouch", - "▁co uch", - "▁cou ch", - "▁ INPUT", - "▁IN PUT", - "▁be ating", - "▁beat ing", - "b usiness", - "bus iness", - "pr eced", - "pre ced", - "prec ed", - ". unit", - ".un it", - ".u nit", - "▁F el", - "▁Fe l", - "N ever", - "Ne ver", - "os pel", - "osp el", - ".start swith", - "▁E PA", - "▁EP A", - ". only", - ".on ly", - "▁prevent ing", - "y er", - "ye r", - "Column Name", - "▁e levation", - "▁ele vation", - "▁elev ation", - "f lu", - "fl u", - "i cycle", - "ic ycle", - "icy cle", - "▁off line", - "Tool bar", - "▁comp eting", - "▁compet ing", - ") ].", - ")] .", - "▁m og", - "▁mo g", - "▁ isValid", - "▁is Valid", - "A sk", - "As k", - "_ av", - "_a v", - "_ lat", - "_l at", - "A NC", - "AN C", - "▁J oh", - "▁Jo h", - "k ers", - "ke rs", - "ker s", - "▁g uards", - "▁gu ards", - "▁guard s", - "▁guar ds", - "▁ chains", - "▁ch ains", - "▁chain s", - "▁cha ins", - "▁chai ns", - "▁Simple DateFormat", - ". static", - ".st atic", - ".stat ic", - "▁v essel", - "▁vess el", - "▁m ud", - "▁mu d", - "▁st abil", - "▁stab il", - "▁sta bil", - "▁st ret", - "▁str et", - "▁stre t", - "g m", - "am ation", - "ama tion", - "amat ion", - "- with", - "-w ith", - "▁ ros", - "▁r os", - "▁ro s", - "_ PA", - "_P A", - "▁ resultado", - "▁result ado", - "▁conf idential", - "▁confident ial", - "▁Tok yo", - "\t using", - "▁Math f", - "▁Mat hf", - "om bine", - "omb ine", - "▁ESP N", - "▁ES PN", - "▁de alers", - "▁deal ers", - "▁dealer s", - "▁dismiss ed", - "T RY", - "TR Y", - "▁te ens", - "▁teen s", - "▁tee ns", - "rec ords", - "record s", - "▁w ings", - "▁win gs", - "▁wing s", - "g allery", - "ac counts", - "account s", - "acco unts", - "_ LIB", - "_L IB", - "▁j acket", - "▁ja cket", - "▁jack et", - "▁jac ket", - "▁ NSObject", - "▁NS Object", - "▁ stones", - "▁st ones", - "▁stone s", - "▁sto nes", - "▁ Delivery", - "▁Del ivery", - "▁D iet", - "▁Di et", - "▁Die t", - "/ watch", - "/w atch", - "▁to ilet", - "▁toile t", - "▁ Guest", - "▁G uest", - "▁Gu est", - ". day", - ".d ay", - ".da y", - "0 67", - "06 7", - "▁ intval", - "▁int val", - "0 87", - "08 7", - "Vis it", - "Vi sit", - "▁investig ated", - "▁investigate d", - "▁pent ru", - "▁The atre", - "andid ates", - "andidate s", - "L ang", - "La ng", - "▁ Serv", - "▁S erv", - "▁Se rv", - "▁Ser v", - "▁ controllers", - "▁cont rollers", - "▁control lers", - "▁controller s", - "▁ setTitle", - "▁set Title", - "N P", - "a my", - "am y", - "f lat", - "fl at", - "( ui", - "(u i", - "0 69", - "06 9", - "_ document", - "_d ocument", - "_doc ument", - "▁ Coin", - "▁C oin", - "▁Co in", - "▁Ad ams", - "▁Adam s", - "▁Ada ms", - "p tic", - "pt ic", - "▁ productive", - "▁product ive", - "▁prod uctive", - "▁accompl ished", - "▁accomplish ed", - "\r\n \r\n\r\n\r\n", - "\r\n\r\n \r\n\r\n", - "\r\n\r\n\r\n \r\n", - "▁de ferred", - "▁defer red", - "i entes", - "ient es", - "ien tes", - "iente s", - "▁s inc", - "▁si nc", - "▁sin c", - "ol ars", - "olar s", - "ola rs", - "Right arrow", - "▁var iations", - "▁vari ations", - "▁variation s", - "( offset", - "(o ffset", - "9 57", - "95 7", - ". LayoutInflater", - ".Layout Inflater", - "▁s uspend", - "▁sus pend", - "▁susp end", - "▁pre vention", - "▁prevent ion", - "▁prev ention", - "_ private", - "_pr ivate", - "_priv ate", - "_ js", - "_j s", - "▁w ieder", - "▁wie der", - "▁wi eder", - "at um", - "atu m", - "▁appear ances", - "▁appearance s", - ". Document", - ".D ocument", - ".Doc ument", - "▁valid ates", - "▁validate s", - "c alendar", - "cal endar", - "} \";\n", - "}\" ;\n", - ". demo", - ".d emo", - ".de mo", - "con ut", - "co nut", - "▁cor rection", - "▁correct ion", - "▁corre ction", - "▁corr ection", - "▁De al", - "▁batter ies", - "▁batt eries", - ". duration", - ".d uration", - ", \\", - "_ marker", - "_m arker", - "_mark er", - "_mar ker", - "m ulti", - "mul ti", - "mult i", - "▁ halt", - "▁h alt", - "▁ha lt", - "▁hal t", - "▁ cms", - "▁c ms", - "▁cm s", - "▁sh aped", - "▁shape d", - "▁sha ped", - "B ro", - "Br o", - "re duce", - "red uce", - "▁ ####", - "▁# ###", - "▁## ##", - "▁### #", - "C TOR", - "CT OR", - "▁ Benef", - "▁B enef", - "▁Ben ef", - "▁icon ic", - "▁ic onic", - "▁p iano", - "▁pi ano", - "▁pian o", - "▁effect iveness", - "▁effective ness", - "| .\n", - "▁ ajax", - "▁a jax", - "▁aj ax", - "▁v olumes", - "▁vol umes", - "▁volume s", - "▁ cljs", - "▁cl js", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁\n", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁\n", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁\n", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁\n", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ \n", - "a ths", - "at hs", - "ath s", - "r aits", - "ra its", - "rait s", - "_ mult", - "_m ult", - "_mul t", - "_mu lt", - "▁fasc inating", - "A verage", - "▁Chair man", - ".find Element", - "_ pin", - "_p in", - "_pi n", - "▁com paring", - "▁comp aring", - "▁compar ing", - "▁dark ness", - "- Fi", - "-F i", - "- server", - "-s erver", - "-ser ver", - "▁select ing", - "s terdam", - "ster dam", - "▁ Parts", - "▁P arts", - "▁Part s", - "▁Par ts", - "FORM ATION", - "FORMAT ION", - "▁n oting", - "▁not ing", - "▁no ting", - "▁ pile", - "▁p ile", - "▁pi le", - "▁pil e", - "o gs", - "og s", - "▁ palette", - "▁p alette", - "▁pa lette", - "▁pal ette", - "▁pale tte", - "_ do", - "_d o", - "it ize", - "iti ze", - "0 79", - "07 9", - "( )(", - "() (", - "▁def ining", - "▁defin ing", - "▁remain der", - "Un its", - "Unit s", - "_T ASK", - "Http Client", - "S ocial", - "So cial", - "▁fun dra", - "▁fund ra", - "N R", - "c hest", - "ch est", - "che st", - "ches t", - "C urrency", - ". adapter", - ".ad apter", - "▁d op", - "▁do p", - "un ting", - "unt ing", - "ANG UAGE", - "\" He", - "\"H e", - "\t index", - "_ package", - "_p ackage", - "_pack age", - ". Icon", - ".I con", - "▁re pet", - "▁rep et", - "▁repe t", - "m ass", - "ma ss", - "mas s", - "= \".$", - "=\" .$", - "=\". $", - "▁S ud", - "▁Su d", - "▁ lid", - "▁l id", - "▁li d", - "pro vince", - "prov ince", - "G PIO", - "GP IO", - "▁ MySQL", - "▁My SQL", - "▁ docs", - "▁d ocs", - "▁do cs", - "▁doc s", - "▁ GA", - "▁G A", - "▁ip sum", - "▁ips um", - "K ernel", - "▁ac cepts", - "▁accept s", - "▁f itting", - "▁fit ting", - "▁cu ando", - "▁d uplic", - "▁dup lic", - "▁Br other", - "▁Bro ther", - "▁K le", - "▁Kl e", - "n ums", - "num s", - "nu ms", - "▁m orph", - "▁mor ph", - "▁ ########", - "▁#### ####", - "▁ CGPoint", - "▁CG Point", - "< unsigned", - "▁D uke", - "▁Du ke", - ".set Bounds", - "q s", - "o ric", - "or ic", - "ori c", - "j er", - "je r", - "▁reg arded", - "▁regard ed", - "Http Request", - "▁b onds", - "▁bon ds", - "▁bond s", - "▁thorough ly", - "en cent", - "ence nt", - "enc ent", - "▁highlight ed", - "▁ac res", - "▁acre s", - "▁work place", - "▁L ux", - "▁Lu x", - "▁ quot", - "▁qu ot", - "▁quo t", - "9 86", - "98 6", - ". inflate", - ".in flate", - ".inf late", - "▁d ocumented", - "▁document ed", - "▁add iction", - "▁addict ion", - "▁ mutation", - "▁m utation", - "▁mut ation", - ". city", - ".c ity", - "▁bott les", - "▁bottle s", - "▁ Repository", - "▁Re pository", - "▁Repos itory", - "o nn", - "on n", - "err no", - "ARI ABLE", - "_ BEGIN", - "_B EGIN", - "_BE GIN", - "g las", - "gl as", - "' })\n", - "'} )\n", - "▁M assage", - "▁Mass age", - "▁W hit", - "▁Wh it", - "reg ex", - "W A", - "▁out let", - "- head", - "-h ead", - "-he ad", - "▁ex pired", - "▁exp ired", - "▁expire d", - "▁T hai", - "▁Th ai", - "/ include", - "/in clude", - "grad ient", - "s canf", - "scan f", - "▁s eam", - "▁se am", - "▁sea m", - "w al", - "wa l", - "\t buf", - "\tb uf", - "B earer", - "Be arer", - "▁prec ious", - "▁precio us", - "if acts", - "ifact s", - "ifa cts", - "co ord", - "▁expl oration", - "▁explo ration", - "▁explor ation", - ". getY", - ".get Y", - "( handle", - "(h andle", - "T opic", - "To pic", - "Top ic", - "▁V ent", - "▁Ven t", - "▁Ve nt", - "r hs", - "rh s", - "- -----\n", - "-- ----\n", - "---- --\n", - "--- ---\n", - "----- -\n", - "------ \n", - "▁B right", - "▁Br ight", - "▁Brig ht", - "▁Bri ght", - "▁ guild", - "▁g uild", - "▁gu ild", - "▁gui ld", - "m other", - "mo ther", - "mot her", - "st orm", - "sto rm", - "stor m", - "▁municip al", - "▁ ink", - "▁in k", - "▁i nk", - ". TYPE", - ".T YPE", - "w l", - ".. . < /", - "_ ro", - "_r o", - "( (*", - "(( *", - "? ???", - "?? ??", - "??? ?", - "_ vertex", - "_ver tex", - "_vert ex", - "ke it", - "▁H alloween", - "T I", - "▁V a", - "_ car", - "_c ar", - "_ca r", - "=\" {{$", - "=\"{{ $", - "=\"{ {$", - "▁random ly", - "▁shock ed", - "s ignal", - "sign al", - "sig nal", - "▁ SDK", - "▁S DK", - "▁SD K", - "m iddleware", - "middle ware", - "▁treat ing", - "▁tre ating", - "▁bur ned", - "▁burn ed", - "De partment", - "Dep artment", - "Depart ment", - "▁S pect", - "▁Sp ect", - "▁Spec t", - "▁Spe ct", - "▁ cliente", - "▁cl iente", - "▁client e", - "▁cli ente", - "▁ Reddit", - "▁Re ddit", - "▁Red dit", - "_ avg", - "_a vg", - "_av g", - "▁inst alling", - "▁install ing", - "▁instal ling", - "_ alpha", - "_al pha", - ", data", - ",d ata", - "▁set Id", - "▁ ListView", - "▁List View", - "( property", - "(p roperty", - "(prop erty", - "▁cross ing", - "▁ Obj", - "▁O bj", - "▁Ob j", - "▁W ard", - "▁War d", - "▁Wa rd", - "▁Redirect To", - "▁ Present", - "▁P resent", - "▁Pres ent", - "▁Pre sent", - "▁dr aws", - "▁draw s", - "▁dra ws", - "ched uled", - "chedule d", - "▁legisl ative", - "▁tw ist", - "▁S tra", - "▁St ra", - "▁Str a", - "▁ AFP", - "▁A FP", - "▁AF P", - "▁C hap", - "▁Ch ap", - "▁Cha p", - "- pr", - "-p r", - ": CGRect", - "▁ ces", - "▁c es", - "▁ce s", - "R outes", - "Route s", - "Ro utes", - "n of", - "no f", - "▁v isa", - "▁vis a", - "▁vi sa", - "▁ TCP", - "▁T CP", - "▁TC P", - "▁E VEN", - "▁EV EN", - "iv ial", - "ivia l", - "ivi al", - "▁ Letter", - "▁L etter", - "▁Let ter", - "R AY", - "RA Y", - "▁ implode", - "▁impl ode", - ". eq", - ".e q", - "= '+", - "=' +", - "▁mot ivated", - "▁motiv ated", - "▁motivate d", - ". visible", - ".v isible", - ".vis ible", - ". short", - ".s hort", - ".sh ort", - "> manual", - "▁Techn ical", - "▁corpor ation", - "▁corp oration", - "▁ HW", - "▁H W", - "an ka", - "ank a", - "T AIL", - "TA IL", - "is tas", - "ist as", - "ista s", - "▁per forms", - "▁perform s", - "▁ Behavior", - "▁Beh avior", - ". For", - ".F or", - "_ ORDER", - "_OR DER", - "▁K ick", - "▁Ki ck", - "▁call backs", - "▁callback s", - "_ dr", - "_d r", - "u ego", - "ue go", - "h ub", - "hu b", - "uff icient", - "s ky", - "sk y", - "▁ bp", - "▁b p", - "h table", - "ht able", - "▁ ONLY", - "▁ON LY", - "▁AUTH ORS", - "▁AUTHOR S", - ". Argument", - ".Arg ument", - "\" };\n", - "\"} ;\n", - "▁Th under", - "▁Thu nder", - "▁K om", - "▁Ko m", - ". Should", - ".Sh ould", - "A UTH", - "AU TH", - "AUT H", - "a hu", - "ah u", - "_ payment", - "_p ayment", - "_pay ment", - "▁ starter", - "▁st arter", - "▁start er", - "▁star ter", - "B log", - "Bl og", - ". patch", - ".p atch", - "▁gover ned", - "▁govern ed", - "as sy", - "ass y", - "- found", - "-f ound", - "▁the ater", - "▁theat er", - "▁Font Weight", - "▁Bat man", - "\" If", - "\"I f", - ". Random", - ".R andom", - "_ delta", - "_d elta", - "_del ta", - "▁ CE", - "▁C E", - "Auth enticated", - "▁dr one", - "▁dro ne", - "▁c ous", - "▁co us", - "▁cou s", - "r adius", - "rad ius", - "M er", - "Me r", - "( None", - "(N one", - "▁N J", - "_ headers", - "_header s", - "_head ers", - "_he aders", - "▁ amer", - "▁a mer", - "▁am er", - "py test", - "▁ Actions", - "▁A ctions", - "▁Act ions", - "▁Action s", - "\t \t\t▁▁▁▁", - "\t\t \t▁▁▁▁", - "\t\t\t ▁▁▁▁", - "\t\t\t▁▁▁ ▁", - "\t\t\t▁ ▁▁▁", - "\t\t\t▁▁ ▁▁", - "▁ ett", - "▁e tt", - "▁et t", - "▁h oly", - "▁ho ly", - "▁hol y", - "▁un comfort", - "▁N in", - "▁Ni n", - "▁ Decimal", - "▁D ecimal", - "▁Dec imal", - "▁ Messages", - "▁M essages", - "▁Message s", - "▁Mess ages", - ". sender", - ".s ender", - ".se nder", - ".send er", - "] ])\n", - "]] )\n", - "]]) \n", - "▁em brace", - "▁emb race", - "▁embr ace", - "Th ough", - "/ sp", - "/s p", - "▁cult ures", - "▁culture s", - "▁cul tures", - "▁high way", - "t ar", - "ta r", - ". fail", - ".f ail", - "_ hidden", - "_h idden", - "_hi dden", - "▁componentDid Mount", - "▁W right", - "▁Wr ight", - "▁j ag", - "▁ja g", - "_ il", - "_i l", - "../ ../../", - "../../ ../", - "i gu", - "ig u", - "F ood", - "Foo d", - "▁ ace", - "▁a ce", - "▁ac e", - "U SD", - "US D", - "▁mut ual", - "Log ic", - "▁t emple", - "▁tem ple", - "▁temp le", - "▁brief ly", - "▁ Trip", - "▁T rip", - "▁Tr ip", - "▁Tri p", - "class method", - "default s", - "▁ch unks", - "▁chunk s", - ", ,,,", - ",, ,,", - ",,, ,", - "▁ Reason", - "▁Re ason", - "$ id", - "$i d", - "- ups", - "-up s", - "-u ps", - "▁da mn", - "▁dam n", - "▁tr ucks", - "▁truck s", - "▁un limited", - "▁sc ulpt", - "▁ Cards", - "▁C ards", - "▁Car ds", - "▁Card s", - "▁a utor", - "▁aut or", - "▁auto r", - "▁au tor", - "▁ Testing", - "▁T esting", - "▁Test ing", - "▁Tes ting", - "▁di ese", - "▁die se", - "▁dies e", - "sh ops", - "shop s", - "( payload", - "(p ayload", - "▁ PATH", - "▁P ATH", - "▁PA TH", - "▁PAT H", - "▁Mem orial", - "▁Memo rial", - "▁ridic ulous", - "e gree", - "eg ree", - "egr ee", - "-w inning", - "-win ning", - "▁re hab", - "▁sophistic ated", - "wp db", - "\t path", - "\tp ath", - "! \";\n", - "!\" ;\n", - "_ SYS", - "_S YS", - "_SY S", - ". speed", - ".s peed", - ".sp eed", - "▁ soap", - "▁so ap", - "s uffix", - "W rap", - "Wr ap", - "▁enh ancement", - "▁enhance ment", - "▁ playlist", - "▁play list", - "▁mix ing", - "ant idad", - "anti dad", - "=\" \";\n", - "=\"\" ;\n", - "▁ Revision", - "▁Re vision", - "▁Rev ision", - "▁ Beat", - "▁B eat", - "▁Be at", - "▁Bea t", - ". inc", - ".in c", - ".i nc", - "- way", - "-w ay", - "e ncias", - "enc ias", - "encia s", - "enci as", - "u lers", - "ul ers", - "ule rs", - "uler s", - "C at", - "Ca t", - "i del", - "id el", - "ide l", - "▁ Ship", - "▁S hip", - "▁Sh ip", - "▁Shi p", - ". setColor", - ".set Color", - "▁threat ening", - "▁threaten ing", - ". modules", - ".module s", - ".mod ules", - "▁after wards", - "▁afterward s", - "▁ Dashboard", - "▁D ashboard", - "▁Dash board", - "\n ▁\n", - "S ignal", - "Sign al", - "Sig nal", - "▁ primer", - "▁pr imer", - "▁prim er", - "▁prime r", - "▁pri mer", - "or neys", - "orney s", - "orne ys", - "ici ary", - "icia ry", - "▁l igne", - "▁lig ne", - "_ predict", - "_p redict", - "_pre dict", - "_pred ict", - "▁a est", - "▁ae st", - "▁aes t", - "_ https", - "_http s", - "> :", - "▁ Lex", - "▁L ex", - "▁Le x", - "▁rencont res", - "▁rencontre s", - "eg ral", - "egr al", - "sc ala", - "_ family", - "_f amily", - "_ sym", - "_s ym", - "_sy m", - "▁uncert ainty", - "▁uncertain ty", - "▁ VALUE", - "▁VAL UE", - "▁ };\r\n\r\n", - "▁} ;\r\n\r\n", - "▁};\r\n \r\n", - "▁}; \r\n\r\n", - "▁br oader", - "▁bro ader", - "▁broad er", - "▁h orses", - "▁hor ses", - "▁horse s", - "▁hors es", - "▁K al", - "▁Ka l", - "o ba", - "ob a", - "_IN ET", - "_I NET", - "▁ Kill", - "▁K ill", - "▁Ki ll", - "▁Kil l", - "j query", - "a mination", - "am ination", - "amin ation", - "amina tion", - "[ @\"", - "[@ \"", - "▁m uj", - "▁mu j", - "# ##\n", - "## #\n", - "### \n", - "First OrDefault", - "then Return", - "C he", - "Ch e", - "/ footer", - "/f ooter", - "/foo ter", - "▁p arks", - "▁par ks", - "▁park s", - "as je", - "▁G ulf", - "▁Gu lf", - "▁Gul f", - "▁mod est", - "▁mode st", - "▁mo dest", - "▁modes t", - ". Init", - ".I nit", - ".In it", - "▁pros pects", - "▁prospect s", - "▁ svg", - "▁s vg", - "▁sv g", - ". Dialog", - ".D ialog", - "_ NET", - "_N ET", - "_NE T", - "▁ (($", - "▁( ($", - "▁(( $", - "▁ ek", - "▁e k", - "▁ Warning", - "▁W arning", - "▁War ning", - "▁ MK", - "▁M K", - "< LM", - "", - ")= >", - "▁Re pair", - "▁Rep air", - "_ BE", - "_B E", - "B rand", - "Br and", - "u art", - "ua rt", - "uar t", - "p review", - "pre view", - "prev iew", - "▁initi atives", - "▁initiative s", - "r unning", - "run ning", - "b ang", - "ba ng", - "ban g", - "\t update", - "\tup date", - "▁Co ach", - "R ich", - "▁ youtube", - "▁y outube", - "▁rit ual", - "ap pa", - "app a", - "▁Rob inson", - "▁Robin son", - "p recision", - "pre cision", - "prec ision", - "//// ////////////////////////////////////////////////////////////////////////", - "//////// ////////////////////////////////////////////////////////////////////", - "//////////////////////////////////////////////////////////////// ////////////", - "//////////// ////////////////////////////////////////////////////////////////", - "//////////////////////////////////////////////////////////////////////// ////", - "//////////////////////////////////////////////////////////////////// ////////", - "= []\n", - "=[ ]\n", - "=[] \n", - "▁celebr ated", - "▁celebrate d", - "O TO", - "OT O", - "▁in clusion", - "▁incl usion", - "▁inclus ion", - "J P", - "' ;\r\n\r\n", - "'; \r\n\r\n", - "';\r\n \r\n", - "▁not able", - "▁no table", - "▁nota ble", - "( _.", - "(_ .", - "Man aged", - "Manage d", - "▁gu ides", - "▁guide s", - "▁guid es", - "▁gui des", - "& nbsp", - "ated Route", - "▁ Adjust", - "▁Ad just", - "▁col ored", - "▁color ed", - "_ scores", - "_s cores", - "_score s", - "_sc ores", - "▁Te sla", - "▁Tes la", - "_ progress", - "_pro gress", - "_prog ress", - ". inst", - ".in st", - ".i nst", - ".ins t", - "[ '_", - "[' _", - ". flags", - ".f lags", - ".fl ags", - ".flag s", - "▁f close", - "▁fc lose", - "_ OPER", - "_O PER", - "_OP ER", - "_ note", - "_n ote", - "_no te", - "_not e", - "▁trans gender", - "RI PT", - "▁ab sent", - "▁abs ent", - "▁a met", - "▁am et", - "▁ operand", - "▁oper and", - "▁opera nd", - "▁ hood", - "▁h ood", - "▁ho od", - "to LowerCase", - "a vo", - "av o", - "▁C ircuit", - "▁Circ uit", - "▁L ind", - "▁Lin d", - "▁Li nd", - "-- }}\n", - "= m", - "▁sup press", - "▁ MAP", - "▁M AP", - "▁MA P", - "i ang", - "ia ng", - "ian g", - "- admin", - "-ad min", - "▁ sidebar", - "▁s idebar", - "▁side bar", - "▁ Bu", - "▁B u", - "▁ Hex", - "▁H ex", - "▁He x", - ", F", - "▁ Signal", - "▁S ignal", - "▁Sign al", - "▁Sig nal", - "▁trans parency", - "▁Feder ation", - "▁Fed eration", - "/ V", - "R eq", - "Re q", - "▁p ulse", - "▁pul se", - "▁puls e", - "▁t ends", - "▁ten ds", - "▁tend s", - "Number s", - "Num bers", - "% '", - "▁de port", - "▁dep ort", - "d atas", - "data s", - "da tas", - "dat as", - "_ UINT", - "_U INT", - "_UI NT", - "_ tra", - "_t ra", - "_tr a", - "o ko", - "ok o", - "▁ \"?", - "▁\" ?", - "com pet", - "comp et", - "so lete", - "sole te", - "sol ete", - "un dry", - "und ry", - "▁over lap", - "▁overl ap", - "} `,\n", - "}` ,\n", - "}`, \n", - ". ly", - ".l y", - "_ summary", - "_sum mary", - "▁ Lost", - "▁L ost", - "▁Lo st", - "▁Los t", - ". Center", - ".C enter", - "▁dis ability", - ". Serialization", - ".S erialization", - ".Serial ization", - "▁ geom", - "▁ge om", - "▁geo m", - "▁ ?:", - "▁? :", - "▁W o", - "▁sh ipped", - "▁ship ped", - "▁u gly", - "▁excit ement", - "▁ex terior", - "▁ext erior", - "▁exter ior", - "▁ checkout", - "▁check out", - "▁k ur", - "▁ku r", - ", D", - "▁Al aska", - "▁syn thetic", - "▁synth etic", - "▁B udget", - "▁Bud get", - "▁ Subscribe", - "▁Sub scribe", - "▁& \n", - "▁Y u", - "\t query", - "} .\n", - "}. \n", - "▁tr aged", - "▁tra ged", - "as sen", - "ass en", - "asse n", - "▁accommod ation", - "▁phys ician", - "▁physic ian", - "▁re named", - "▁ren amed", - "▁rename d", - "▁t idak", - "▁tid ak", - "▁ minus", - "▁min us", - "n ych", - "ny ch", - "0 97", - "09 7", - "_EX CEPTION", - "th reads", - "thread s", - "▁t ire", - "▁ti re", - "▁tir e", - "_ created", - "_c reated", - "_create d", - "en sure", - "ens ure", - "▁ worthy", - "▁w orthy", - "▁wor thy", - "▁worth y", - "▁exc use", - "▁cl oth", - "▁clo th", - ".parent Node", - "/ platform", - "/pl atform", - "▁U FC", - "▁ Gtk", - "▁G tk", - "un ny", - "unn y", - "▁g ibt", - "▁gi bt", - "ke ley", - "kel ey", - "h um", - "hu m", - "( tx", - "(t x", - "\t dev", - "\td ev", - "\tde v", - "▁out fit", - "do ors", - "door s", - "▁ fon", - "▁f on", - "▁fo n", - "i cut", - "ic ut", - "v olatile", - "vol atile", - "▁hom osex", - "▁homo sex", - "Max imum", - "▁ex pend", - "▁exp end", - "▁ });\n\n\n", - "▁} );\n\n\n", - "▁});\n \n\n", - "▁});\n\n \n", - "▁}) ;\n\n\n", - "▁}); \n\n\n", - "E q", - "on ders", - "ond ers", - "onder s", - "onde rs", - "de partment", - "dep artment", - "depart ment", - "▁ Physics", - "▁Ph ysics", - "▁Phys ics", - "\" });\n", - "\"} );\n", - "▁par ad", - "▁para d", - "▁pa rad", - ". Str", - ".S tr", - ".St r", - "▁s ele", - "▁se le", - "▁sel e", - "IF IED", - "IFI ED", - "▁del ivers", - "▁deliver s", - "i van", - "iv an", - "iva n", - "▁respons ibilities", - "▁advoc ates", - "▁advocate s", - "▁R ID", - "▁RI D", - ". parameters", - ".param eters", - ".parameter s", - "M etrics", - "Met rics", - "Metric s", - "ron ics", - "ronic s", - "▁ UITableViewCell", - "▁UITableView Cell", - "A bsolute", - "Abs olute", - "ip se", - "ips e", - "yl um", - "ML Element", - "MLE lement", - "_ VALID", - "_VAL ID", - "< title", - "D lg", - "p aces", - "pace s", - "pa ces", - "pac es", - "▁synd rome", - "be ans", - "bean s", - "_ database", - "_d atabase", - "_data base", - "o zilla", - "oz illa", - "▁M eg", - "▁Me g", - "D BG", - "DB G", - "▁l ub", - "▁lu b", - "Bag Constraints", - "a bad", - "ab ad", - "aba d", - "▁pro jected", - "▁project ed", - "▁proj ected", - "_ BYTE", - "_B YTE", - "_BY TE", - ".Size F", - "st reet", - "\n \n\n\n\n\n\n\n\n\n", - "\n\n \n\n\n\n\n\n\n\n", - "\n\n\n\n \n\n\n\n\n\n", - "\n\n\n \n\n\n\n\n\n\n", - "\n\n\n\n\n\n \n\n\n\n", - "\n\n\n\n\n\n\n\n \n\n", - "\n\n\n\n\n \n\n\n\n\n", - "\n\n\n\n\n\n\n \n\n\n", - "\n\n\n\n\n\n\n\n\n \n", - "▁ LOSS", - "▁LO SS", - "▁LOS S", - "▁direct ors", - "▁dir ectors", - "▁director s", - "▁dire ctors", - "/ news", - "/n ews", - "/new s", - "▁nurs ing", - "▁ Done", - "▁D one", - "▁Do ne", - "▁Don e", - ". HTTP", - "dis count", - "disc ount", - "▁ Rot", - "▁R ot", - "▁Ro t", - "To Many", - "▁en abling", - "▁au ssi", - "▁aus si", - "▁auss i", - "o sta", - "os ta", - "ost a", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ \r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁\r\n", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁\r\n", - "▁hel icopt", - "▁ Inside", - "▁In side", - "▁Ins ide", - "is per", - "isp er", - "▁Al lah", - "▁All ah", - "AR CHAR", - "ARCH AR", - "▁ rolls", - "▁roll s", - "▁rol ls", - "Com pare", - "Comp are", - "Compar e", - "X P", - "Index Of", - "S UM", - "SU M", - "▁ass ured", - "▁assure d", - "▁ Physical", - "▁Ph ysical", - "▁Phys ical", - "End point", - ". Global", - ".G lobal", - ". detail", - ".d etail", - ".de tail", - ".det ail", - "▁th eft", - "▁the ft", - ".j upiter", - "▁hum or", - "▁hu mor", - ". Render", - ".R ender", - ".Re nder", - "A lex", - "Al ex", - ". cap", - ".c ap", - ".ca p", - "▁ buffers", - "▁b uffers", - "▁buffer s", - "▁buf fers", - "▁buff ers", - "▁dis pose", - "▁disp ose", - "▁dispos e", - "t ion", - "ti on", - ". present", - ".p resent", - ".pre sent", - ".pres ent", - "z el", - "ze l", - ", P", - "▁desper ate", - "▁desp erate", - ". getColumn", - ".get Column", - ".getC olumn", - "▁t win", - "▁tw in", - ". can", - ".c an", - ".ca n", - "▁f lee", - "▁fl ee", - "▁fle e", - "▁Iran ian", - "▁ sticky", - "▁st icky", - "▁stick y", - "▁ UTC", - "▁U TC", - "▁UT C", - "L T", - "//////////////// ////////////////////////////////", - "//////////////////////////////// ////////////////", - "▁l icensing", - "▁lic ensing", - "_ POINT", - "_PO INT", - "▁ Maps", - "▁M aps", - "▁Map s", - "▁Ma ps", - "▁ lol", - "▁l ol", - "▁lo l", - "= models", - "- tab", - "-t ab", - "▁N ash", - "▁Na sh", - "▁Nas h", - "_ logger", - "_log ger", - "t orch", - "to rch", - "tor ch", - "▁CON SEQUENTIAL", - "Not Empty", - "/ react", - "/re act", - "▁ pf", - "▁p f", - "▁assert ion", - "▁sub sequently", - "▁subsequ ently", - "▁subsequent ly", - "_ can", - "_c an", - "_ca n", - "▁pand emic", - "o gue", - "og ue", - "\" +\n", - "\"+ \n", - "_ ent", - "_e nt", - "_en t", - "_ Param", - "_P aram", - ". \n\n\n\n\n\n\n\n", - ".\n\n \n\n\n\n\n\n", - ".\n \n\n\n\n\n\n\n", - ".\n\n\n\n \n\n\n\n", - ".\n\n\n \n\n\n\n\n", - ".\n\n\n\n\n\n \n\n", - "Re search", - "Res earch", - "C apture", - "Cap ture", - "Capt ure", - "▁bel oved", - "d em", - "de m", - "▁ex tracted", - "▁extract ed", - "▁extr acted", - "▁f ights", - "▁fight s", - "E RC", - "ER C", - "( auth", - "(a uth", - "pos itions", - "posit ions", - "position s", - "▁re versed", - "▁rev ersed", - "▁reverse d", - "▁revers ed", - "▁rever sed", - "( stack", - "(st ack", - "▁ _)", - "▁_ )", - "ut off", - "uto ff", - "_ flow", - "_f low", - "_fl ow", - "( Game", - "(G ame", - "▁ex cluded", - "▁exclude d", - "▁ CSV", - "▁C SV", - "▁CS V", - "c g", - "▁T itan", - "▁Ti tan", - "▁Tit an", - "p ause", - "pa use", - "▁cer ca", - "▁cerc a", - "▁dump ster", - "▁dumps ter", - "L ess", - "Le ss", - "Les s", - "▁kotlin x", - "aster xml", - "▁point ers", - "▁po inters", - "▁pointer s", - "▁ flows", - "▁fl ows", - "▁flow s", - "▁flo ws", - "▁T un", - "▁Tu n", - "▁ MainActivity", - "▁Main Activity", - "▁dis cret", - "▁disc ret", - "▁discre t", - "▁comb inations", - "▁combination s", - "vis it", - "vi sit", - "_ bind", - "_b ind", - "_bin d", - "o oting", - "oot ing", - "oo ting", - "d ater", - "date r", - "da ter", - "dat er", - "_ lookup", - "_look up", - ".n io", - "▁sw eat", - "▁swe at", - "▁R d", - "▁scient ist", - "▁ Pixel", - "▁P ixel", - "▁Pix el", - "@ NgModule", - "Pl aying", - "Play ing", - "▁un fold", - "▁unf old", - "Trans late", - "▁Law rence", - "▁FIX ME", - "B ill", - "Bi ll", - "▁ RIGHT", - "▁R IGHT", - "▁where ver", - "▁ ook", - "▁o ok", - "▁oo k", - "v idence", - "vid ence", - "vide nce", - "▁] ];", - "▁]] ;", - "▁ Skill", - "▁S kill", - "▁Sk ill", - "▁Ski ll", - "uni std", - "unist d", - "▁fem ales", - "▁female s", - "-- )\n", - "--) \n", - "▁F red", - "▁Fr ed", - "▁Fre d", - "Over all", - "▁ess ence", - "▁esse nce", - "▁there by", - "▁w ounded", - "▁wo unded", - "▁wound ed", - "▁ DOWN", - "▁D OWN", - "▁DO WN", - "le sson", - "les son", - "less on", - "text ure", - "tex ture", - "R ound", - "Ro und", - "▁autom ated", - "▁automat ed", - "▁ Updates", - "▁Up dates", - "▁Update s", - "▁sh ade", - "▁sha de", - "p ublish", - "pub lish", - "▁G ear", - "▁Ge ar", - "= lambda", - "=l ambda", - "▁l ever", - "▁le ver", - "▁lev er", - "▁leve r", - ") +\"", - ")+ \"", - "h ill", - "hi ll", - "▁r adar", - "▁rad ar", - "▁ra dar", - "r ying", - "ry ing", - "▁ \").", - "▁\" ).", - "▁\") .", - "f illed", - "fill ed", - "fil led", - "▁line up", - "▁ dl", - "▁d l", - "▁ workspace", - "▁work space", - "▁works pace", - "V o", - "_ dt", - "_d t", - "_ Item", - "_I tem", - "NS URL", - ". verify", - "▁Hawai i", - "G od", - "Go d", - "M arch", - "Mar ch", - "Ma rch", - "Marc h", - "▁p elo", - "▁pe lo", - "▁pel o", - "ur ious", - "uri ous", - "▁Pitt sburgh", - ". It", - ".I t", - "C lean", - "Cl ean", - "> \\<^", - ">\\< ^", - "▁ ios", - "▁i os", - "▁io s", - "s ound", - "so und", - "\" ];", - "\"] ;", - "▁f reed", - "▁fr eed", - "▁free d", - "▁fre ed", - "rot tle", - "rott le", - "▁ Lower", - "▁L ower", - "▁Lo wer", - "▁Low er", - "[ count", - "[c ount", - "▁p ale", - "▁pa le", - "▁pal e", - "▁Way ne", - "e arth", - "ear th", - "_ categories", - "_c ategories", - "U CK", - "UC K", - ". metadata", - ".m etadata", - ".meta data", - ".met adata", - "▁sum mon", - "▁summ on", - "H OME", - "HO ME", - "▁manufact ured", - "▁manufacture d", - "▁d ock", - "▁do ck", - "▁doc k", - "▁compet itors", - "▁competitor s", - "▁competit ors", - "_ MODEL", - "_MODE L", - "_MO DEL", - "_MOD EL", - "ok ia", - "oki a", - "▁ Hey", - "▁H ey", - "▁He y", - "▁back ward", - "▁PO SS", - "▁POS S", - "r opa", - "ro pa", - "rop a", - "▁ cri", - "▁c ri", - "▁cr i", - "_ OBJ", - "_O BJ", - "Trans port", - "- high", - "-h igh", - "▁erot ik", - "_ slot", - "_s lot", - "_sl ot", - "▁ar tic", - "▁art ic", - "_ framework", - "_f ramework", - "_frame work", - "_fr amework", - "-ser if", - "▁Sql DbType", - "' )(", - "') (", - "+ \"/", - "+\" /", - "▁w ore", - "▁wor e", - "▁wo re", - "S il", - "Si l", - "▁st oring", - "▁stor ing", - "▁sto ring", - "▁ Phase", - "▁Ph ase", - "u ant", - "ua nt", - "uan t", - "▁b ump", - "▁bu mp", - "in ho", - "inh o", - "▁d ign", - "▁di gn", - "▁dig n", - "▁ backs", - "▁b acks", - "▁back s", - "▁ba cks", - "q q", - "( hash", - "(h ash", - "(has h", - "▁ geo", - "▁g eo", - "▁ge o", - "▁t ender", - "▁te nder", - "▁ten der", - "▁tend er", - "L ogo", - "Log o", - "Lo go", - "! )\n", - "!) \n", - "▁ MX", - "▁M X", - "▁ Arthur", - "▁Ar thur", - "ess oa", - "esso a", - "_ Ch", - "_C h", - "▁bed rooms", - "▁bedroom s", - "=\"# \"><", - "=\"#\" ><", - "=\"#\"> <", - "▁th roat", - "▁thro at", - "i nsic", - "in sic", - "ins ic", - "insi c", - ". integer", - ".int eger", - "▁pr imitive", - "▁prim itive", - "Truth y", - "▁facilit ate", - "▁facil itate", - "▁cre ativity", - "▁creat ivity", - "▁ DNS", - "▁D NS", - "▁DN S", - "▁ gra", - "▁g ra", - "▁gr a", - "u ez", - "ue z", - "▁count less", - "▁Pol and", - "▁Po land", - "' M", - "▁ Dist", - "▁D ist", - "▁Dis t", - "▁Di st", - "▁ vest", - "▁v est", - "▁ve st", - "▁cert ification", - "h eld", - "he ld", - "hel d", - "ext ensions", - "extension s", - "( static", - "(st atic", - "(stat ic", - "▁ grades", - "▁g rades", - "▁gr ades", - "▁grad es", - "▁grade s", - "▁gra des", - "▁ Uber", - "▁U ber", - "▁Ub er", - "▁ [])\n", - "▁[ ])\n", - "▁[] )\n", - "▁[]) \n", - "d atos", - "da tos", - "dat os", - "▁ getData", - "▁get Data", - "▁Ch arg", - "▁Char g", - "▁Cha rg", - "▁ BS", - "▁B S", - ".m icrosoft", - ". video", - ".v ideo", - ". direction", - ".d irection", - ".dir ection", - ".di rection", - ".direct ion", - "-> {'", - "->{ '", - "l ua", - "lu a", - "a pest", - "ap est", - "ape st", - "apes t", - "▁bo iler", - "▁boil er", - "e rek", - "er ek", - "ere k", - "▁dec ides", - "▁decide s", - ". jar", - ".j ar", - "I SC", - "IS C", - "▁ Words", - "▁W ords", - "▁Word s", - "▁Wor ds", - "( CON", - "(C ON", - "EMPL ATE", - "ree ze", - "s hots", - "sh ots", - "shot s", - "a pps", - "ap ps", - "app s", - "un ted", - "unt ed", - "unte d", - ". setName", - ".set Name", - ": :<", - ":: <", - "- bold", - "-b old", - "Long rightarrow", - "▁un fair", - "▁unf air", - "▁ earning", - "▁e arning", - "▁ear ning", - "▁earn ing", - "▁ shelf", - "▁sh elf", - "▁she lf", - "UR EMENT", - "URE MENT", - "▁ idle", - "▁id le", - "_ MENU", - "_M ENU", - "_ME NU", - ". Custom", - ".C ustom", - "A GER", - "AG ER", - "AGE R", - "- \"", - "_ switch", - "_s witch", - "_sw itch", - "b ecause", - "be cause", - "bec ause", - ") view", - ")v iew", - "m are", - "ma re", - "mar e", - "_ condition", - "_con dition", - "_cond ition", - "▁ Starting", - "▁Start ing", - "▁Star ting", - "M vc", - "( pre", - "(p re", - "(pr e", - "d ump", - "du mp", - "_ LOCK", - "_L OCK", - "_LO CK", - "_LOC K", - "at etime", - "ate time", - ". callback", - ".c allback", - ".call back", - "▁C er", - "▁Ce r", - "o pol", - "op ol", - "opo l", - "ib rary", - "ibr ary", - "▁ reservation", - "▁res ervation", - "▁reserv ation", - "\t \t\t\t\t\t\t\n", - "\t\t \t\t\t\t\t\n", - "\t\t\t\t \t\t\t\n", - "\t\t\t \t\t\t\t\n", - "\t\t\t\t\t \t\t\n", - "\t\t\t\t\t\t \t\n", - "\t\t\t\t\t\t\t \n", - "l ector", - "le ctor", - "lect or", - "lec tor", - "grad uate", - "▁gener ous", - "▁gene rous", - "▁ ion", - "▁i on", - "▁io n", - "r icao", - "ri cao", - "ric ao", - "rica o", - "m q", - "_ complete", - "_com plete", - "_comp lete", - "( cursor", - "(c ursor", - "▁ FormControl", - "▁Form Control", - ": center", - ":c enter", - "▁sub stitute", - "▁substit ute", - "▁Pl anning", - "▁Plan ning", - "▁p ension", - "▁pens ion", - "▁recommend ation", - "▁ Tags", - "▁T ags", - "▁Tag s", - "▁Ta gs", - "▁g ef", - "▁ge f", - "▁ albums", - "▁album s", - "▁w ashing", - "▁wash ing", - "r oc", - "ro c", - "▁tr ains", - "▁train s", - "▁tra ins", - "a tings", - "at ings", - "ating s", - "atin gs", - "▁ex ponent", - "ack bar", - "- ln", - "-l n", - ".Data Annotations", - "▁ EIF", - "▁E IF", - "▁Mal aysia", - "▁Malays ia", - "\t PORT", - "\tP ORT", - "on us", - "▁cl ever", - "▁cle ver", - "▁p eu", - "▁pe u", - "> \n\n\n\n", - ">\n \n\n\n", - ">\n\n \n\n", - ">\n\n\n \n", - "▁ Arguments", - "▁Arg uments", - "▁Argument s", - "▁deb ugging", - "▁debug ging", - "( right", - "(r ight", - "' D", - "com pute", - "comp ute", - "▁fin est", - "▁fine st", - "▁fi nest", - "▁fines t", - "OR AGE", - "ORA GE", - "▁spect acular", - "ph rase", - "▁in dia", - "▁ind ia", - "▁legend ary", - "b irth", - "bir th", - "▁com posite", - "▁compos ite", - "▁g rows", - "▁gr ows", - "▁grow s", - "▁gro ws", - "▁ TD", - "▁T D", - "▁e pid", - "▁ep id", - "▁launch ing", - "] ][", - "]] [", - "Min utes", - "Minute s", - "▁C ha", - "▁Ch a", - "▁clean ed", - "▁cle aned", - "▁witness es", - "u kan", - "uk an", - "uka n", - "\t Type", - "\tT ype", - "▁h abe", - "▁hab e", - "▁ha be", - "par agraph", - "para graph", - "▁J Panel", - "▁JP anel", - "▁H ann", - "▁Ha nn", - "▁Han n", - "▁var ied", - "▁vari ed", - "▁va ried", - "▁ Pokemon", - "▁P okemon", - "▁Pok emon", - "▁M UST", - "▁MU ST", - ". visibility", - ".vis ibility", - "op up", - "^ [", - ". expand", - ".exp and", - "▁ \"',", - "▁\" ',", - "▁\"' ,", - ".f asterxml", - "_ auto", - "_a uto", - "_aut o", - "▁ Sheet", - "▁S heet", - "▁She et", - "m arker", - "mark er", - "mar ker", - "Par cel", - "e ws", - "ew s", - "▁ Strategy", - "▁Str ategy", - "▁Strateg y", - "- making", - "-m aking", - "▁un ve", - "▁tr ailing", - "▁trail ing", - "▁tra iling", - "▁cl icks", - "▁click s", - "▁cli cks", - "▁clic ks", - "▁ GetComponent", - "▁Get Component", - "\t content", - "IG ENCE", - "ERN EL", - "NSMutable Array", - "▁b reat", - "▁br eat", - "▁bre at", - "▁harm ful", - "▁bes ides", - "▁beside s", - "▁b oring", - "▁bo ring", - "▁bor ing", - "▁brut al", - "▁bru tal", - "v ang", - "va ng", - "van g", - "( parse", - "(p arse", - "(par se", - "qu ick", - "qui ck", - "▁ pytest", - "▁py test", - "▁switch ing", - "( )]\n", - "() ]\n", - "()] \n", - "L ER", - "LE R", - "\t font", - "\tf ont", - "▁n ett", - "▁ne tt", - "▁net t", - ") ]\n\n", - ")]\n \n", - ")] \n\n", - "( /\\", - "(/ \\", - "to Array", - "▁b reed", - "▁br eed", - "▁bre ed", - "▁ CAR", - "▁C AR", - "▁CA R", - "▁ Weapon", - "▁We apon", - "A bs", - "Ab s", - "t ot", - "to t", - "▁ setName", - "▁set Name", - "a ptive", - "apt ive", - "▁ :,", - "▁: ,", - "▁esc aped", - "▁escape d", - "or den", - "ord en", - "orde n", - "▁P ri", - "▁Pr i", - "th umbnail", - "▁de scriptions", - "▁des criptions", - "▁description s", - "▁descri ptions", - "/ styles", - "/st yles", - "/style s", - "▁ PCI", - "▁P CI", - "▁PC I", - "▁al phabet", - "▁alpha bet", - "astic search", - "astics earch", - "N OTE", - "NO TE", - "NOT E", - "▁c ialis", - "▁ci alis", - "▁Gr iff", - "▁por que", - "▁prote ins", - "▁protein s", - "pl ays", - "play s", - "pla ys", - "▁st ating", - "▁stat ing", - "▁sta ting", - "▁im agination", - "▁imag ination", - "▁imagin ation", - "▁f acial", - "▁fa cial", - "▁fac ial", - "▁Me chan", - "▁arr anged", - "▁arrang ed", - "▁arrange d", - "_ used", - "_u sed", - "_us ed", - "_use d", - "▁arrang ements", - "▁arrangement s", - "▁arrange ments", - "▁ Pipe", - "▁P ipe", - "▁Pi pe", - "host name", - "▁pro vinc", - "▁prov inc", - "T it", - "Ti t", - ".Flat Style", - "▁ Split", - "▁S plit", - "▁Sp lit", - "▁Spl it", - "▁ Loader", - "▁L oader", - "▁Lo ader", - "▁Load er", - ". cc", - ".c c", - "▁clin ic", - "▁cli nic", - "---------------- ------------", - "------------ ----------------", - "------------- ---------------", - "--------------- -------------", - "-------------- --------------", - "▁b aking", - "▁ba king", - "▁bak ing", - "▁ ENT", - "▁E NT", - "▁EN T", - "ne ath", - "nea th", - "A NE", - "AN E", - ".EntityFramework Core", - "a ppers", - "ap pers", - "app ers", - "apper s", - "appe rs", - ". ic", - ".i c", - "▁ NgModule", - "▁Ng Module", - "▁ FORM", - "▁F ORM", - "▁FOR M", - "▁FO RM", - "▁ ';", - "▁' ;", - "- profit", - "-pro fit", - "h w", - "en emy", - "ene my", - "▁ Eye", - "▁E ye", - "▁Ey e", - "▁ca ution", - "▁caut ion", - "t own", - "to wn", - "▁ur ged", - "▁urge d", - "▁urg ed", - "▁Jim my", - "ynchron ous", - "-s ized", - "-size d", - "m aking", - "ma king", - "mak ing", - ", {", - "] ',", - "]' ,", - "_ Object", - "_O bject", - "ah oma", - "aho ma", - "▁activ ist", - "IN VAL", - "▁ Commercial", - "▁Com mercial", - "▁Comm ercial", - "▁Or lando", - "( tab", - "(t ab", - "Al gorithm", - "▁her itage", - "Get Mapping", - "▁fail ures", - "▁failure s", - "r ios", - "ri os", - "rio s", - "at iva", - "ati va", - "ativ a", - "▁t et", - "▁te t", - "▁car pet", - "▁carp et", - "( Z", - "th ree", - "thr ee", - "▁dis closure", - "▁disc losure", - ". ERROR", - "_ called", - "_c alled", - "_call ed", - "_cal led", - "▁d ial", - "▁di al", - "▁dia l", - "▁occas ional", - "▁occasion al", - ". Err", - ".E rr", - "▁fun cion", - "▁func ion", - "caff old", - "▁rele asing", - "_ Value", - "_V alue", - "▁ Vari", - "▁V ari", - "▁Var i", - "▁Va ri", - "y ellow", - "▁strugg les", - "▁struggle s", - ". cal", - ".c al", - ".ca l", - "▁Dak ota", - "\t close", - "\tc lose", - "\tcl ose", - "▁sand wich", - "▁an alytics", - "▁analy tics", - "▁ **)", - "▁* *)", - "▁** )", - "& #", - "▁J os", - "▁Jo s", - "▁pass ive", - "AT TR", - "ATT R", - "Th rowable", - "Throw able", - "▁M un", - "▁Mu n", - "▁ Uint", - "▁U int", - "▁Ui nt", - "( disposing", - "(dis posing", - "ar ak", - "ara k", - "▁Le aders", - "▁Leader s", - "▁Lead ers", - "▁affect ing", - "▁item View", - "▁econ omics", - "▁economic s", - "▁econom ics", - "f v", - ". rb", - ".r b", - "▁ Overall", - "▁Over all", - "▁wealth y", - "▁ev olved", - "▁evolve d", - "n da", - "nd a", - "▁H us", - "▁Hu s", - "re strict", - "u men", - "um en", - "ume n", - "▁A gricult", - "! \n\n\n", - "!\n\n \n", - "!\n \n\n", - "▁ expires", - "▁ex pires", - "▁exp ires", - "▁expire s", - "▁spokes person", - "int erval", - "inter val", - "▁qu een", - "▁que en", - "( nil", - "(n il", - "in go", - "ing o", - "He ap", - "▁com plain", - "▁comp lain", - "▁compl ain", - "S ym", - "Sy m", - "▁ Clone", - "▁Cl one", - "▁Clo ne", - "▁R u", - "▁W ILL", - "▁WI LL", - "▁Cr ystal", - "/ content", - "in gen", - "ing en", - "inge n", - "oint ment", - "Last Name", - "av icon", - "avi con", - "▁I BM", - "▁IB M", - "▁ Dimension", - "▁D imension", - "▁Dim ension", - "a nh", - "an h", - "icip ants", - "icipant s", - "▁An ne", - "▁Ann e", - ". progress", - ".pro gress", - "▁al go", - "▁alg o", - "o bil", - "ob il", - "obi l", - "▁ Voice", - "▁V oice", - "▁Vo ice", - "▁ FE", - "▁F E", - "▁ gli", - "▁g li", - "▁gl i", - "▁ ved", - "▁v ed", - "▁ve d", - "▁pr events", - "▁pre vents", - "▁prevent s", - "▁prev ents", - "\\ Column", - "\\C olumn", - "▁ folk", - "▁f olk", - "▁fol k", - "▁fo lk", - "et ti", - "ett i", - "▁ mn", - "▁m n", - "▁ CLASS", - "▁CL ASS", - "▁dis playing", - "▁display ing", - "▁displ aying", - "▁K l", - "▁F err", - "▁Fe rr", - "▁Fer r", - "d uto", - "du to", - ". ib", - ".i b", - "▁ dados", - "▁d ados", - "▁da dos", - "▁dad os", - "▁dado s", - "' name", - "'n ame", - "- space", - "-s pace", - "-sp ace", - "▁it alian", - "▁ inverse", - "▁in verse", - "▁d ense", - "▁den se", - "▁dens e", - "u ter", - "ut er", - "ute r", - "▁ IEnumerator", - "▁I Enumerator", - "- sign", - "-s ign", - "▁nation wide", - "▁person a", - "▁pers ona", - "▁s olved", - "▁sol ved", - "▁solve d", - "▁dram atically", - "▁dramatic ally", - "Log out", - "Logo ut", - "▁ grav", - "▁gr av", - "▁gra v", - "▁analy ses", - "▁analys es", - "▁analyse s", - "ol lo", - "oll o", - "▁l amp", - "▁la mp", - "▁lam p", - ". team", - ".t eam", - ".te am", - "▁E rot", - "▁Er ot", - "= [\"", - "=[ \"", - "▁d ancing", - "▁dan cing", - "▁? >/", - "▁?> /", - "▁c ater", - "▁ca ter", - "▁cat er", - "▁cate r", - "f fe", - "ff e", - "▁S ha", - "▁Sh a", - "▁B os", - "▁Bo s", - "▁RE QUIRE", - "▁ Monster", - "▁Mon ster", - "▁Mons ter", - "▁ RB", - "▁R B", - "▁ IDE", - "▁I DE", - "▁ID E", - "▁s uits", - "▁su its", - "▁suit s", - "▁ formData", - "▁form Data", - "( theta", - "(th eta", - "(the ta", - "▁s patial", - "▁sp atial", - "= NULL", - "=N ULL", - "▁Sql Connection", - "▁V enez", - "▁Ven ez", - "▁Ve nez", - "▁Mor ning", - "▁public ations", - "▁pub lications", - "▁publication s", - "▁NON INFRINGEMENT", - "first Name", - "u ds", - "ud s", - "W ould", - "_ HEAD", - "_HE AD", - "▁inv ested", - "▁invest ed", - "s table", - "st able", - "sta ble", - "f red", - "fr ed", - "fre d", - "▁comm ander", - "▁command er", - "▁comma nder", - "S ES", - "SE S", - "an che", - "anc he", - "anch e", - "▁ Movement", - "▁M ovement", - "▁Mo vement", - "▁Move ment", - "▁Mov ement", - "S uite", - "Su ite", - "▁jur isdiction", - "▁B eth", - "▁Be th", - "▁Bet h", - "j Query", - "▁I sa", - "▁Is a", - "▁d ental", - "▁den tal", - "▁dent al", - ", *", - "▁ Limit", - "▁L imit", - "▁Lim it", - "▁Li mit", - "il iation", - "ili ation", - "ilia tion", - "= \"{", - "=\" {", - "b ast", - "ba st", - "bas t", - "▁t urb", - "▁tu rb", - "▁tur b", - "i sy", - "is y", - "O OK", - "OO K", - "▁advoc ate", - "i mag", - "im ag", - "ima g", - "LE CTION", - "LECT ION", - "( category", - "(c ategory", - ". dec", - ".d ec", - ".de c", - "▁un iqu", - "▁uni qu", - "▁uniq u", - "_ sn", - "_s n", - "▁at tracted", - "▁attr acted", - "▁attract ed", - "▁ Running", - "▁R unning", - "▁Run ning", - "_ edges", - "_edge s", - "_ed ges", - "▁ Disable", - "▁Dis able", - "_ AS", - "_A S", - "▁network ing", - "▁net working", - "_ branch", - "_br anch", - "H aving", - "Ha ving", - "toBe Truthy", - "G I", - "▁c amps", - "▁camp s", - "▁cam ps", - "s ep", - "se p", - "- part", - "-p art", - "-par t", - "▁) \n\n\n\n\n\n\n\n", - "▁)\n \n\n\n\n\n\n\n", - "▁)\n\n \n\n\n\n\n\n", - "▁)\n\n\n \n\n\n\n\n", - "ustr alia", - "ustral ia", - "▁ Reports", - "▁Re ports", - "▁Rep orts", - "▁Report s", - "r ito", - "ri to", - "rit o", - "▁wa ist", - "_ plus", - "_pl us", - "▁ WW", - "▁W W", - "- person", - "-p erson", - "-per son", - "Ap ril", - "Apr il", - "▁s ar", - "▁sa r", - ". tar", - ".t ar", - "▁agricult ural", - "▁agr icultural", - "t ic", - "ti c", - "▁ tcp", - "▁t cp", - "▁tc p", - "▁ setValue", - "▁set Value", - "ag ento", - "agent o", - "agen to", - "▁App e", - "▁Ap pe", - "p iler", - "pi ler", - "pile r", - "C ADE", - "CA DE", - "CAD E", - "▁ anche", - "▁an che", - "▁anch e", - "▁anc he", - "at cher", - "atch er", - "▁c omics", - "▁com ics", - "▁comic s", - "▁ lbs", - "▁l bs", - "▁lb s", - "_ segment", - "_se gment", - "_seg ment", - "'] =$", - "']= $", - "it ters", - "itt ers", - "itter s", - "i cher", - "ic her", - "ich er", - "iche r", - "G INE", - "GIN E", - "GI NE", - "▁util ize", - "▁utiliz e", - "▁ Cursor", - "▁C ursor", - "_ expression", - "_ex pression", - "_exp ression", - "_expr ession", - "▁ dag", - "▁d ag", - "▁da g", - "< long", - "▁r hyth", - "▁consult ation", - "▁consulta tion", - "Y et", - "\" ))\n\n", - "\") )\n\n", - "\")) \n\n", - "\"))\n \n", - "_ MAC", - "_M AC", - "c ould", - "co uld", - "cou ld", - "▁' \\\\", - "▁'\\ \\", - "▁ Vo", - "▁V o", - "\t http", - "\th ttp", - "▁ gs", - "▁g s", - "p her", - "ph er", - "- grid", - "-g rid", - "-gr id", - "J ames", - "Ja mes", - "J ul", - "▁sch on", - "▁tensor flow", - "▁LOG GER", - "a mas", - "am as", - "ama s", - "▁sc ipy", - "▁sci py", - "▁conv iction", - ". ag", - ".a g", - "▁admin istrator", - "▁administr ator", - ") ){\r\n", - ")) {\r\n", - ")){ \r\n", - "▁n un", - "▁nu n", - "\" group", - "\"g roup", - "P or", - "Po r", - "▁n urse", - "▁nur se", - "▁nurs e", - "ex pression", - "exp ression", - "expr ession", - "express ion", - "a ky", - "ak y", - "▁He avy", - ". opt", - ".op t", - ".o pt", - ". getAll", - ".get All", - "▁over l", - "/ \",", - "/\" ,", - "_ country", - "_c ountry", - "_count ry", - "▁ GENER", - "▁G ENER", - "▁GE NER", - "▁GEN ER", - "_ route", - "_r oute", - "_ro ute", - "▁D al", - "▁Da l", - "o load", - "ol oad", - "olo ad", - "▁uncomfort able", - "( menu", - "(m enu", - "(me nu", - "▁ hostname", - "▁host name", - "' \");\n", - "'\" );\n", - "▁calcul ations", - "▁calc ulations", - "▁calculation s", - "- click", - "-c lick", - "-cl ick", - "-cli ck", - "▁protect ive", - "_ Form", - "_F orm", - "un gs", - "ung s", - "Act ual", - "m f", - "▁ Processing", - "▁P rocessing", - "▁Process ing", - "▁ Inventory", - "▁In ventory", - "( matrix", - "(m atrix", - "(mat rix", - "app ropriate", - "w eg", - "we g", - "i ja", - "ij a", - "▁ chr", - "▁c hr", - "▁ch r", - "▁r ifle", - "▁rif le", - "-w sj", - "k ar", - "ka r", - "▁independ ently", - "▁independent ly", - "I OS", - "IO S", - "▁cons istency", - "▁consist ency", - "v n", - "/ system", - "/s ystem", - "/sys tem", - "▁ Changes", - "▁Ch anges", - "▁Change s", - "▁Chan ges", - "▁Chang es", - "▁ex pose", - "▁exp ose", - "▁expos e", - "ic ients", - "ici ents", - "icient s", - "▁re late", - "▁rel ate", - "\t next", - "\tn ext", - "u des", - "ud es", - "ude s", - "▁g lasses", - "▁gl asses", - "▁glass es", - "F XML", - "FX ML", - ". .....", - ".. ....", - "... ...", - ".... ..", - "..... .", - "▁P df", - "▁ approve", - "▁app rove", - "▁ap prove", - "▁appro ve", - "▁ {\\", - "▁{ \\", - "▁ex iste", - "▁exist e", - ") )(", - ")) (", - "AR ENT", - "ARE NT", - "AREN T", - "▁ Latest", - "▁L atest", - "▁La test", - "▁Lat est", - "▁Late st", - "▁Niger ia", - ". Interfaces", - ".Inter faces", - ".Interface s", - "▁rem oves", - "▁remove s", - "En emy", - "▁en force", - "▁enf orce", - "v erts", - "ver ts", - "vert s", - "\t pos", - "\tp os", - "_ texture", - "_text ure", - "_tex ture", - "W ARD", - "WA RD", - "WAR D", - "▁INC IDENT", - "( container", - "(cont ainer", - "▁def ending", - "▁defend ing", - "▁ RX", - "▁R X", - "▁ Hook", - "▁H ook", - "▁Ho ok", - "b ris", - "br is", - "▁Fl ask", - "▁Fla sk", - "G ray", - "Gr ay", - ". )\n", - ".) \n", - "vis ibility", - "▁RedirectTo Action", - "er ral", - "err al", - "erra l", - "_ elem", - "_e lem", - "_el em", - "_ele m", - "▁re son", - "▁r eson", - "▁res on", - "front end", - "_ variables", - "_variable s", - "at eria", - "ate ria", - "ater ia", - "▁ +\"", - "▁+ \"", - "av eled", - "ave led", - "avel ed", - "R IX", - "RI X", - "▁def icit", - "_ Check", - "_C heck", - "Y YYY", - "YY YY", - "YYY Y", - "To One", - "s py", - "sp y", - "▁un ited", - "▁unit ed", - "▁uni ted", - "▁unite d", - "en dent", - "end ent", - "ende nt", - "enden t", - "▁p ode", - "▁po de", - "▁pod e", - "C AT", - "CA T", - "( fmt", - "(f mt", - "▁ Bonus", - "▁B onus", - "▁Bon us", - "▁ reck", - "▁re ck", - "▁rec k", - "Module s", - "Mod ules", - "▁vac uum", - "R adio", - "Rad io", - "▁D AMAGE", - "▁DAM AGE", - "P en", - "Pe n", - "▁P arker", - "▁Par ker", - "▁Park er", - "; ;\n", - ";; \n", - "▁ Really", - "▁Re ally", - "▁Real ly", - "_ neg", - "_n eg", - "_ne g", - "p ending", - "pen ding", - "pend ing", - "▁nomine e", - "▁nomin ee", - "▁ Categories", - "▁C ategories", - "▁U ltra", - "▁Ul tra", - "▁Ult ra", - "We apon", - "▁def ender", - "▁defend er", - "▁defe nder", - "I ss", - "Is s", - "▁ Gender", - "▁G ender", - "▁Ge nder", - "▁Gen der", - "▁D ress", - "▁Dr ess", - "▁impr ison", - "▁bank rupt", - "imension al", - "imens ional", - "P HA", - "PH A", - "▁Str ateg", - "▁Strat eg", - "▁PROF ITS", - "▁p atri", - "▁pat ri", - "▁pa tri", - "//// ////////////////////////////////////////////////////////////////////////////", - "//////// ////////////////////////////////////////////////////////////////////////", - "//////////////// ////////////////////////////////////////////////////////////////", - "//////////////////////////////// ////////////////////////////////////////////////", - "//////////////////////////////////////////////////////////////// ////////////////", - "//////////// ////////////////////////////////////////////////////////////////////", - "//////////////////////////////////////////////////////////////////////////// ////", - "//////////////////////////////////////////////// ////////////////////////////////", - "//////////////////////////////////////////////////////////////////////// ////////", - "//////////////////////////////////////////////////////////////////// ////////////", - "de legate", - "▁for State", - "▁dev oted", - "▁devote d", - "_ make", - "_m ake", - "▁terror ists", - "▁terrorist s", - "▁S nap", - "▁Sn ap", - "_ nav", - "_n av", - "_na v", - "▁ AA", - "▁A A", - "▁I an", - "\t app", - "\ta pp", - "Pl acement", - "Place ment", - "_ hdr", - "_h dr", - "_hd r", - "< K", - "▁s ang", - "▁sa ng", - "▁san g", - "st roke", - "str oke", - "- Q", - "> < ?=", - "> x", - ". Task", - ".T ask", - "m oney", - "mon ey", - "mo ney", - "ib aba", - "iba ba", - "' });\n", - "'} );\n", - "▁ Specific", - "▁S pecific", - "▁Spec ific", - "▁ Linear", - "▁Line ar", - "▁Lin ear", - "▁Li near", - "_ OPT", - "_O PT", - "_OP T", - "Hash Code", - "( Player", - "(P layer", - ".Contains Key", - "▁ collapsed", - "▁coll apsed", - "▁collapse d", - "▁collaps ed", - "trans parent", - "_R ANGE", - "View er", - "( cfg", - "(c fg", - "▁s orting", - "▁sort ing", - "▁sor ting", - "▁inf ected", - "▁infect ed", - "▁N ach", - "▁Na ch", - "▁accommod ate", - ". elements", - ".element s", - ".el ements", - "_ PART", - "_P ART", - "_PA RT", - "_PAR T", - "▁Se xy", - "▁Sex y", - "= get", - "=g et", - "( year", - "(y ear", - "▁ xhr", - "▁x hr", - ": ]", - "ow ski", - "ows ki", - "▁sum mar", - "▁summ ar", - "▁ inte", - "▁in te", - "▁int e", - "▁i nte", - "▁ workflow", - "▁work flow", - "▁Tai wan", - "v ersions", - "vers ions", - "version s", - "▁sur prisingly", - "▁surprising ly", - "▁op tical", - "▁opt ical", - "▁pro ces", - "▁proc es", - "▁disag ree", - "▁n uevo", - "▁nue vo", - "▁ CAM", - "▁C AM", - "▁CA M", - "s orted", - "sort ed", - "le ases", - "lease s", - "is tle", - "ist le", - "I dent", - "Id ent", - "\t event", - "\te vent", - "j ected", - "ject ed", - "Ch unk", - "V ars", - "Var s", - ". provider", - ".pro vider", - "▁proceed ings", - "▁proceeding s", - "▁in clusive", - "▁incl usive", - "▁inclus ive", - "▁art work", - "end ants", - "endant s", - "s een", - "se en", - "see n", - "▁ lig", - "▁l ig", - "▁li g", - "▁ makers", - "▁m akers", - "▁make rs", - "▁ma kers", - "▁maker s", - "▁mak ers", - "_ fun", - "_f un", - "_fu n", - "▁length s", - "▁leng ths", - "Path Variable", - "[ item", - "[i tem", - "[it em", - "D ead", - "De ad", - "FF FFFF", - "FFFF FF", - "FFF FFF", - "▁Ur ban", - "up les", - "uple s", - "i chen", - "ic hen", - "ich en", - "iche n", - "( nullptr", - "(null ptr", - ". spec", - ".s pec", - ".sp ec", - ", System", - ",S ystem", - "U RATION", - "UR ATION", - "URA TION", - "( job", - "(j ob", - "▁ tracker", - "▁tr acker", - "▁track er", - "▁tra cker", - "▁ MR", - "▁M R", - "▁SQL ite", - "▁SQ Lite", - "▁ dto", - "▁d to", - "▁dt o", - "▁ ;;\n", - "▁; ;\n", - "▁;; \n", - "▁m int", - "▁min t", - "▁mi nt", - "▁ Introduction", - "▁Int roduction", - "▁Intro duction", - "c ao", - "ca o", - "▁question ed", - "▁f itted", - "▁fit ted", - "re vision", - "rev ision", - "s q", - "▁m ig", - "▁mi g", - "_ units", - "_un its", - "_unit s", - "_ async", - "_a sync", - "_as ync", - "▁f lick", - "▁fl ick", - "} );\n\n\n", - "});\n \n\n", - "});\n\n \n", - "}) ;\n\n\n", - "}); \n\n\n", - "▁n otre", - "▁not re", - "▁no tre", - "} `,", - "}` ,", - "F ilters", - "Filter s", - "Fil ters", - "▁m undo", - "▁mund o", - "▁mun do", - "_ days", - "_d ays", - "_day s", - "_da ys", - "▁ frm", - "▁f rm", - "▁fr m", - "u tc", - "ut c", - "▁ vals", - "▁v als", - "▁val s", - "▁va ls", - "e width", - "ew idth", - "▁ Generator", - "▁G enerator", - "▁Gener ator", - "▁Gen erator", - "▁ Artist", - "▁Art ist", - "▁ IDs", - "▁ID s", - "▁ Articles", - "▁Art icles", - "▁Article s", - "re ater", - "reate r", - "reat er", - "rea ter", - "▁Component Fixture", - ". =", - "▁ rou", - "▁r ou", - "▁ro u", - "- no", - "-n o", - ".b ukkit", - "e gg", - "eg g", - "▁ Diff", - "▁D iff", - "▁Di ff", - "a tics", - "at ics", - "atic s", - "ati cs", - "▁Char lotte", - "▁Charl otte", - "b ye", - "by e", - "▁ });\r\n\r\n", - "▁} );\r\n\r\n", - "▁}) ;\r\n\r\n", - "▁});\r\n \r\n", - "▁}); \r\n\r\n", - "▁V ik", - "▁Vi k", - "▁B row", - "▁Br ow", - "▁Bro w", - "▁ lv", - "▁l v", - "▁G ib", - "▁Gi b", - "- wing", - "-w ing", - "-win g", - "GL IGENCE", - "( Il", - "(I l", - "▁Engine er", - ". Wait", - ".W ait", - "▁P ictures", - "▁Picture s", - "▁Pic tures", - "▁r het", - "▁rh et", - "▁th ermal", - "▁ther mal", - "▁therm al", - "▁p raise", - "▁pr aise", - "▁pra ise", - "< >();\n\n", - "<>();\n \n", - "<>( );\n\n", - "<> ();\n\n", - "▁Sp ider", - "▁Spi der", - "P ause", - "Pa use", - "▁B aker", - "▁Ba ker", - "▁Bak er", - "▁Bake r", - "▁s lower", - "▁sl ower", - "▁slow er", - "▁slo wer", - "▁ }]\n", - "▁} ]\n", - "▁}] \n", - "_ enqueue", - "_en queue", - "▁disappe ared", - "▁disappear ed", - "▁ Ticket", - "▁T icket", - "▁Ti cket", - "▁Tick et", - "IN UX", - "_ LOCAL", - "_LO CAL", - "_LOC AL", - "@Inject able", - "comm unity", - "Gesture Recognizer", - "▁s cales", - "▁sc ales", - "▁scale s", - "▁sca les", - "▁scal es", - "▁ -(", - "▁- (", - "/ '+", - "/' +", - "▁ Sit", - "▁S it", - "▁Si t", - "▁executive s", - "▁execut ives", - "ar ding", - "ard ing", - "ardi ng", - "ardin g", - "▁ad vers", - "▁adv ers", - "▁back wards", - "▁backward s", - "\t context", - "\tcon text", - "▁H amp", - "▁Ham p", - "▁Ha mp", - "▁ PF", - "▁P F", - "▁ Deck", - "▁De ck", - "▁Dec k", - "▁Cra ig", - "A merican", - "Americ an", - "America n", - "▁ bell", - "▁b ell", - "▁be ll", - "▁bel l", - "▁p rol", - "▁pro l", - "▁pr ol", - "u fen", - "uf en", - "▁r ng", - "▁rn g", - "ar shal", - "ars hal", - "▁ Simply", - "▁Sim ply", - "▁Simpl y", - "first name", - "sh ore", - "J uly", - "Jul y", - "▁mort ality", - "▁mortal ity", - "H elpers", - "Helper s", - "Help ers", - "Hel pers", - "▁b enchmark", - "▁bench mark", - "e made", - "em ade", - "ema de", - "▁organ isations", - "▁organis ations", - "▁organisation s", - ".g son", - "▁ TextField", - "▁T extField", - "▁Text Field", - "▁civil ians", - "▁civ ilians", - "▁civilian s", - ". Arrays", - ".Array s", - "▁Miss issippi", - "▁inter mediate", - "▁intermedi ate", - "get User", - "_ cluster", - "_cl uster", - "Rel ative", - "fore ign", - ".querySelector All", - "Fore ignKey", - "Foreign Key", - "▁reason ably", - "- --------\n", - "-- -------\n", - "---- -----\n", - "-------- -\n", - "--- ------\n", - "----- ----\n", - "------ ---\n", - "------- --\n", - "--------- \n", - "C ards", - "Card s", - "Car ds", - "▁K am", - "▁Ka m", - "▁T hor", - "▁Th or", - "▁ roller", - "▁ro ller", - "▁roll er", - "▁rol ler", - "- element", - "-e lement", - "▁ Currency", - "▁C urrency", - "d die", - "dd ie", - "AL LY", - "ALL Y", - "▁ RA", - "▁R A", - "▁per met", - "▁perm et", - "▁perme t", - "a aaa", - "aa aa", - "aaa a", - "▁home work", - "▁hom ework", - "▁V it", - "▁Vi t", - "▁m old", - "▁mo ld", - "▁mol d", - "▁F er", - "▁Fe r", - "[ start", - "▁stat istical", - "▁statist ical", - "▁statistic al", - "▁sc ary", - "▁sca ry", - "▁scar y", - "_ HOME", - "_H OME", - ". Begin", - ".B egin", - "Con struct", - "og enic", - "ogen ic", - "oge nic", - "▁DEAL INGS", - "i xon", - "ix on", - "ixo n", - ". ind", - ".in d", - ".i nd", - "a cre", - "ac re", - "▁trans forms", - "▁transform s", - "▁N ap", - "▁Na p", - ". Block", - ".B lock", - ".Bl ock", - "uss ia", - "p iration", - "pi ration", - "pir ation", - "ul ent", - "ule nt", - "▁ ceil", - "▁c eil", - "▁ce il", - "Cl ause", - "n aire", - "na ire", - "T ES", - "TE S", - "▁n eat", - "▁ne at", - "S TD", - "ST D", - "▁ RegExp", - "▁Reg Exp", - "per form", - "perf orm", - ": )", - "▁un ions", - "▁union s", - "▁uni ons", - "▁s ublic", - "▁sub lic", - "▁w inds", - "▁win ds", - "▁wind s", - "lo ating", - "loat ing", - "g lich", - "gl ich", - "gli ch", - "▁ pagination", - "▁p agination", - "▁pag ination", - "▁pagina tion", - "S kill", - "Sk ill", - "App ly", - "Ap ply", - "▁ Operator", - "▁Oper ator", - "▁Op erator", - "▁Opera tor", - "ist ogram", - "isto gram", - "▁qual ities", - "C ross", - "Cr oss", - "▁de com", - "▁dec om", - "] ,\"", - "], \"", - "▁J uan", - "▁Ju an", - ". modal", - ".m odal", - ".mod al", - ".mo dal", - ". Child", - ".Ch ild", - "▁R oger", - "▁Ro ger", - "▁Rog er", - "STIT UTE", - ":CGRect Make", - "a lette", - "al ette", - "ale tte", - "▁ sta", - "▁s ta", - "▁st a", - "a side", - "as ide", - "asi de", - "▁ blur", - "▁bl ur", - "▁W a", - "if etime", - "ife time", - "r eed", - "re ed", - "ree d", - "control s", - "contr ols", - "contro ls", - "▁ bins", - "▁b ins", - "▁bi ns", - "▁bin s", - "* /,\n", - "*/ ,\n", - "*/, \n", - "U IS", - "UI S", - "▁R ou", - "▁Ro u", - "▁ Demo", - "▁D emo", - "▁De mo", - "▁Dem o", - "- awesome", - "▁ Chain", - "▁Ch ain", - "▁Cha in", - "▁h asta", - "▁has ta", - "▁ha sta", - "▁hast a", - "▁B art", - "▁Bar t", - "▁Ba rt", - ". KEY", - "▁v endors", - "▁vend ors", - "▁vendor s", - "no follow", - "nof ollow", - "▁ Dest", - "▁D est", - "▁De st", - "▁Des t", - "_ builder", - "_b uilder", - "_build er", - "▁arg ues", - "▁argue s", - "_ answer", - "_an swer", - "_ans wer", - "g oto", - "go to", - "got o", - "▁ RESULT", - "▁RES ULT", - "▁ MON", - "▁M ON", - "▁MO N", - "▁p oder", - "▁po der", - "▁pod er", - "▁pode r", - "o ons", - "oo ns", - "oon s", - "_ CASE", - "_C ASE", - "_CA SE", - "▁rep lic", - "▁repl ic", - "▁fin ancing", - "▁financ ing", - "▁ DATE", - "▁D ATE", - "▁DA TE", - "▁DAT E", - "c ern", - "ce rn", - "cer n", - "_ track", - "_tr ack", - "_tra ck", - "t ies", - "ti es", - "tie s", - "/ logo", - "/l ogo", - "/log o", - "▁NE GLIGENCE", - "get Type", - "> T", - "b et", - "be t", - "g irl", - "gi rl", - "▁INCIDENT AL", - "- site", - "-s ite", - ". trigger", - ".tr igger", - "▁L isa", - "▁Li sa", - "▁Lis a", - "_ inputs", - "_in puts", - "_input s", - "▁rel atives", - "▁relative s", - "▁relativ es", - "Logged In", - "Con figure", - "Config ure", - "Conf igure", - "I K", - ". accept", - ".ac cept", - "Re sume", - "Res ume", - "▁ Draft", - "▁D raft", - "▁ *>(", - "▁* >(", - "▁*> (", - "▁ WA", - "▁W A", - "ed ian", - "edia n", - "edi an", - "er ness", - "ern ess", - "▁ LayoutInflater", - "▁Layout Inflater", - "*/ \r\n\r\n", - "*/\r\n \r\n", - "o thy", - "ot hy", - "oth y", - "▁oblig ation", - "Sub scribe", - "▁ thumbnail", - "▁th umbnail", - "ex ist", - "▁ins isted", - "▁insist ed", - "▁ UICollectionView", - "▁U ICollectionView", - "▁Ang ular", - "▁table ts", - "▁tab lets", - "▁tablet s", - "▁Imp act", - "a ho", - "ah o", - "▁character istic", - "g d", - "▁= ================================================", - "▁================= ================================", - "▁================================= ================", - "o urt", - "ou rt", - "our t", - "` .", - "App ro", - "Ap pro", - "Co ordinate", - "Coord inate", - "Re member", - "Rem ember", - "▁mar ine", - "▁ma rine", - "▁mari ne", - "] =='", - "]= ='", - "]== '", - "▁Admin istrator", - "▁Administr ator", - ".get Default", - "▁f orgot", - "▁for got", - "▁forg ot", - "▁ Structure", - "▁Struct ure", - "V ue", - "ars ing", - "arsi ng", - "m oment", - "mo ment", - "mom ent", - "k w", - "_ cursor", - "_c ursor", - "Att ack", - "▁ath letic", - "▁diagn osed", - "▁diagnose d", - "▁ ende", - "▁e nde", - "▁en de", - "▁end e", - "H ouse", - "Ho use", - "▁ PARAM", - "▁P ARAM", - "▁PA RAM", - "▁PAR AM", - "▁PARA M", - "▁ wiki", - "▁w iki", - "▁wi ki", - "▁ Opp", - "▁O pp", - "▁Op p", - "▁cons ervation", - "▁conserv ation", - "▁ snd", - "▁s nd", - "▁sn d", - "_ tem", - "_t em", - "_te m", - "sub str", - "subst r", - "▁C ape", - "▁Cap e", - "▁Ca pe", - ". sim", - ".s im", - "U TION", - "UT ION", - "a nan", - "an an", - "ana n", - "▁ gy", - "▁g y", - "- work", - "-w ork", - "▁comp elling", - "=' #", - "\t sub", - "\ts ub", - "▁direct ories", - "▁director ies", - "▁touch es", - "▁tou ches", - "out ines", - "outine s", - ". Collection", - ".C ollection", - ".Col lection", - "s chedule", - ". lat", - ".l at", - "▁ Doctrine", - "▁Do ctrine", - "C AA", - "CA A", - "▁ Refer", - "▁Re fer", - "▁Ref er", - "▁shift s", - "▁ likelihood", - "▁lik elihood", - "pr eter", - "pre ter", - "pret er", - "▁ Female", - "▁F emale", - "▁Fe male", - "▁Fem ale", - "▁inter cept", - "▁l ou", - "▁lo u", - "▁r ug", - "▁ru g", - "▁C rown", - "▁Cr own", - "▁Cro wn", - "▁Crow n", - "▁ ****************************************************************************", - "▁************************************************************************ ****", - "▁************************************************************************** **", - "▁**** ************************************************************************", - "- product", - "-pro duct", - "-produ ct", - "▁prompt ed", - "un gle", - "ung le", - "d ocker", - "do cker", - "doc ker", - "▁ Tu", - "▁T u", - "▁ Unique", - "▁Un ique", - "▁Uni que", - "_ Error", - "_E rror", - "u los", - "ul os", - "ulo s", - "▁ (`", - "▁( `", - "G etting", - "Get ting", - "_s cal", - "_sc al", - "▁ Enh", - "▁E nh", - "▁En h", - "▁sust ained", - "▁sustain ed", - "▁p atches", - "▁pat ches", - "▁patch es", - "▁pros per", - "▁G aza", - "▁Ga za", - "▁Gaz a", - "_ light", - "_l ight", - "_li ght", - "▁in cons", - "▁inc ons", - "▁incon s", - "- -------\n", - "-- ------\n", - "---- ----\n", - "-------- \n", - "--- -----\n", - "----- ---\n", - "------ --\n", - "------- -\n", - "\t \t▁▁▁▁▁▁", - "\t\t ▁▁▁▁▁▁", - "\t\t▁▁▁ ▁▁▁", - "\t\t▁ ▁▁▁▁▁", - "\t\t▁▁ ▁▁▁▁", - "\t\t▁▁▁▁ ▁▁", - "\t\t▁▁▁▁▁ ▁", - "S F", - "C N", - ": \";\n", - ":\" ;\n", - "▁Coll ins", - "( *)", - "(* )", - "▁comp ilation", - "' ]\r\n", - "'] \r\n", - "▁con sequence", - "▁consequ ence", - "▁conse quence", - ", ...", - ",. ..", - "▁ dm", - "▁d m", - "▁ BLOCK", - "▁B LOCK", - "▁BL OCK", - "Cl uster", - "▁ ski", - "▁s ki", - "▁sk i", - "( argc", - "(arg c", - "(ar gc", - "T uple", - "Tu ple", - "▁join s", - "▁jo ins", - "▁Sher iff", - "W ar", - "in di", - "ind i", - "▁com mented", - "▁comm ented", - "▁comment ed", - "H OST", - "HO ST", - "▁inv itation", - "apan ese", - "▁per mits", - "▁permit s", - "▁perm its", - "preced ented", - "_ zone", - "_z one", - "▁A my", - "▁Am y", - "_ RD", - "_R D", - "Min imum", - "▁inv ocation", - ". enable", - ".e nable", - ".en able", - "i chten", - "ich ten", - "icht en", - "ichte n", - "- owned", - "\" id", - "_PO INTER", - "_POINT ER", - "F ac", - "Fa c", - "▁spec ifications", - "▁specific ations", - "▁specification s", - "▁no mination", - "▁nom ination", - "▁nomin ation", - "▁ gp", - "▁g p", - "< (", - "▁ robots", - "▁rob ots", - "▁robot s", - "▁J erry", - "▁Jer ry", - "▁ holders", - "▁h olders", - "▁hold ers", - "▁holder s", - "▁hol ders", - "▁w and", - "▁wa nd", - "c ms", - "cm s", - "▁ }))\n", - "▁} ))\n", - "▁}) )\n", - ". Toast", - ".To ast", - "▁I List", - "▁IL ist", - "B ased", - "Base d", - "Bas ed", - "Ba sed", - "z oom", - "zo om", - "/ style", - "/st yle", - "▁Be ck", - "▁Bec k", - "M en", - "Me n", - "▁contrib uting", - "▁ undo", - "▁un do", - "▁und o", - "▁ OH", - "▁O H", - "▁add Object", - "▁e igen", - "▁ei gen", - "▁eig en", - "sign up", - "▁d istant", - "▁dis tant", - "▁dist ant", - "▁di stant", - "PAR ATOR", - "▁M ari", - "▁Mar i", - "▁Ma ri", - "E mp", - "Em p", - "e vt", - "ev t", - "+ j", - "p ark", - "par k", - "pa rk", - "▁ Stay", - "▁St ay", - "▁Sta y", - "▁D un", - "▁Du n", - "▁s oy", - "▁so y", - "> %", - "az ines", - "azine s", - "azi nes", - "▁ti empo", - "( me", - "(m e", - "p resent", - "pre sent", - "pres ent", - ". This", - ".T his", - ".Th is", - "▁ed itors", - "▁edit ors", - "▁editor s", - "F IELD", - ". Work", - ".W ork", - "▁Un iverse", - "▁Univers e", - "▁Uni verse", - "▁dr unk", - ". timer", - ".t imer", - ".time r", - ".tim er", - "▁al tered", - "▁alt ered", - "▁alter ed", - "▁alte red", - "▁N ar", - "▁Na r", - ". Active", - ".Act ive", - "id or", - "ido r", - ".delta Time", - "▁awk ward", - "& quot", - "▁S afari", - "▁Saf ari", - "▁tr icks", - "▁tri cks", - "▁trick s", - "M ENTS", - "MENT S", - "div ision", - "di vision", - "▁var ying", - "▁va rying", - "▁vary ing", - "▁High way", - "▁phot ographer", - "▁photograph er", - "▁St ewart", - "▁Ste wart", - "▁l asting", - "▁last ing", - "▁las ting", - ". Pre", - ".P re", - ".Pr e", - ".amazon aws", - "▁L uck", - "▁Luc k", - "▁Lu ck", - ". Description", - ".D escription", - ".De scription", - ".Des cription", - "▁N az", - "▁Na z", - "n eg", - "ne g", - "<< \"\\", - "<<\" \\", - "▁Sur v", - "▁Su rv", - "▁U nc", - "▁Un c", - "Rec ipe", - ". BorderStyle", - ".Border Style", - "▁mod ifications", - "▁modification s", - "- at", - "-a t", - "AT FORM", - "h dr", - "hd r", - "a ko", - "ak o", - "▁sub license", - "▁sublic ense", - "▁ Jump", - "▁J ump", - "▁Ju mp", - "▁be im", - "▁bei m", - "▁Man hattan", - ". bool", - ".b ool", - "_ hw", - "_h w", - "B in", - "Bi n", - "▁ gateway", - "▁g ateway", - "▁gate way", - "\" \":", - "\"\" :", - "▁ UIS", - "▁U IS", - "▁UI S", - ": \"+", - ":\" +", - "- def", - "-d ef", - "-de f", - "▁ Regular", - "▁Reg ular", - "/ testing", - "/t esting", - "/test ing", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "string stream", - "▁dis par", - "▁disp ar", - "▁m obil", - "▁mo bil", - "▁mob il", - "- read", - "-r ead", - "-re ad", - "▁ Adapter", - "▁Ad apter", - "▁Adapt er", - "▁Ch ampions", - "▁Champion s", - "▁Champ ions", - "▁s cheduler", - "▁sched uler", - "▁schedule r", - "▁ kills", - "▁k ills", - "▁kill s", - "▁kil ls", - "▁ Multiple", - "▁M ultiple", - "▁Multi ple", - "▁Mult iple", - "▁Multip le", - "i rror", - "ir ror", - "▁g ods", - "▁go ds", - "▁god s", - "A DO", - "AD O", - "a kte", - "ak te", - "akt e", - "▁ Usuario", - "▁Us uario", - ".c ircular", - "▁re cept", - "▁rece pt", - "▁ Expr", - "▁Ex pr", - "▁Exp r", - "▁elder ly", - "▁nice ly", - "▁nic ely", - "▁b este", - "▁be ste", - "▁best e", - "▁bes te", - "W ant", - "▁class ical", - "▁classic al", - ". sprite", - ".s prite", - ".sp rite", - "obj c", - "▁M ason", - "▁Ma son", - "▁Mas on", - "▁s istema", - "▁sist ema", - ". Black", - ".Bl ack", - "e so", - "es o", - "▁Ze it", - "▁di vid", - "▁div id", - "▁en ters", - "▁ent ers", - "▁enter s", - "_ subject", - "_sub ject", - "▁ Planet", - "▁Plan et", - "▁Plane t", - ". warning", - ".w arning", - ".warn ing", - "▁G ram", - "▁Gr am", - "▁Gra m", - "_ tokens", - "_t okens", - "_token s", - "▁house holds", - "▁household s", - "_ customer", - "_c ustomer", - "_custom er", - "user Name", - "c ross", - "cr oss", - "cro ss", - "▁p ione", - "▁pi one", - "▁ass ists", - "▁assist s", - "_ SM", - "_S M", - "i bo", - "ib o", - "▁l oyal", - "▁lo yal", - "▁use less", - "# elif", - "▁Ult imate", - "C ome", - "Com e", - "Co me", - "g el", - "ge l", - "▁d ich", - "▁di ch", - "▁dic h", - "x yz", - "xy z", - "i kel", - "ik el", - "ike l", - "o bra", - "ob ra", - "_ scan", - "_s can", - "_sc an", - "▁In terior", - "▁Int erior", - "▁Inter ior", - "▁ Nice", - "▁N ice", - "▁Nic e", - "▁Ni ce", - "▁pl ac", - "▁pla c", - "\t target", - "\tt arget", - "▁v iral", - "▁vi ral", - "▁vir al", - "as so", - "ass o", - "( )/", - "() /", - "u nde", - "un de", - "und e", - "▁Ad obe", - "O s", - "vis ited", - "visit ed", - "▁ OW", - "▁O W", - "▁ Feed", - "▁F eed", - "▁Fe ed", - "▁Fee d", - "▁ Sequence", - "▁Se quence", - "▁Sequ ence", - "▁man ages", - "▁manage s", - "▁mana ges", - "in son", - "ins on", - "▁Louis iana", - "{ })", - "{} )", - "▁H ab", - "▁Ha b", - "▁ LD", - "▁L D", - "▁b ip", - "▁bi p", - "p rites", - "pr ites", - "prite s", - "prit es", - "( elem", - "(e lem", - "(el em", - "(ele m", - ".h ibernate", - "▁oh ne", - "_ transaction", - "_trans action", - "▁ann unci", - "P ublished", - "Publish ed", - "▁H onda", - "▁Hon da", - "▁Ho nda", - "▁Hond a", - "▁T am", - "▁Ta m", - "▁ Packet", - "▁P acket", - "▁Pac ket", - "▁Pack et", - "▁Pa cket", - "_ selector", - "_se lector", - "_select or", - "_sel ector", - "▁challeng ed", - "▁challenge d", - "P rocessing", - "Process ing", - "- hover", - "-h over", - "▁tr ainer", - "▁train er", - "▁tra iner", - "_ cancel", - "_c ancel", - "_can cel", - "▁ NSDictionary", - "▁NS Dictionary", - "ab ric", - "▁ MLS", - "▁M LS", - "▁ML S", - "_ sensor", - "_s ensor", - "▁sh rink", - "▁shr ink", - "▁ FX", - "▁F X", - "th reshold", - "\t HX", - "\tH X", - "- mark", - "-m ark", - "` .`", - "`. `", - "S cheme", - "Sch eme", - "( full", - "(f ull", - "_ writer", - "_w riter", - "_write r", - "_wr iter", - "▁ Sys", - "▁S ys", - "▁Sy s", - "▁f led", - "▁fl ed", - "▁fle d", - "▁C in", - "▁Ci n", - "- widget", - "-w idget", - "▁ Previous", - "▁Pre vious", - "▁Prev ious", - "G ender", - "Ge nder", - "Gen der", - "_ question", - "_q uestion", - "_qu estion", - "F eed", - "Fe ed", - "Fee d", - "▁scr ut", - "( prefix", - "(p refix", - "(pre fix", - "▁in fections", - "▁inf ections", - "▁infection s", - "▁infect ions", - "P arts", - "Par ts", - "Part s", - "▁h ierarchy", - "▁hier archy", - "_ DELETE", - "_DE LETE", - "▁ Patient", - "▁P atient", - "▁Pat ient", - "_ pay", - "_p ay", - "_pa y", - "▁prom oted", - "▁promote d", - "▁promot ed", - "▁promo ted", - "▁civil ian", - "▁agricult ure", - "▁ Piece", - "▁P iece", - "▁Pie ce", - "▁ stance", - "▁st ance", - "▁sta nce", - "▁stan ce", - "uts che", - "utsch e", - "As sign", - "Ass ign", - ". ACTION", - ".A CTION", - ".AC TION", - "F ig", - "Fi g", - "_ radius", - "_r adius", - "_rad ius", - "▁ Sync", - "▁S ync", - "▁Sy nc", - "▁Syn c", - "d ucer", - "du cer", - "duc er", - "duce r", - "f ailure", - "fail ure", - "en sed", - "ens ed", - "ense d", - "p time", - "pt ime", - "B M", - "_ datetime", - "_d atetime", - "_date time", - "_dat etime", - "qu ivo", - "quiv o", - "qui vo", - "QUE UE", - "App ear", - "Ap pear", - "▁sum mit", - "▁summ it", - ": void", - ":v oid", - "▁ vine", - "▁v ine", - "▁vi ne", - "▁vin e", - "on ne", - "onn e", - "_ TRANS", - "_TR ANS", - "_TRAN S", - "_TRA NS", - ". green", - ".g reen", - ".gr een", - "_ cc", - "_c c", - "▁hung ry", - "▁ \">", - "▁\" >", - "( ));\r\n\r\n", - "() );\r\n\r\n", - "()) ;\r\n\r\n", - "());\r\n \r\n", - "()); \r\n\r\n", - "Ex tract", - "Extra ct", - "i zens", - "iz ens", - "ize ns", - "izen s", - "▁s olver", - "▁sol ver", - "▁solve r", - "N otify", - "Not ify", - "▁ english", - "▁eng lish", - "▁ Shopping", - "▁Sh opping", - "▁Shop ping", - "inter faces", - "interface s", - "R EQ", - "RE Q", - "▁il leg", - "▁ill eg", - "▁ UIImageView", - "▁UI ImageView", - "▁UIImage View", - "▁ disconnect", - "▁dis connect", - "▁ Until", - "▁Un til", - "▁Unt il", - "▁Cons ervative", - "▁Conserv ative", - "@ Column", - "▁shift ed", - "▁ :\r\n", - "▁: \r\n", - "▁f ich", - "▁fi ch", - "▁fic h", - "▁d la", - "▁dl a", - "▁sh oe", - "\" ),\r\n", - "\") ,\r\n", - "\"), \r\n", - "ul arity", - "ular ity", - "_RE SP", - "_R ESP", - "_RES P", - "We ather", - "UI Application", - ". iterator", - ".it erator", - ".iter ator", - "▁ aging", - "▁a ging", - "▁ag ing", - ". Parent", - ".P arent", - ".Par ent", - "o wie", - "ow ie", - "( equal", - "(e qual", - "▁ Conv", - "▁Con v", - "▁Co nv", - "/ default", - "/d efault", - "/de fault", - "▁meas uring", - ". prev", - ".p rev", - ".pre v", - ".pr ev", - ". IsValid", - ".Is Valid", - ".F at", - "key words", - "keyword s", - "with out", - "▁so vere", - "▁ex changes", - "▁exchange s", - "▁m elt", - "▁me lt", - "▁mel t", - "▁is lands", - "▁island s", - "▁Int egr", - "▁j umping", - "▁jump ing", - "▁ gle", - "▁g le", - "▁gl e", - "▁journal ism", - "▁ dated", - "▁d ated", - "▁date d", - "▁da ted", - "▁dat ed", - "Local ized", - "▁ Refresh", - "▁Ref resh", - "P article", - "Part icle", - "▁ aa", - "▁a a", - "▁ST RICT", - "▁STR ICT", - "▁b od", - "▁bo d", - ". Process", - ".P rocess", - ".Pro cess", - "_A UTO", - "_AUT O", - "▁ Published", - "▁P ublished", - "▁Publish ed", - "e very", - "ever y", - "ev ery", - "▁techn ological", - "l sx", - "ls x", - "▁ir rit", - "▁irr it", - "Add itional", - "▁ delimiter", - "▁del imiter", - "_ language", - "_l anguage", - "- area", - "-a rea", - "-ar ea", - "bo ys", - "boy s", - "▁ Tube", - "▁T ube", - "▁Tu be", - "▁Tub e", - "▁ wat", - "▁w at", - "▁wa t", - "▁mechan ics", - "▁mechanic s", - "_ owner", - "_o wner", - "S pell", - "Sp ell", - "Spe ll", - "▁St ories", - ".Append Line", - "T ableView", - "Table View", - "h em", - "he m", - "s tick", - "st ick", - "ol lower", - "oll ower", - "ollow er", - "ollo wer", - "I FF", - "IF F", - "▁ UV", - "▁U V", - "oll ision", - "S UB", - "SU B", - "▁com parable", - "▁compar able", - "▁d onde", - "▁do nde", - "▁don de", - "s ales", - "sa les", - "sal es", - "sale s", - "ll vm", - "▁} ],\n", - "▁}] ,\n", - "OTT OM", - "▁P urpose", - "▁Pur pose", - "L ab", - "La b", - "▁interview ed", - "o is", - "oi s", - "a sil", - "as il", - "asi l", - ".set Id", - "▁ Instruction", - "▁In struction", - "- ->", - "-- >", - "▁ Modified", - "▁Mod ified", - "ation ally", - "ational ly", - "▁Me eting", - "▁Meet ing", - "# region", - "▁r outing", - "▁ro uting", - "▁rout ing", - "▁rou ting", - ". focus", - ".f ocus", - "▁Y outh", - "▁You th", - "▁Yo uth", - "< D", - "▁N ag", - "▁Na g", - "cont acts", - "contact s", - "▁ forming", - "▁for ming", - "▁form ing", - "▁m ie", - "▁mi e", - "',[' ../", - "▁ BP", - "▁B P", - "▁app et", - "▁ap pet", - "▁appe t", - "▁ Teacher", - "▁T eacher", - "▁Te acher", - "▁Tea cher", - "▁ TP", - "▁T P", - "▁ann ually", - "▁annual ly", - "outed EventArgs", - "▁Spe aker", - "▁ rename", - "▁re name", - "▁r ename", - "▁ren ame", - "C FG", - "CF G", - "(\" //", - "(\"/ /", - "/ pages", - "/p ages", - "/page s", - "▁ Spell", - "▁S pell", - "▁Sp ell", - "▁Spe ll", - ". Allow", - ".Al low", - ".All ow", - "▁INT ERRU", - "▁INTER RU", - "▁ (#", - "▁( #", - "_ Generic", - "_G eneric", - ".im show", - "_ tim", - "_t im", - "- face", - "-f ace", - "( &(", - "(& (", - "ati num", - "atin um", - "▁revolution ary", - "▁ Hours", - "▁H ours", - "▁Ho urs", - "▁Hour s", - "▁Hou rs", - "r ain", - "ra in", - "▁any time", - "▁ abb", - "▁a bb", - "▁ab b", - ".j sp", - ".js p", - "S crollView", - "Scroll View", - "▁ Truth", - "▁Tr uth", - "▁anticip ated", - "▁anticipate d", - "▁acc ent", - "▁ac cent", - ". checked", - ".check ed", - "▁spec ifies", - "▁c af", - "▁ca f", - "▁cell padding", - "▁co oked", - "▁cook ed", - "▁H ugh", - "▁Hu gh", - "pe ek", - "pee k", - "_ RATE", - "_R ATE", - "_RA TE", - "▁d orm", - "▁do rm", - "▁dor m", - "/ \r\n", - "IV ITY", - ". Controller", - ".Cont roller", - ".Control ler", - "( part", - "(p art", - "(par t", - ". constraint", - ".con straint", - "▁in vasion", - "▁inv asion", - "M OVE", - "MO VE", - "▁gl uc", - "l ename", - "le name", - "len ame", - "lena me", - "▁ amen", - "▁a men", - "▁am en", - "eng lish", - "engl ish", - "▁Sw itzerland", - "\" ;\n\n\n", - "\";\n \n\n", - "\";\n\n \n", - "\"; \n\n\n", - "p est", - "pe st", - "pes t", - ". collect", - ".c ollect", - ".col lect", - ".coll ect", - "N ib", - "Ni b", - "▁ Dict", - "▁D ict", - "▁Di ct", - "▁E mb", - "▁Em b", - "( subject", - "(sub ject", - "▁out rage", - "▁outr age", - "▁dec iding", - "▁sent enced", - "▁sentence d", - "F echa", - "Fe cha", - "\" A", - "▁ quer", - "▁qu er", - "▁que r", - "▁q uer", - "▁font Family", - "▁qu adr", - "▁quad r", - "- Y", - "_ CACHE", - "_C ACHE", - "_CA CHE", - "▁analy zed", - "▁analyze d", - "▁g aining", - "▁gain ing", - "▁ga ining", - "▁Again st", - "▁S oul", - "▁So ul", - "▁Sou l", - "t au", - "ta u", - "▁light weight", - "▁ TF", - "▁T F", - "▁ Effects", - "▁E ffects", - "▁Effect s", - ". Types", - ".T ypes", - ".Type s", - ". addClass", - ".add Class", - "▁v egan", - "▁ve gan", - "▁veg an", - ". '\"", - ".' \"", - "▁Expl orer", - "▁Explore r", - ". detect", - ".d etect", - ".det ect", - ". shift", - ".s hift", - ".sh ift", - "▁oblig ations", - "▁obligation s", - "last Name", - "▁associ ations", - "▁association s", - "▁assoc iations", - "▁Time Span", - "un ter", - "unt er", - "unte r", - "▁ Fresh", - "▁F resh", - "▁Fr esh", - "▁Fre sh", - "▁Fres h", - "Com patible", - "Compat ible", - "P ub", - "id ges", - "idge s", - ". option", - ".op tion", - ".o ption", - ".opt ion", - "v ari", - "var i", - "va ri", - ". hashCode", - ".hash Code", - "▁ geb", - "▁g eb", - "▁ge b", - ". section", - ".s ection", - ".se ction", - ".sec tion", - "- not", - "-n ot", - "-no t", - "▁ Submit", - "▁Sub mit", - "T N", - "reg istry", - "registr y", - "regist ry", - "_ media", - "_m edia", - "_me dia", - "_med ia", - "▁n aj", - "▁na j", - "f ft", - "ff t", - "▁ mate", - "▁m ate", - "▁mat e", - "▁ma te", - "- third", - "-th ird", - "▁p ockets", - "▁pocket s", - "e sta", - "es ta", - "est a", - "▁b ent", - "▁be nt", - "▁ben t", - "▁N ord", - "▁No rd", - "▁Nor d", - "▁retail ers", - "▁retailer s", - "▁Mor ris", - "▁Morr is", - ". \"\"\"\n\n", - ".\"\" \"\n\n", - ".\"\"\"\n \n", - "W rong", - "Wr ong", - "R ay", - "Ra y", - ". ec", - ".e c", - "▁ Bind", - "▁B ind", - "▁Bi nd", - "▁Bin d", - "_H AND", - "( non", - "(n on", - "(no n", - "is Valid", - "▁similar ly", - "_ LIMIT", - "_L IMIT", - "▁d ynamics", - "▁dynamic s", - "▁dynam ics", - "▁dist inction", - "▁distinct ion", - "< N", - "▁ orth", - "▁or th", - "▁Toy ota", - "▁K ate", - "▁Kat e", - "▁Ka te", - "▁ LS", - "▁L S", - "o rie", - "or ie", - "ori e", - "▁Spring s", - "▁Spr ings", - "▁f reak", - "▁fre ak", - "last name", - "_M ULT", - "- step", - "-st ep", - "\" (", - "AD DR", - "ADD R", - "▁entert aining", - "▁entertain ing", - "_ CONF", - "_CON F", - "_CO NF", - "▁dec oded", - "▁decode d", - "▁st reak", - "▁stre ak", - "▁wait ed", - "▁wa ited", - "▁not ified", - "ro duced", - "rodu ced", - "rod uced", - "roduce d", - "vis ual", - ". LayoutParams", - ".Layout Params", - "es ian", - "esi an", - "f its", - "fit s", - "fi ts", - "s pring", - "sp ring", - "spr ing", - "▁Ber nie", - "▁Bern ie", - "User Defaults", - "▁pe dest", - "▁ped est", - "Ap pearance", - "Appear ance", - "▁ Wiki", - "▁W iki", - "▁Wi ki", - "▁Wik i", - "▁NOT ICE", - "▁ ssh", - "▁s sh", - "▁ss h", - "▁dur ante", - "▁ Zip", - "▁Z ip", - "▁N ATO", - "▁NAT O", - "▁NA TO", - "▁tw elve", - "▁r oyal", - "▁ro yal", - "▁roy al", - "▁ merchant", - "▁m erchant", - "▁mer chant", - "▁merch ant", - "▁F urniture", - "' ]),\n", - "'] ),\n", - "']) ,\n", - "']), \n", - ", X", - "▁f olders", - "▁folder s", - "▁fol ders", - "▁fold ers", - "▁ Gate", - "▁G ate", - "▁Ga te", - "\t func", - "\tf unc", - "p ick", - "pi ck", - "pic k", - "_ usuario", - "_us uario", - "▁V erm", - "▁Ver m", - "▁Ve rm", - "m ention", - "ment ion", - "men tion", - "ur pose", - "▁al erts", - "▁alert s", - "x ious", - "xi ous", - "_ sig", - "_s ig", - "_si g", - "▁F u", - "▁ (:", - "▁( :", - "▁d umb", - "▁du mb", - "▁accur ately", - "▁accurate ly", - "R B", - "- screen", - "-s creen", - "-sc reen", - "▁ VER", - "▁V ER", - "▁VE R", - "j our", - "jo ur", - "▁rom ance", - "▁roman ce", - "▁roma nce", - "uc ceed", - "ucc eed", - ". choice", - ".ch oice", - "▁ad ip", - "_ dims", - "_d ims", - "_dim s", - "_di ms", - "Serial izable", - ". job", - ".j ob", - "▁ prog", - "▁p rog", - "▁pro g", - "▁pr og", - "u char", - "uch ar", - "uc har", - "ucha r", - "▁g ently", - "▁gent ly", - "▁R SS", - "▁RS S", - "ict ured", - "icture d", - "_ENABLE D", - "\t label", - "\tl abel", - "aw ks", - "awk s", - "▁En sure", - "▁Ens ure", - "re member", - "rem ember", - "▁trans mit", - "{ {$", - "{{ $", - ". Transaction", - ".Trans action", - "ur se", - "urs e", - "_ relative", - "_rel ative", - "▁s ized", - "▁size d", - "▁si zed", - "▁ XX", - "▁X X", - "▁Pr incess", - "▁Prince ss", - "▁L arry", - "▁Lar ry", - "▁s isters", - "▁si sters", - "▁sister s", - "▁sist ers", - "▁sis ters", - "e struct", - "estr uct", - "▁check point", - ": length", - "▁Car los", - "▁Carl os", - "▁Carlo s", - "/ icon", - "/i con", - "_ TARGET", - "_T ARGET", - "T okens", - "Token s", - "Tok ens", - "▁pat ience", - "▁ Selected", - "▁Se lected", - "▁Select ed", - "▁Sel ected", - "q ty", - "qt y", - ".show Message", - "▁wild life", - "▁ Props", - "▁P rops", - "▁Pro ps", - "▁Pr ops", - "▁Prop s", - "b m", - "- arrow", - "-ar row", - "▁par cel", - "▁parc el", - "f irebase", - "fire base", - "▁Ben jamin", - "c esso", - "cess o", - "ces so", - ". tim", - ".t im", - "▁G arc", - "▁Gar c", - "▁Ga rc", - ". any", - ".a ny", - ".an y", - "▁HOW EVER", - "▁K o", - "▁grab bed", - "_ frames", - "_f rames", - "_frame s", - "_fr ames", - "▁object AtIndex", - "▁ADV ISED", - "▁su bur", - "▁sub ur", - "\t GL", - "\tG L", - "▁} )}\n", - "▁}) }\n", - "- length", - "-l ength", - "-le ngth", - "▁Pot ter", - "_ buff", - "_b uff", - "_buf f", - ". gui", - ".g ui", - "▁ Encoding", - "▁En coding", - "▁Enc oding", - "E lect", - "El ect", - "Ele ct", - "- message", - "-m essage", - "▁Argument NullException", - "▁min imize", - "▁minim ize", - "▁respond ing", - "$_ ['", - "▁ Individual", - "▁Ind ividual", - "▁ INTER", - "▁IN TER", - "▁INT ER", - "▁mast urb", - "▁ Bin", - "▁B in", - "▁Bi n", - "( '$", - "(' $", - "▁open ly", - "▁ ><", - "▁> <", - "▁ unto", - "▁un to", - "▁unt o", - "olog ically", - "ological ly", - "ologic ally", - "▁ Mul", - "▁M ul", - "▁Mu l", - "VID IA", - "▁s lim", - "▁sl im", - "▁Commission er", - "( on", - "(o n", - "▁under neath", - "/ db", - "/d b", - "v ote", - "vo te", - "( Message", - "(M essage", - "▁P ope", - "▁Pop e", - "▁Po pe", - "D efined", - "Def ined", - "Define d", - "▁sw ift", - "u rf", - "ur f", - "▁adapt ed", - "▁adap ted", - "S EL", - "SE L", - "▁re venues", - "▁revenue s", - "▁reven ues", - "▁di vine", - "▁div ine", - "= y", - "Grad ient", - "_ act", - "_a ct", - "_ac t", - "▁/*! <", - "▁p olygon", - "▁poly gon", - "▁F DA", - "▁FD A", - "▁C arr", - "▁Car r", - "▁Ca rr", - "a tables", - "at ables", - "ata bles", - "atab les", - "atable s", - "( stdout", - "(std out", - "▁refr iger", - "▁co ordin", - "▁coord in", - "avor ites", - "avorite s", - "avo rites", - "▁compass ion", - "▁POSS IBILITY", - "- secondary", - "-second ary", - "ur acy", - "ura cy", - "▁com promise", - "▁comp romise", - "▁comprom ise", - "_ AV", - "_A V", - "_ os", - "_o s", - "▁be side", - "▁bes ide", - "▁ ln", - "▁l n", - ". plugins", - ".pl ugins", - ".plugin s", - "Cap acity", - "a lah", - "al ah", - "ala h", - ". bin", - ".b in", - ".bi n", - "▁C RC", - "▁CR C", - "_ balance", - "_b alance", - "_bal ance", - "▁flex Direction", - "▁am bit", - "▁amb it", - "▁ nickname", - "▁n ickname", - "▁nick name", - "▁For ces", - "▁Force s", - "C LE", - "CL E", - "▁ Shell", - "▁S hell", - "▁Sh ell", - "▁She ll", - "▁Shel l", - "▁s ail", - "▁sa il", - "▁ Writer", - "▁W riter", - "▁Write r", - "▁Wr iter", - "▁ Alice", - "▁A lice", - "▁Al ice", - "▁Ali ce", - "d w", - "▁Ind ians", - "▁India ns", - "▁Indian s", - "▁Mar shall", - "▁Mars hall", - "▁Marshal l", - "▁Marsh all", - "_ SRC", - "_S RC", - "_SR C", - "▁ normalized", - "▁normal ized", - "▁normalize d", - "▁J ag", - "▁Ja g", - "ze it", - "r pc", - "rp c", - ". inline", - ".in line", - "▁tr avers", - "▁tra vers", - "▁trav ers", - "_ numeric", - "_n umeric", - "_num eric", - "▁ utilities", - "▁util ities", - "▁ut ilities", - "▁e vac", - "▁ev ac", - "IN PUT", - "\t register", - "\treg ister", - "M X", - "▁Camp bell", - "▁data sets", - "▁dataset s", - "▁datas ets", - "▁dem anded", - "▁demand ed", - "▁demande d", - "▁initial State", - "g an", - "ga n", - "▁ ei", - "▁e i", - "Un expected", - "- web", - "-w eb", - "-we b", - "t rait", - "tr ait", - "tra it", - ", Y", - "▁T odd", - "▁To dd", - "▁Tod d", - "▁s keleton", - "▁ske leton", - "▁opt imize", - "▁optim ize", - "▁ Upon", - "▁U pon", - "▁Up on", - "▁St Object", - "▁ap lic", - "▁apl ic", - ". ' P", - "v ron", - "vr on", - "vro n", - ". UN", - ".U N", - "▁paint er", - "▁pain ter", - "▁pa inter", - "izar re", - "▁l av", - "▁la v", - "▁p om", - "▁po m", - "p reg", - "pr eg", - "pre g", - "= function", - "=f unction", - "( serial", - "(s erial", - "(se rial", - "if ica", - "ific a", - "ifi ca", - "u ming", - "um ing", - "umin g", - "umi ng", - "- op", - "-o p", - "U CH", - "UC H", - "▁H end", - "▁He nd", - "▁Hen d", - ".prop Types", - "▁ yo", - "▁y o", - "▁r outines", - "▁rout ines", - "▁routine s", - "▁c aring", - "▁car ing", - "▁ca ring", - "S em", - "Se m", - "▁res erves", - "▁reserve s", - "▁reserv es", - "▁prior ities", - "▁priorit ies", - "red its", - "redit s", - "I STR", - "IS TR", - "IST R", - "Content Type", - "▁Sc hw", - "▁Sch w", - "/ media", - "/m edia", - "/me dia", - "▁ estr", - "▁e str", - "▁es tr", - "▁est r", - "▁clim bing", - "▁climb ing", - "- week", - "-we ek", - "cher che", - "s ensor", - "To Array", - "▁Mont real", - "▁clo uds", - "▁cloud s", - "▁Inject able", - "▁R ice", - "▁Ric e", - "▁Ri ce", - "▁propag anda", - "_ provider", - "_pro vider", - "▁in door", - "▁ind oor", - "▁indo or", - "▁in aug", - "▁dipl om", - "▁m essaging", - "▁mess aging", - "_ mut", - "_m ut", - "_mu t", - "▁ kw", - "▁k w", - "O NS", - "ON S", - "a rians", - "ar ians", - "ari ans", - "arian s", - "aria ns", - "R PC", - "RP C", - ") ]\r\n", - ")] \r\n", - "- ray", - "-r ay", - "-ra y", - "▁S or", - "▁So r", - "m all", - "ma ll", - "mal l", - "▁market place", - "▁ vtk", - "▁v tk", - "▁vt k", - "M a", - "o gan", - "og an", - "oga n", - "i gi", - "ig i", - "▁s ponsored", - "▁spons ored", - "▁sponsor ed", - "▁D ani", - "▁Dan i", - "▁Da ni", - ".S EVER", - ".SE VER", - "> '.$", - ">' .$", - ">'. $", - "m ultipart", - "multi part", - "▁W ol", - "▁Wo l", - "▁ tableName", - "▁table Name", - "▁ Username", - "▁User name", - "Back groundColor", - "Background Color", - "▁f right", - "▁fr ight", - "▁fri ght", - "_ EMAIL", - "_E MAIL", - "_EM AIL", - "Sept ember", - "_ vals", - "_v als", - "_val s", - "op ia", - "▁sp otted", - "▁spot ted", - "- Ch", - "-C h", - "▁data Source", - "/ \"\n", - "/\" \n", - "▁Request Method", - "▁ Replace", - "▁Re place", - "▁Rep lace", - "- do", - "-d o", - "a hn", - "ah n", - "▁Ph D", - "] .\n\n", - "]. \n\n", - "].\n \n", - "N ON", - "NO N", - "g ement", - "ge ment", - "gem ent", - "▁T hr", - "▁Th r", - "▁quiet ly", - "▁tor ture", - "▁tort ure", - "▁te as", - "▁tea s", - "▁ CY", - "▁C Y", - "▁ atr", - "▁a tr", - "▁at r", - "develop ment", - "- detail", - "-d etail", - "-de tail", - "▁light er", - "▁arg uing", - "▁des erves", - "▁deserve s", - "▁cur riculum", - "_CON TEXT", - "_CONT EXT", - "H ITE", - "HI TE", - "\t ID", - "\tI D", - "/ uploads", - "/upload s", - "▁t its", - "▁tit s", - "▁ti ts", - "r eo", - "re o", - "_ drop", - "_d rop", - "_dr op", - ". UTF", - ".U TF", - "▁pick up", - "▁gro cery", - "▁ Pure", - "▁P ure", - "▁Pur e", - "▁Pu re", - "▁eas iest", - "Ph il", - "Phi l", - ". feature", - ".f eature", - ".fe ature", - "( \"*", - "(\" *", - "▁invest or", - "t ok", - "to k", - "▁ jar", - "▁j ar", - "▁ja r", - "L os", - "Lo s", - ". queue", - ".q ueue", - "- speed", - "-s peed", - "-sp eed", - "-spe ed", - "M al", - "Ma l", - "um blr", - "umb lr", - "▁ CONST", - "▁CON ST", - "▁CO NST", - "▁ HRESULT", - "▁H RESULT", - "▁D ance", - "▁Dan ce", - "▁Da nce", - "( filePath", - "(file Path", - "▁attribute d", - "▁attrib uted", - "▁B und", - "▁Bu nd", - "co ins", - "coin s", - "▁ pir", - "▁p ir", - "▁pi r", - "person al", - "pers onal", - "▁pr elim", - "▁pre lim", - "▁pro pose", - "▁prop ose", - "▁propos e", - "▁ TL", - "▁T L", - "] ])", - "]] )", - "▁ Subscription", - "▁Sub scription", - "▁K re", - "▁Kr e", - ", len", - ",l en", - ". FirstOrDefault", - ".First OrDefault", - ") --", - ")- -", - "_ products", - "_product s", - ".Get Bytes", - "S hip", - "Sh ip", - "▁ encrypt", - "▁en crypt", - "▁enc rypt", - "▁ SG", - "▁S G", - "▁M yst", - "▁My st", - "h ir", - "hi r", - "▁ iterate", - "▁it erate", - "▁iter ate", - "▁int end", - "▁inte nd", - ".mock ito", - "▁ch apters", - "▁chapter s", - "▁chap ters", - "( angle", - "(an gle", - "▁V lad", - "' .\n\n", - "'. \n\n", - "'.\n \n", - "Response Body", - "▁A bd", - "▁Ab d", - "de al", - "dea l", - "▁bar riers", - "▁barrier s", - "▁barr iers", - "- outline", - "-out line", - "b ill", - "bi ll", - "bil l", - "▁F alls", - "▁Fall s", - "▁Fal ls", - "_ second", - "_se cond", - "_sec ond", - ". include", - ".in clude", - ".inc lude", - ". ceil", - ".c eil", - "▁ occupation", - "▁occup ation", - "ph ony", - "phon y", - ".move To", - "▁J ennifer", - "▁Jenn ifer", - "A STER", - "AS TER", - "AST ER", - "; \"><", - ";\" ><", - ";\"> <", - "▁ Enabled", - "▁En abled", - "▁Enable d", - "▁ terminate", - "▁ter minate", - "▁term inate", - "▁termin ate", - "▁ Io", - "▁I o", - "l ations", - "lation s", - "lat ions", - "▁THE ORY", - "▁ear liest", - "▁r ack", - "▁rac k", - "▁ra ck", - "▁S car", - "▁Sc ar", - "sh ake", - "sha ke", - "c hip", - "ch ip", - "chi p", - "▁ uv", - "▁u v", - "▁all iance", - "▁GOOD S", - "z ione", - "zi one", - "▁ VI", - "▁V I", - "▁ {-", - "▁{ -", - "▁fil tering", - "▁filter ing", - "▁mis con", - "▁misc on", - ".Dock Style", - "▁b ush", - "▁bu sh", - "▁bus h", - "▁j unk", - "▁ju nk", - "▁jun k", - "▁ QUE", - "▁Q UE", - "▁QU E", - "▁ hooks", - "▁h ooks", - "▁hook s", - "▁ho oks", - "▁f irmware", - "▁firm ware", - "▁ middleware", - "▁m iddleware", - "▁middle ware", - "d ic", - "di c", - "▁Oak land", - "▁arr ives", - "▁arrive s", - "P ayload", - "Pay load", - "p ixel", - "pix el", - "] |", - "▁ startDate", - "▁start Date", - ". PRO", - ".P RO", - "_ audio", - "_a udio", - "▁mid field", - "igid body", - "▁Sw iss", - "▁ Clip", - "▁C lip", - "▁Cl ip", - "▁ Dump", - "▁D ump", - "▁Du mp", - "▁ TextBox", - "▁Text Box", - "▁g eh", - "▁ge h", - "y ield", - "yi eld", - "o ds", - "od s", - "▁refer endum", - "Back end", - "▁C ream", - "▁Cr eam", - "▁Cre am", - "▁d ominated", - "▁do minated", - "▁dom inated", - "▁domin ated", - "▁dominate d", - "▁ Archive", - "▁Arch ive", - "▁r iders", - "▁rid ers", - "▁ride rs", - "▁ri ders", - "▁rider s", - ".prepare Statement", - "▁qu ando", - "▁quand o", - "▁ch ef", - "▁che f", - "w iki", - "wi ki", - "wik i", - "i nel", - "in el", - "ine l", - "am pling", - "amp ling", - "(\" \\\\", - "(\"\\ \\", - "▁s ag", - "▁sa g", - "_ proxy", - "_pro xy", - "_pr oxy", - "p do", - "pd o", - ".get ElementsByTagName", - ".getElementsBy TagName", - "▁demon stration", - "▁demonstr ation", - "▁N PC", - "▁NP C", - "▁arch ivo", - "end ance", - "enda nce", - "▁efficient ly", - "( actual", - "(act ual", - ". tableView", - ".t ableView", - ".table View", - "▁m ush", - "▁mus h", - "▁mu sh", - "▁b ears", - "▁be ars", - "▁bear s", - "_ threads", - "_th reads", - "_thread s", - "j as", - "ja s", - "ah un", - "ahu n", - "▁ne ural", - "▁neu ral", - "▁neur al", - "▁design ing", - "▁G DP", - "▁GD P", - "▁lif ted", - "▁lift ed", - "▁ Joint", - "▁J oint", - "▁Jo int", - "▁Join t", - "▁Joi nt", - "▁ Include", - "▁In clude", - "▁Inc lude", - "▁Gi ants", - "▁Giant s", - "▁withdraw al", - "▁R ent", - "▁Re nt", - "▁Ren t", - "n ative", - "nat ive", - "▁ Seek", - "▁Se ek", - "▁See k", - "g ression", - "gr ession", - "gress ion", - "_ CPU", - "_C PU", - "_CP U", - "\\ S", - "▁Sh ield", - "▁Shi eld", - "▁s olic", - "▁so lic", - "▁sol ic", - "▁b oom", - "▁bo om", - "▁boo m", - "yect o", - "▁manufact ure", - "▁ bbox", - "▁b box", - "▁bb ox", - "▁earth qu", - "oll ectors", - "ollect ors", - "olle ctors", - ":@\" %", - ":@ \"%", - "▁lo ops", - "▁loop s", - "J e", - "al king", - "alk ing", - "▁ Whats", - "▁Wh ats", - "▁What s", - "▁Bo ys", - "▁Boy s", - ". book", - ".b ook", - "AR GE", - "ARG E", - "_ pixel", - "_p ixel", - "_pix el", - "▁sus pects", - "▁suspect s", - "u sp", - "us p", - "▁B MW", - "▁BM W", - "ie ces", - "iece s", - "( person", - "(p erson", - "(per son", - "▁Pod cast", - "▁b ou", - "▁bo u", - "( Item", - "(I tem", - "( Input", - "(In put", - "Http Get", - "▁ burg", - "▁b urg", - "▁bu rg", - "▁bur g", - ") ^", - "BO ARD", - "* /,", - "*/ ,", - "▁ gulp", - "▁g ulp", - "▁gu lp", - "▁B enn", - "▁Be nn", - "▁Ben n", - "▁de cks", - "▁dec ks", - "▁deck s", - ". statusCode", - ".status Code", - "▁ acute", - "▁ac ute", - "▁h ug", - "▁hu g", - "u gu", - "ug u", - "▁ pled", - "▁p led", - "▁pl ed", - "▁ple d", - ", \"%", - ",\" %", - "h ape", - "ha pe", - "hap e", - "▁M aine", - "▁Main e", - "▁Ma ine", - "▁Mai ne", - ". real", - ".re al", - "▁d alam", - "▁da lam", - "▁dal am", - "▁ Minor", - "▁Min or", - "▁Mi nor", - ". Float", - ".F loat", - "d isp", - "dis p", - "di sp", - "▁ tl", - "▁t l", - "▁en count", - "▁enc ount", - "= >$", - "=> $", - "▁ fg", - "▁f g", - "t ees", - "te es", - "tee s", - "▁Re comm", - "▁Rec omm", - "▁Reco mm", - "▁ chemistry", - "▁chem istry", - "B locks", - "Block s", - "Bl ocks", - "O ID", - "▁for ex", - "▁fore x", - "▁fo rex", - "▁ Append", - "▁App end", - "▁Ap pend", - "▁Appe nd", - "▁{ *", - "▁ Supply", - "▁Sup ply", - "CG Float", - "( bl", - "(b l", - "▁ ate", - "▁a te", - "▁at e", - "ad ora", - "ado ra", - "ador a", - "▁g ust", - "▁gu st", - "Ass oci", - "> .\n", - ">. \n", - "F ETCH", - ". serial", - ".s erial", - ".se rial", - "widget s", - "wid gets", - "ard less", - "i efs", - "ie fs", - "ief s", - "_ FULL", - "_F ULL", - "ernet es", - "▁ Pred", - "▁P red", - "▁Pr ed", - "▁Pre d", - "ub ernetes", - "▁L aura", - "▁La ura", - "▁Laur a", - "▁l abeled", - "▁label ed", - "▁lab eled", - "High light", - "▁anno ying", - "▁annoy ing", - "/ update", - "( description", - "(d escription", - "(de scription", - "(des cription", - "▁intim id", - "$ c", - "\" )))\n", - "\") ))\n", - "\")) )\n", - "\"))) \n", - ". AP", - ".A P", - "▁[ ]*", - "▁[] *", - "▁ EXIT", - "▁EX IT", - ". Host", - ".H ost", - "▁ OPEN", - "▁OP EN", - ".send Message", - "_ camera", - "_c amera", - "_cam era", - "_ tile", - "_t ile", - "▁th erm", - "▁the rm", - "▁ther m", - "onom ous", - "▁dis adv", - "▁na ar", - "index Of", - "▁ PP", - "▁P P", - ". protocol", - ".prot ocol", - ".proto col", - "A FE", - "AF E", - "▁text ures", - "▁texture s", - "▁tex tures", - "################ ################################", - "################################ ################", - "um bai", - "umb ai", - ". stats", - ".st ats", - ".stat s", - "▁ GE", - "▁G E", - "▁ ie", - "▁i e", - "▁ STD", - "▁S TD", - "▁ST D", - "▁M ann", - "▁Man n", - "▁Ma nn", - ". reflect", - ".ref lect", - "K B", - "▁d ive", - "▁di ve", - "▁div e", - ". wav", - ".w av", - "/* ----------------------------------------------------------------", - "/ settings", - "/set tings", - ".l ifecycle", - "▁da ughters", - "▁daughter s", - "o rus", - "or us", - "u ber", - "ub er", - "ube r", - "N ING", - "NI NG", - "s tri", - "st ri", - "str i", - "▁ Tip", - "▁T ip", - "▁Ti p", - "▁ zn", - "▁z n", - "▁switch ed", - "i net", - "in et", - "ine t", - "uff y", - "uf fy", - "▁Transport ation", - "( conf", - "(con f", - "(co nf", - "f rica", - "fr ica", - "▁ XL", - "▁X L", - "▁ Lead", - "▁L ead", - "▁Le ad", - "_ percent", - "_per cent", - "< Map", - " __", - "->_ _", - "per missions", - "perm issions", - "permission s", - "▁D etermine", - "▁Determin e", - ". Man", - ".M an", - "▁adv ances", - "▁advance s", - ". InputStream", - ".Input Stream", - "▁strong est", - "▁e Bay", - "▁# -", - "▁ dirname", - "▁dir name", - "▁S MS", - "▁SM S", - "▁medic ations", - "▁medication s", - "▁am ended", - "▁amen ded", - "▁amend ed", - "▁church es", - "▁Imp erial", - "▁Imper ial", - "$ row", - "$r ow", - "▁Mad ison", - "▁In sp", - "▁Ins p", - "▁aff air", - "▁af fair", - "▁psych ology", - "▁psycho logy", - "v h", - "▁se verity", - "▁sever ity", - "▁str ips", - "▁stri ps", - "▁strip s", - "A H", - "vert ising", - "vertis ing", - "▁con se", - "▁cons e", - "IM AGE", - "▁ Stats", - "▁St ats", - "▁Stat s", - "▁Sta ts", - "\t sc", - "\ts c", - ". Cursor", - ".C ursor", - "▁ freeze", - "▁f reeze", - "▁free ze", - "s son", - "ss on", - "( xml", - "(x ml", - "▁S usan", - "▁Sus an", - "▁Su san", - ". tile", - ".t ile", - "e ded", - "ed ed", - "ede d", - "▁▁ ▁▁\t\t\t", - "▁▁▁▁ \t\t\t", - "▁▁▁ ▁\t\t\t", - "▁▁▁▁\t \t\t", - "▁▁▁▁\t\t \t", - "u elle", - "uel le", - "uell e", - "▁Mitch ell", - "b ased", - "base d", - "ba sed", - "bas ed", - "Oper and", - "▁ FF", - "▁F F", - "\tstr cpy", - "oun ces", - "ounc es", - "ounce s", - "il do", - "ild o", - ".execute Query", - "▁appro aching", - "▁approach ing", - "▁ Seven", - "▁S even", - "▁Se ven", - "▁n uts", - "▁nut s", - "▁nu ts", - "▁ ric", - "▁r ic", - "▁ri c", - "ass ignment", - "assign ment", - "▁cal culator", - "▁calcul ator", - "▁calc ulator", - "▁Mur phy", - "▁B ou", - "▁Bo u", - "▁b utt", - "▁but t", - "▁bu tt", - "▁ ticks", - "▁t icks", - "▁ti cks", - "▁tick s", - "▁tic ks", - "Project s", - "i lib", - "il ib", - "ili b", - ".text Color", - "m ov", - "mo v", - "_ logo", - "_l ogo", - "_log o", - "_lo go", - "( template", - "(t emplate", - "(temp late", - "▁ INIT", - "▁IN IT", - "▁image View", - "s criptions", - "script ions", - "scri ptions", - "scription s", - "OR ITY", - "Con sumer", - "Cons umer", - "Consum er", - "▁un precedented", - "▁tour ist", - "▁tou rist", - "▁b ron", - "▁br on", - "▁bro n", - "▁con tractor", - "▁contract or", - "▁contr actor", - "▁contra ctor", - "▁li cence", - "▁lic ence", - "▁N am", - "▁Na m", - "( transform", - "(trans form", - "_ ATT", - "_A TT", - "_AT T", - "P ref", - "Pr ef", - "Pre f", - "▁G am", - "▁Ga m", - "▁vess els", - "▁vessel s", - "▁h av", - "▁ha v", - "L ater", - "La ter", - "Lat er", - "Late r", - ". ToLower", - ".To Lower", - "▁ urls", - "▁url s", - "▁ur ls", - "▁break down", - "▁pen alties", - "▁penal ties", - "▁f oster", - "▁fo ster", - "▁fost er", - "▁fos ter", - "▁ UE", - "▁U E", - "▁cl ue", - "c omed", - "com ed", - "co med", - "come d", - "- main", - "-m ain", - "▁ pts", - "▁p ts", - "▁pt s", - "▁co unted", - "▁count ed", - "▁coun ted", - "i cts", - "ic ts", - "ict s", - "/ post", - "/p ost", - "▁get attr", - "▁ ping", - "▁p ing", - "▁pi ng", - "▁pin g", - "AN CEL", - "ANCE L", - "ANC EL", - "▁ pec", - "▁p ec", - "▁pe c", - "an tom", - "ant om", - "anto m", - "▁ Blueprint", - "▁Blue print", - "▁Event Emitter", - "▁st raw", - "▁str aw", - "( comp", - "(c omp", - "(com p", - "(co mp", - "' une", - "'un e", - "> N", - "- client", - "-c lient", - "-cl ient", - "-cli ent", - "es Module", - "- base", - "-b ase", - "▁ret reat", - "▁retr eat", - "_ simple", - "_s imple", - "_sim ple", - "\t \t\t\t\t\t▁", - "\t\t \t\t\t\t▁", - "\t\t\t\t \t\t▁", - "\t\t\t \t\t\t▁", - "\t\t\t\t\t \t▁", - "\t\t\t\t\t\t ▁", - "f ee", - "fe e", - "' )\r\n\r\n", - "') \r\n\r\n", - "')\r\n \r\n", - "Control Item", - "▁sub scribers", - "▁subscri bers", - "▁subscribe rs", - "▁subscriber s", - "p lease", - "pl ease", - "ple ase", - "▁ Eff", - "▁E ff", - "▁p ound", - "▁po und", - "▁pou nd", - "▁ Bytes", - "▁By tes", - "▁Byte s", - "▁T ea", - "▁Te a", - "_ activity", - "_act ivity", - "▁max im", - "▁ opcode", - "▁op code", - "▁opc ode", - "B SD", - "BS D", - ". constant", - ".con stant", - ".const ant", - "; }", - "omb res", - "ombre s", - "▁care ers", - "▁career s", - ") .\n\n\n\n", - "). \n\n\n\n", - ").\n\n \n\n", - ").\n \n\n\n", - ").\n\n\n \n", - "▁sp reading", - "▁spread ing", - "- expanded", - "-exp anded", - "-expand ed", - "▁ Ord", - "▁O rd", - "▁Or d", - "am arin", - "ama rin", - "amar in", - "▁mob ility", - "▁mobil ity", - "Un fortunately", - "a kk", - "ak k", - "N L", - "_ redirect", - "_re direct", - "_red irect", - "▁ PG", - "▁P G", - "▁ Sensor", - "▁S ensor", - "▁Sens or", - "b ol", - "bo l", - "t ap", - "ta p", - "_MEM ORY", - "▁ UIAlert", - "▁UI Alert", - "pl itude", - "plit ude", - "We bsite", - "Web site", - "▁ Logo", - "▁L ogo", - "▁Log o", - "▁Lo go", - "l ove", - "lo ve", - "lov e", - "[ ind", - "[i nd", - "[in d", - "▁alto gether", - "▁wonder ed", - "▁es per", - "▁esp er", - "▁Lib eral", - "▁ oss", - "▁o ss", - "▁os s", - "▁e lit", - "▁el it", - "▁st iff", - "od ox", - "odo x", - "_ment ions", - "▁Dou glas", - "▁Doug las", - "_ pid", - "_p id", - "_pi d", - "▁ CK", - "▁C K", - "▁initWith Frame", - ". blog", - ".b log", - ".bl og", - "p kg", - "pk g", - "ang hai", - "QUI RED", - "QUIRE D", - "u u", - "▁ mkdir", - "▁m kdir", - "▁mk dir", - "AT AL", - "ATA L", - "▁u nh", - "▁un h", - "in ces", - "ince s", - "inc es", - "s th", - "st h", - "▁hypo thesis", - "▁hypoth esis", - "▁c ata", - "▁ca ta", - "▁cat a", - "▁ TB", - "▁T B", - "▁C lar", - "▁Cl ar", - "▁Cla r", - "▁pre decess", - "▁pred ecess", - "▁sit uated", - "▁situ ated", - "- world", - "-w orld", - ") )/", - ")) /", - "▁head lines", - "▁headline s", - ". stat", - ".st at", - "▁out break", - "s path", - "sp ath", - "_ FLAGS", - "_FLAG S", - "▁Servlet Exception", - "S un", - "Su n", - "F ROM", - "FR OM", - "▁ Dir", - "▁D ir", - "▁Di r", - "_ coord", - "_co ord", - "▁Op tim", - "▁Opt im", - "M onitor", - "Mon itor", - ". bit", - ".b it", - ".bi t", - "X XX", - "XX X", - "▁to das", - "▁tod as", - "▁toda s", - "f eld", - "fe ld", - "fel d", - "i mir", - "im ir", - "imi r", - "▁polit ically", - "▁political ly", - "▁m olecular", - "▁molec ular", - "▁mole cular", - "▁tr aded", - "▁trad ed", - "▁trade d", - "▁tra ded", - "▁ {{$", - "▁{ {$", - "▁{{ $", - "▁Sw edish", - "▁'@ /", - "_ REAL", - "_RE AL", - "▁ warehouse", - "▁w arehouse", - "▁ware house", - "t oday", - "to day", - ", L", - "o rp", - "or p", - "< section", - " false", - "▁s pa", - "▁sp a", - "▁ Near", - "▁N ear", - "▁Ne ar", - "▁int rig", - "▁intr ig", - "_ members", - "_m embers", - "_mem bers", - "_member s", - "w ave", - "wa ve", - "wav e", - "▁analy sts", - "▁analyst s", - "▁analys ts", - "_ OS", - "_O S", - "ed in", - "edi n", - "▁ Fri", - "▁F ri", - "▁Fr i", - "▁retrie ved", - "▁retrieve d", - "▁retr ieved", - "Reg ular", - "_ obs", - "_o bs", - "_ob s", - "EX PORT", - "EXP ORT", - "') }}\"", - "')}} \"", - "')} }\"", - "\" class", - "__ ((", - "__( (", - "b ucket", - "bu cket", - "▁s tro", - "▁st ro", - "▁str o", - "▁ Patch", - "▁P atch", - "▁Pat ch", - "y stick", - "yst ick", - "ys tick", - "ful ness", - "a pos", - "ap os", - "D a", - "\t \t\t\t\t▁▁▁", - "\t\t \t\t\t▁▁▁", - "\t\t\t\t \t▁▁▁", - "\t\t\t \t\t▁▁▁", - "\t\t\t\t\t ▁▁▁", - "\t\t\t\t\t▁ ▁▁", - "\t\t\t\t\t▁▁ ▁", - "▁en rich", - "un ordered", - "h ole", - "ho le", - "hol e", - "C ong", - "Con g", - "Co ng", - "< Product", - "▁C urt", - "▁Cur t", - "▁Cu rt", - "( the", - "(t he", - "(th e", - "_ lower", - "_l ower", - "_lo wer", - "_low er", - "▁avoid ing", - "▁b uzz", - "▁bu zz", - "▁v iable", - "▁vi able", - "▁via ble", - "u ba", - "ub a", - "- is", - "-i s", - "a rel", - "ar el", - "are l", - "▁ acted", - "▁act ed", - "▁ac ted", - "- details", - "-d etails", - "-de tails", - "-detail s", - "▁The ory", - "▁P un", - "▁Pu n", - "▁ Anonymous", - "▁An onymous", - ".. .\"\n", - "... \"\n", - "...\" \n", - "▁V ision", - "▁Vis ion", - "_ sem", - "_s em", - "_se m", - "a sha", - "as ha", - "ash a", - "▁celebr ity", - "▁ endDate", - "▁end Date", - "▁ populate", - "▁pop ulate", - "▁popul ate", - "▁c uis", - "▁cu is", - "▁cui s", - "q uant", - "qu ant", - "qua nt", - "f loor", - "fl oor", - "▁global ly", - "▁glob ally", - "▁cru ise", - "▁cruis e", - "▁Stan ley", - "▁b ikes", - "▁bi kes", - "▁bike s", - "▁bik es", - ". getConnection", - ".get Connection", - "▁poor ly", - "_ other", - "_o ther", - "am ping", - "amp ing", - ". \");\n\n", - ".\" );\n\n", - ".\");\n \n", - ".\") ;\n\n", - ".\"); \n\n", - "o di", - "od i", - "_ ADMIN", - "_A DMIN", - "_AD MIN", - ". colors", - ".color s", - ".col ors", - "▁G aming", - "▁Ga ming", - "▁Gam ing", - "> ';\n\n", - ">' ;\n\n", - ">';\n \n", - ">'; \n\n", - "STR UCT", - "STRU CT", - "Q R", - "ID s", - "( arguments", - "(arg uments", - "_ aux", - "_a ux", - "( Event", - "(E vent", - "_PR IVATE", - "▁T rek", - "▁Tr ek", - "▁Tre k", - "▁down loads", - "▁download s", - "m utable", - "mut able", - "mu table", - "_ STRUCT", - "_STR UCT", - "( wx", - "(w x", - "▁ domains", - "▁dom ains", - "▁domain s", - "js px", - "▁Vi agra", - "▁Via gra", - "Command s", - "Comm ands", - "J s", - ". cfg", - ".c fg", - "Content Pane", - "▁ EditText", - "▁Edit Text", - "Att ach", - "▁ ARM", - "▁A RM", - "▁AR M", - "pos itive", - "posit ive", - "▁ Generated", - "▁G enerated", - "▁Gener ated", - "▁Generate d", - "▁Gene rated", - "▁se ized", - "▁seiz ed", - "▁sei zed", - "▁seize d", - "= :", - "▁elect ronics", - "▁electronic s", - "▁electron ics", - "▁ AppComponent", - "▁App Component", - "/ ',\n", - "/' ,\n", - "/', \n", - ". equalsIgnoreCase", - ".equals IgnoreCase", - "Do ctrine", - "d isk", - "dis k", - "di sk", - "▁Pol itical", - "▁Polit ical", - "C HO", - "CH O", - "< F", - "\t height", - "▁ Bug", - "▁B ug", - "▁Bu g", - ". le", - ".l e", - "i kh", - "ik h", - "▁ milliseconds", - "▁m illiseconds", - "▁mill iseconds", - "▁const itu", - "▁constit u", - "m ag", - "ma g", - ". nl", - ".n l", - "- range", - "-r ange", - "ang gal", - "' ,[", - "', [", - "ropol itan", - "▁ UC", - "▁U C", - ". desc", - ".d esc", - ".de sc", - ".des c", - "- LAST", - "-L AST", - "f stream", - "fst ream", - "i bil", - "ib il", - "ibi l", - "▁f ier", - "▁fi er", - "V ERY", - "VER Y", - "VE RY", - "I RT", - "IR T", - "_ UI", - "_U I", - "( abs", - "(a bs", - "(ab s", - "▁kn ees", - "▁kne es", - "▁knee s", - "▁r ookie", - "▁ro okie", - "▁V ac", - "▁Va c", - "a rena", - "ar ena", - "are na", - "aren a", - "comm end", - "- \\", - "▁SUB STITUTE", - "S oft", - "So ft", - "▁part ir", - "we alth", - "( dataset", - "(d ataset", - "(data set", - "(dat aset", - "▁Cl imate", - "- show", - "-s how", - "-sh ow", - "▁reli ability", - "_ chunk", - "_ch unk", - "_ stock", - "_st ock", - "▁EX EMPLARY", - "▁sm iled", - "▁smile d", - "▁dr ill", - "▁dri ll", - ". Function", - ".F unction", - "▁ SI", - "▁S I", - "▁re gression", - "▁reg ression", - "- X", - "▁J ar", - "▁Ja r", - "p ref", - "pr ef", - "pre f", - "\t success", - "\ts uccess", - "▁Hit ler", - "▁inst inct", - "▁fem mes", - "▁femme s", - "▁ lover", - "▁l over", - "▁lo ver", - "▁love r", - "< \n", - "▁multi plier", - "▁multip lier", - "r il", - "ri l", - "Re size", - "Res ize", - "▁ Authorization", - "▁Author ization", - "▁K an", - "▁Ka n", - "Dispatch ToProps", - "▁c rops", - "▁cr ops", - "▁cro ps", - "▁crop s", - "t okens", - "token s", - "tok ens", - "e cn", - "ec n", - "ent ially", - "ential ly", - "enti ally", - "▁INTERRU PTION", - "f ake", - "fa ke", - "Un defined", - "Und efined", - "▁ AK", - "▁A K", - "▁ TestCase", - "▁Test Case", - "▁ rab", - "▁r ab", - "▁ra b", - "▁t orrent", - "▁tor rent", - "▁O t", - "B ars", - "Bar s", - "Ba rs", - "▁lect ure", - "▁en jo", - "▁respond s", - "▁resp onds", - "▁index ed", - "▁inde xed", - "Of Work", - "_ chain", - "_ch ain", - ") )->", - ")) ->", - "▁Be auty", - "▁Beaut y", - "▁Bea uty", - "▁` <", - "▁touch ing", - "▁tou ching", - "▁| --", - "▁|- -", - "\t flag", - "\tf lag", - "normal ize", - "▁t rapped", - "▁tr apped", - "▁tra pped", - "▁trap ped", - "▁establish ing", - "/ build", - "/b uild", - "A J", - "f y", - "- react", - "-re act", - "a vn", - "av n", - "RI PTION", - "RIPT ION", - "▁k ut", - "▁ku t", - "▁F ashion", - "▁ Inform", - "▁In form", - "▁Info rm", - "▁Inf orm", - "c urities", - "cur ities", - "< byte", - "▁Ukr ain", - "▁Uk rain", - "▁s ug", - "▁su g", - "▁cons isting", - "▁consist ing", - "ood le", - ". ctx", - ".c tx", - ".ct x", - ". ToList", - ".To List", - "▁comment ary", - "▁trans fers", - "▁transfer s", - "▁transf ers", - "▁ nost", - "▁n ost", - "▁no st", - "▁nos t", - "i had", - "ih ad", - "▁ Upper", - "▁U pper", - "▁Up per", - "▁conf using", - "m issing", - "miss ing", - "- cl", - "-c l", - "▁ bounding", - "▁b ounding", - "▁bo unding", - "▁bound ing", - "▁congress ional", - "▁congr essional", - "▁reve aling", - "▁reveal ing", - "d h", - "r up", - "ru p", - "▁ tres", - "▁t res", - "▁tr es", - "▁tre s", - "re peat", - "rep eat", - ", \n\n\n\n", - ",\n \n\n\n", - ",\n\n \n\n", - ",\n\n\n \n", - "_t ac", - "▁ex ped", - "▁exp ed", - "G irl", - "Gi rl", - "h orizontal", - "hor izontal", - "▁\" ../../../", - "▁\"../ ../../", - "▁\"../../ ../", - "( option", - "(o ption", - "(op tion", - "(opt ion", - "▁we iter", - "\t sql", - "\ts ql", - "▁ =>{\n", - "▁= >{\n", - "▁=> {\n", - "▁gar lic", - "▁ repr", - "▁re pr", - "▁rep r", - "▁re plies", - "▁rep lies", - "▁repl ies", - "( prop", - "(p rop", - "(pro p", - "(pr op", - "▁spirit s", - "▁spir its", - "▁ins pire", - "▁inspir e", - "▁base ment", - "▁bas ement", - ". reject", - ".re ject", - "▁h ints", - "▁hint s", - "▁hin ts", - "▁pol ling", - "▁poll ing", - "\t ▁\n", - "\t▁ \n", - "_ rating", - "_r ating", - "_ra ting", - "▁c ath", - "▁ca th", - "▁cat h", - "a vier", - "av ier", - "avi er", - "▁ compressed", - "▁com pressed", - "▁comp ressed", - "▁compr essed", - "▁compress ed", - "▁ VS", - "▁V S", - "] '", - "▁jud icial", - "▁T rend", - "▁Tr end", - "▁Tre nd", - "tr aining", - "tra ining", - "train ing", - "EST AMP", - "ogn ition", - "S ENT", - "SE NT", - "SEN T", - "vent ions", - "vention s", - "▁consult ant", - "▁consulta nt", - "u mph", - "um ph", - "ump h", - "▁user Service", - ", NULL", - ",N ULL", - "k h", - "D ear", - "De ar", - "_ BAD", - "_B AD", - "it ations", - "itation s", - "itat ions", - "▁met aph", - "▁meta ph", - "and ise", - "- font", - "-f ont", - ". chart", - ".c hart", - ".ch art", - ".char t", - "▁ sg", - "▁s g", - "_ Controller", - "_Control ler", - ". jpeg", - ".j peg", - ".jp eg", - "▁ ULONG", - "▁U LONG", - "▁UL ONG", - "\t game", - "\tg ame", - "( ss", - "(s s", - "▁M aj", - "▁Ma j", - "\t go", - "\tg o", - "▁ Sad", - "▁S ad", - "▁Sa d", - "▁B erg", - "▁Be rg", - "▁Ber g", - "▁M ine", - "▁Min e", - "▁Mi ne", - "P ack", - "Pa ck", - "▁res istant", - "▁resist ant", - "▁ ROM", - "▁R OM", - "▁RO M", - "▁ peg", - "▁p eg", - "▁pe g", - "▁Stan ford", - "▁Y ahoo", - "▁s caled", - "▁sc aled", - "▁scale d", - "▁sca led", - "▁scal ed", - "▁ lan", - "▁l an", - "▁la n", - "= []", - "=[ ]", - "\"/ > \r\r\n", - "▁s ud", - "▁su d", - "\t background", - "▁sch olars", - "▁scholar s", - "-m uted", - "▁ =====", - "▁= ====", - "▁== ===", - "▁=== ==", - "▁ ____", - "▁_ ___", - "▁__ __", - "▁___ _", - "C reat", - "Cre at", - "Cr eat", - "e never", - "en ever", - "ene ver", - "/ wp", - "/w p", - "▁ VPN", - "▁V PN", - "▁VP N", - "Error Code", - ") ],\n", - ")] ,\n", - ")], \n", - "( builder", - "(b uilder", - "(build er", - "▁ Enemy", - "▁En emy", - "S ensor", - "u sa", - "us a", - "▁tr iggers", - "▁trigger s", - "▁trig gers", - "▁play offs", - "▁playoff s", - "_ REQ", - "_RE Q", - "_R EQ", - "▁ (~", - "▁( ~", - "▁B arry", - "▁Bar ry", - "▁Barr y", - "▁perman ently", - "▁permanent ly", - "▁ RUN", - "▁R UN", - "▁b ure", - "▁bu re", - "▁bur e", - ".Fatal f", - ".Fat alf", - "▁ch ick", - "▁chi ck", - "▁chic k", - "\t panic", - "\tp anic", - "p si", - "ps i", - "o ka", - "ok a", - "> [", - "▁understand s", - "▁underst ands", - "▁Jun ior", - "▁ INFO", - "▁IN FO", - "▁INF O", - "= mysqli", - "=m ysqli", - "=mysql i", - "us tain", - "ust ain", - "- source", - "-s ource", - "s erv", - "se rv", - "ser v", - "▁ CREATE", - "▁C REATE", - "▁CRE ATE", - ". au", - ".a u", - "▁s ells", - "▁sell s", - "▁sel ls", - "▁ ▁\n▁▁\n", - "▁▁ \n▁▁\n", - "▁▁\n ▁▁\n", - "E urope", - "z w", - "p reh", - "pr eh", - "pre h", - "▁N SA", - "▁NS A", - "▁ xy", - "▁x y", - "▁ Beyond", - "▁B eyond", - "▁Bey ond", - "In stead", - "Inst ead", - "Non Query", - "▁a rise", - "▁ar ise", - "▁avoid ed", - ".em place", - "_ models", - "_model s", - "_mode ls", - "_mod els", - "} ),\n", - "}) ,\n", - "}), \n", - "▁ hid", - "▁h id", - "▁hi d", - "▁& _", - ". points", - ".p oints", - ".point s", - ".po ints", - ".get Width", - ". Exec", - ".Ex ec", - ".E xec", - "▁ ////", - "▁// //", - "▁/ ///", - "▁/// /", - "▁ Sessions", - "▁S essions", - "▁Session s", - ". ..\\", - ".. .\\", - "... \\", - "▁Col omb", - "▁acceler ation", - "re store", - "rest ore", - "▁ ile", - "▁i le", - "▁il e", - "ob ic", - "obi c", - "< Node", - " }\n", - ">} \n", - "pl aint", - "plain t", - "pla int", - "get Text", - "▁individual ly", - "▁individ ually", - "▁ checkbox", - "▁check box", - "U Y", - "▁L amb", - "▁La mb", - "▁Lam b", - "▁dys function", - "▁L ar", - "▁La r", - "▁ Creating", - "▁Cre ating", - "▁Creat ing", - "' );\n\n\n", - "') ;\n\n\n", - "');\n \n\n", - "');\n\n \n", - "'); \n\n\n", - "\" They", - "\"The y", - "l ocations", - "loc ations", - "location s", - "_ CORE", - "_C ORE", - "_CO RE", - "_COR E", - "Inter action", - "umbn ails", - "umbnail s", - "▁ Partner", - "▁Part ner", - "b rit", - "br it", - "▁l esser", - "▁less er", - "▁les ser", - "▁ Slot", - "▁S lot", - "▁Sl ot", - "▁Slo t", - "set Attribute", - "▁ Wave", - "▁W ave", - "▁Wa ve", - ". po", - ".p o", - "/ store", - "/st ore", - "▁brows ing", - "_ pd", - "_p d", - "s ume", - "sum e", - "su me", - "s ed", - "se d", - "Cur ve", - "▁pl asma", - "▁susp icious", - "▁B ah", - "▁Ba h", - "▁Exp licit", - "▁Expl icit", - "_ CC", - "_C C", - ".Client Size", - "\\ View", - "▁sub stit", - "▁subs tit", - "▁subst it", - "l oon", - "lo on", - "loo n", - "▁ GAME", - "▁G AME", - "▁GA ME", - "▁B rid", - "▁Br id", - "▁Bri d", - "_ User", - "_U ser", - "▁s quares", - "▁squ ares", - "▁square s", - "f one", - "fo ne", - "fon e", - "▁sa cred", - "▁sac red", - "▁sacr ed", - "ug hs", - "ugh s", - "] interface", - "▁ Throw", - "▁Th row", - "▁Thr ow", - "▁K irk", - "▁Kir k", - "▁Ki rk", - "▁em pire", - "▁emp ire", - "▁empir e", - "▁ass essed", - "▁assess ed", - "T ax", - "Ta x", - "▁He aven", - "- buffer", - "-b uffer", - "_ STATIC", - "_ST ATIC", - "_STAT IC", - "-b ordered", - "-border ed", - "▁p unct", - "▁pun ct", - "( mode", - "(m ode", - "(mod e", - "▁ke ine", - "▁kein e", - "S ent", - "Se nt", - "Sen t", - "▁ Calcul", - "▁Cal cul", - "▁Calc ul", - "▁E ve", - "▁Ev e", - "▁sty lish", - "▁styl ish", - "▁o ils", - "▁oil s", - ". TestCase", - ".Test Case", - "▁trad emark", - "▁trade mark", - "▁liter ary", - "▁lite rary", - "▁concentr ations", - "▁concentration s", - "▁Re lations", - "▁Rel ations", - "▁Relation s", - "( Class", - "(C lass", - "(Cl ass", - "▁ stdin", - "▁std in", - "back up", - ". VERSION", - ".V ERSION", - ".AutoScale Dimensions", - "st arter", - "start er", - "star ter", - "Transaction al", - "- panel", - "-p anel", - "-pane l", - "St udio", - "k c", - "▁Ch amber", - "▁Cham ber", - "▁S piel", - "▁Sp iel", - "▁Spi el", - "▁ rho", - "▁r ho", - "▁rh o", - "! '", - ". Attributes", - ".At tributes", - ".Attribute s", - "▁murder ed", - "apeut ic", - "▁int imate", - "▁intim ate", - "▁ textField", - "▁t extField", - "▁text Field", - "▁Buff alo", - "d ummy", - "\" %", - "▁Lib erty", - "▁Libert y", - "o bar", - "ob ar", - "oba r", - "▁T ank", - "▁Ta nk", - "▁Tan k", - "▁ Popular", - "▁Pop ular", - "er visor", - "erv isor", - "▁In iti", - "▁Init i", - "▁M all", - "▁Mal l", - "▁Ma ll", - "▁ Prior", - "▁P rior", - "▁Pr ior", - "▁Pri or", - "C AP", - "CA P", - "▁C lay", - "▁Cl ay", - "▁Cla y", - "▁ Certificate", - "▁C ertificate", - "▁Cert ificate", - ". Lock", - ".L ock", - "- strip", - "-s trip", - "-st rip", - "-str ip", - "-dr iven", - "/ all", - "/a ll", - "/al l", - "▁MessageBox Buttons", - "_SE CRET", - "_SEC RET", - "_ pb", - "_p b", - "▁r ats", - "▁rat s", - "▁ra ts", - "▁ nt", - "▁n t", - ". Router", - ".R outer", - ".Route r", - "_ topic", - "_t opic", - "_to pic", - "_top ic", - "▁t ennis", - "▁ten nis", - "▁ PUBLIC", - "▁P UBLIC", - "▁Activ atedRoute", - "▁ ',\n", - "▁' ,\n", - "▁', \n", - "▁cost ume", - "▁j okes", - "▁jo kes", - "▁joke s", - ". Handle", - ".H andle", - ".Hand le", - "\t byte", - "▁fl avors", - "▁flavor s", - "▁flav ors", - "( cc", - "(c c", - "▁person as", - "▁pers onas", - "▁persona s", - "\t image", - "\ti mage", - "\tim age", - "▁N azi", - "▁Na zi", - "▁Naz i", - "▁ grammar", - "▁gram mar", - "▁val ve", - "▁ vic", - "▁v ic", - "▁vi c", - "▁R achel", - "▁Rac hel", - "_ invalid", - "_in valid", - "P refs", - "Pr efs", - "Pre fs", - "Pref s", - "std int", - "stdin t", - "( route", - "(r oute", - "▁html specialchars", - "▁pe oples", - "▁people s", - "p line", - "pl ine", - "▁ nv", - "▁n v", - "▁ Quant", - "▁Q uant", - "▁Qu ant", - "o ppers", - "op pers", - "opp ers", - "opper s", - "▁ currentUser", - "▁current User", - "▁C atal", - "▁Ca tal", - "▁Cat al", - "▁re conc", - "▁recon c", - "▁reco nc", - "▁conj unction", - "l x", - "am burg", - "amb urg", - "▁influ ential", - "d anger", - "dan ger", - "in ders", - "ind ers", - "inder s", - "inde rs", - "▁ %@\",", - "▁% @\",", - "▁%@ \",", - ". configuration", - ".config uration", - "o some", - "os ome", - "oso me", - ". identity", - ".id entity", - "▁ picker", - "▁p icker", - "▁pick er", - "▁pi cker", - "▁pic ker", - "n ost", - "no st", - "nos t", - "▁DI Y", - "Aug ust", - "a blo", - "ab lo", - "abl o", - "Le af", - "▁R eco", - "▁Re co", - "▁Rec o", - "c ko", - "ck o", - "D OC", - "DO C", - "▁H erm", - "▁He rm", - "▁Her m", - ": any", - ":a ny", - "▁ Interview", - "▁Int erview", - "▁Inter view", - "▁ Tex", - "▁T ex", - "▁Te x", - "x fe", - "xf e", - "( work", - "(w ork", - "▁le ap", - "He ading", - "Head ing", - "▁ quarters", - "▁qu arters", - "▁quarter s", - "▁quar ters", - "▁quart ers", - "\\ Bundle", - "r eb", - "re b", - "Per haps", - "▁G mbH", - "B irth", - "\t sum", - "\ts um", - "▁Wat son", - ". nil", - ".n il", - "{ }\n\n", - "{} \n\n", - "{}\n \n", - "ic aid", - "ica id", - "G etter", - "Get ter", - "\" name", - "▁ \"\r\n", - "▁\" \r\n", - "_ none", - "_n one", - "_no ne", - "_non e", - "z m", - "ac ute", - "u esto", - "ue sto", - "ues to", - "uest o", - "▁s ous", - "▁so us", - "▁sou s", - "▁re build", - "▁reb uild", - "▁news papers", - "▁newsp apers", - "▁newspaper s", - "▁H az", - "▁Ha z", - "▁k its", - "▁kit s", - "▁ki ts", - "i fo", - "if o", - "Bl ur", - "▁su ited", - "▁suit ed", - "▁suite d", - "- In", - "-I n", - "▁Ke ith", - "▁Nor way", - "IN IT", - "ire ccion", - "i eties", - "ie ties", - "iet ies", - "_ usage", - "_us age", - "▁D oug", - "▁Do ug", - "▁Dou g", - "r ise", - "ri se", - "ris e", - "▁tr illion", - "im ited", - "imit ed", - "imi ted", - "▁ REL", - "▁R EL", - "▁RE L", - "a lic", - "al ic", - "ali c", - "▁critic ized", - "▁criticize d", - "the orem", - "▁c ease", - "▁ce ase", - "▁side w", - "▁sid ew", - "▁T erry", - "▁Ter ry", - "▁Terr y", - "▁subs idi", - "▁subsid i", - "▁firm ly", - "▁ aws", - "▁a ws", - "▁aw s", - "▁h ott", - "▁hot t", - "▁ho tt", - "▁d ressing", - "▁dress ing", - "b adge", - "bad ge", - "▁ Applications", - "▁App lications", - "▁Application s", - "▁laugh ed", - "▁h obby", - "▁mus icians", - "▁music ians", - "▁musician s", - "▁ *.", - "▁* .", - ". placeholder", - ".place holder", - "▁count ers", - "▁coun ters", - "▁counter s", - "▁Cap itol", - "S DK", - "SD K", - "▁hel met", - "▁helm et", - "and box", - "q uit", - "qu it", - "qui t", - "▁criminal s", - "▁teen ager", - "▁teenage r", - "( update", - "(up date", - "G l", - ". selection", - ".s election", - ".se lection", - ".select ion", - "▁dis charge", - "▁present ing", - "ufact urer", - "_ UNKNOWN", - "_UN KNOWN", - "▁st ressed", - "▁str essed", - "▁stress ed", - "Pro to", - "Pr oto", - "Prot o", - "_ correct", - "_c orrect", - "_cor rect", - "_corr ect", - "h aus", - "ha us", - "▁re nov", - "▁ren ov", - "▁fire arms", - "▁firearm s", - "▁techn ically", - "▁technical ly", - "- browser", - "-b rowser", - "▁c andy", - "▁can dy", - "▁cand y", - "St roke", - "Str oke", - "▁exec utor", - "▁execut or", - "▁occ urrence", - "▁occur rence", - "▁ IPv", - "▁IP v", - "_INTER FACE", - "▁Re trieve", - "▁Ret rieve", - "▁Retrie ve", - ". bad", - ".b ad", - ".ba d", - "Ex change", - "Nav bar", - "▁K id", - "▁Ki d", - "(get ApplicationContext", - "_ STOP", - "_S TOP", - "_ST OP", - "▁ Boss", - "▁B oss", - "▁Bo ss", - "▁Bos s", - "List eners", - "Listener s", - "Listen ers", - "▁sh ooter", - "▁shoot er", - "▁A lb", - "▁Al b", - "▁ pix", - "▁p ix", - "▁pi x", - ".key Code", - "al one", - "alo ne", - "alon e", - "▁abs urd", - "▁C um", - "▁Cu m", - "▁Newton soft", - "i kt", - "ik t", - "▁laugh ing", - "▁capital ism", - "ree Node", - "T x", - "_ QUERY", - "_QU ERY", - ". Sleep", - ".S leep", - "( login", - "(log in", - "Web Element", - "▁celebr ating", - "▁ deprecated", - "▁de precated", - "▁dep recated", - "▁ma ar", - "▁art istic", - "▁artist ic", - "_ASS OC", - "▁Border Radius", - "\t wp", - "\tw p", - "▁surviv ors", - "▁survivor s", - "In ner", - "- red", - "-r ed", - "-re d", - "▁prosec ution", - "_ pp", - "_p p", - "( \"$", - "\"=> $", - "▁ comma", - "▁com ma", - "▁co mma", - "▁comm a", - "un checked", - "g raphics", - "graph ics", - "r ors", - "ro rs", - "ror s", - "G ROUND", - "GR OUND", - "( public", - "(p ublic", - "▁custom ized", - "▁customize d", - "▁Ark ansas", - "▁ Rew", - "▁R ew", - "▁Re w", - "▁ex piration", - "▁exp iration", - "▁C ul", - "▁Cu l", - "▁n ons", - "▁no ns", - "▁non s", - ". Filter", - ".F ilter", - "▁sen ator", - "_ definition", - "_def inition", - "ash ington", - "ashing ton", - "y mph", - "ym ph", - "/ J", - "▁f use", - "▁fu se", - "ra mid", - "ram id", - "▁ Supplier", - "▁Sup plier", - "▁ autocomplete", - "▁aut ocomplete", - "▁auto complete", - "▁ }),", - "▁} ),", - "▁}) ,", - ". \"\n\n\n", - ".\" \n\n\n", - ".\"\n\n \n", - ".\"\n \n\n", - "_ functions", - "_function s", - "_fun ctions", - "\t to", - "\tt o", - ". eval", - ".e val", - "▁T Object", - "▁TO bject", - "Re ferences", - "Reference s", - "Refer ences", - "▁he ated", - "▁heat ed", - "H AL", - "HA L", - "▁) )}\n", - "▁)) }\n", - "} $", - "▁B arr", - "▁Bar r", - "▁Ba rr", - "_ UNIT", - "_UN IT", - "+ $", - "▁ getValue", - "▁get Value", - "i ped", - "ip ed", - "ipe d", - "ch ied", - "chie d", - "chi ed", - "( vm", - "(v m", - "c ue", - "cu e", - "_ integer", - "_int eger", - "_ course", - "_c ourse", - "_co urse", - "th ird", - "▁re vised", - "▁rev ised", - "▁revis ed", - "* */\n", - "** /\n", - "_ DIRECT", - "_D IRECT", - "_DIR ECT", - "_DI RECT", - "Out Of", - "( \"(", - "(\" (", - "▁ Feel", - "▁Fe el", - "▁Fee l", - "▁re ass", - "▁ subtitle", - "▁sub title", - "▁subt itle", - "p eri", - "pe ri", - "per i", - "n f", - "▁enjoy s", - "▁enjo ys", - "▁treat s", - "▁tre ats", - ") this", - "- tabs", - "-t abs", - "-tab s", - "an cers", - "ance rs", - "anc ers", - "ancer s", - "▁cont inent", - "▁contin ent", - "▁card io", - "S er", - "Se r", - ". question", - ".q uestion", - ".qu estion", - "▁ph rases", - "▁phrase s", - "Valid ators", - "Validator s", - "▁pop ul", - "s ong", - "so ng", - "son g", - "_ INTERNAL", - "_IN TERNAL", - "▁adv iser", - "▁advis er", - "▁advise r", - "▁p uzz", - "▁pu zz", - "▁ambit ious", - "▁T ob", - "▁To b", - "▁ DP", - "▁D P", - "▁pres idency", - "▁sur render", - "▁surre nder", - "▁w atches", - "▁watch es", - "▁wat ches", - "_ binary", - "_b inary", - "_bin ary", - "▁S oon", - "▁So on", - "▁can ada", - "(\" \")\n", - "(\"\" )\n", - "(\"\") \n", - "] ='", - "]= '", - "▁Br andon", - "▁Brand on", - "e psilon", - "eps ilon", - "r w", - ". addChild", - ".add Child", - ". Copy", - ".C opy", - ".Co py", - "Pr incipal", - "Ph otos", - "Photo s", - "Phot os", - "▁margin al", - "▁marg inal", - "▁bas ics", - "▁basic s", - "e ing", - "ei ng", - "M ust", - "Mu st", - "Mus t", - "_ String", - "_S tring", - "_Str ing", - "▁ ole", - "▁o le", - "▁ol e", - "M agento", - "Mag ento", - ". customer", - ".c ustomer", - ".custom er", - "( prev", - "(p rev", - "(pr ev", - "(pre v", - "▁lo yalty", - "▁loyal ty", - "C og", - "Co g", - "▁prot ocols", - "▁protocol s", - "▁proto cols", - "▁Com panies", - "▁theoret ical", - "▁theor etical", - "▁access ing", - "▁Z en", - "▁Ze n", - ". ones", - ".on es", - ".o nes", - ".one s", - "att ice", - "atti ce", - "_ world", - "_w orld", - "z es", - "ze s", - "▁tatto o", - "▁me nos", - "▁men os", - "▁inter sect", - "\" ];\n\n", - "\"] ;\n\n", - "\"];\n \n", - "\"]; \n\n", - "be lie", - "bel ie", - "▁ inactive", - "▁in active", - ".read line", - "-label led", - ". done", - ".d one", - ".do ne", - "lic kr", - "lick r", - "▁ WORK", - "▁W ORK", - "▁der ivative", - "▁deriv ative", - "▁d atabases", - "▁database s", - "▁ sx", - "▁s x", - ".is Array", - "▁ ys", - "▁y s", - "▁p ada", - "▁pa da", - "▁pad a", - "▁ Bullet", - "▁B ullet", - "▁Bul let", - "▁Bull et", - "(` /", - "is Active", - "▁ CGSize", - "▁CG Size", - "(equal To", - "▁Colum bus", - "▁m arry", - "▁mar ry", - "D EV", - "DE V", - "_ limits", - "_l imits", - "_limit s", - "_li mits", - "_lim its", - "r ones", - "ro nes", - "ron es", - "I AS", - "IA S", - "▁ tau", - "▁t au", - "▁ta u", - "m ino", - "min o", - "mi no", - "_ Write", - "_W rite", - "▁W ine", - "▁Win e", - "▁Wi ne", - "▁ [['", - "▁[ ['", - "▁[[ '", - "▁ Pull", - "▁P ull", - "▁Pu ll", - "▁Pul l", - "ri ters", - "rit ers", - "rite rs", - "riter s", - "r ients", - "ri ents", - "rient s", - "rien ts", - "▁sh ifting", - "▁shift ing", - "u pp", - "up p", - "_T IMER", - "_TIME R", - "_TIM ER", - "_TI MER", - "▁ Conditions", - "▁Condition s", - "▁Cond itions", - "▁ Orders", - "▁Or ders", - "▁Order s", - "▁Ord ers", - "▁ Strength", - "▁St rength", - "▁Str ength", - "▁Stre ngth", - "▁val idity", - "▁valid ity", - "▁f ot", - "▁fo t", - "et ur", - "▁ bolt", - "▁b olt", - "▁bo lt", - "▁bol t", - "▁ Along", - "▁A long", - "▁Al ong", - "o shi", - "os hi", - "osh i", - "▁assum ptions", - "▁assumption s", - "▁mag azines", - "▁magazine s", - "_ SPI", - "_S PI", - "_SP I", - "▁p unt", - "▁pun t", - "▁pu nt", - "_ PRODUCT", - "_PRO DUCT", - "▁re lay", - "▁r elay", - "▁rel ay", - "▁J avascript", - "▁Java script", - ". te", - ".t e", - "- es", - "-e s", - "▁ widgets", - "▁widget s", - "▁wid gets", - "( fs", - "(f s", - "< Item", - " \";", - ">\" ;", - "at ching", - "atch ing", - "▁K nowledge", - "▁Know ledge", - "\t The", - "\tT he", - "; margin", - "less ness", - "o pard", - "op ard", - "opa rd", - "u matic", - "um atic", - "uma tic", - "umat ic", - "( )));\r\n", - "() ));\r\n", - "()) );\r\n", - "())) ;\r\n", - "▁f als", - "▁fa ls", - "▁fal s", - "( cache", - "(c ache", - "Type Id", - "_ choice", - "_ch oice", - "▁G oth", - "▁Go th", - "▁Got h", - "▁S ites", - "▁Si tes", - "▁Site s", - "▁Sit es", - "M G", - "_ border", - "_b order", - "Ind ices", - "Com parer", - "Comp arer", - "Compar er", - "Compare r", - "▁Red istribution", - "▁Redis tribution", - "▁close t", - "▁clos et", - "▁clo set", - "▁vers atile", - "▁versa tile", - "In puts", - "Input s", - "**** ****************", - "**************** ****", - "▁ob esity", - "qu iz", - "qui z", - "g ra", - "gr a", - "( global", - "(g lobal", - "▁col lector", - "▁coll ector", - "▁collect or", - "▁colle ctor", - "▁ kor", - "▁k or", - "▁ko r", - "o vable", - "ov able", - "ova ble", - "A DC", - "AD C", - "▁ EventHandler", - "▁Event Handler", - ". nc", - ".n c", - "▁play back", - "ient os", - "ien tos", - "iento s", - "_ perm", - "_p erm", - "_per m", - "_pe rm", - "_ WARNING", - "_W ARNING", - "_WARN ING", - "▁Olymp ics", - "▁Olympic s", - ". norm", - ".n orm", - ".no rm", - "▁ Broadcast", - "▁B roadcast", - "▁Broad cast", - "_ small", - "_s mall", - "_sm all", - "d rive", - "dr ive", - ". iloc", - ".i loc", - "▁ typed", - "▁t yped", - "▁type d", - "▁typ ed", - "▁ty ped", - "M EM", - "ME M", - "_ cons", - "_c ons", - "_con s", - "_co ns", - "D METHOD", - "DM ETHOD", - "▁l un", - "▁lu n", - ". distance", - ".d istance", - ".di stance", - ".dist ance", - "( par", - "(p ar", - "p oon", - "po on", - "▁ bast", - "▁b ast", - "▁bas t", - "▁ba st", - "act ivities", - "activ ities", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - ": \r\n\r\n", - ":\r\n \r\n", - "S ER", - "SE R", - ") &&", - ")& &", - "_ lst", - "_l st", - "_ls t", - "▁Pol ish", - "▁Po lish", - "▁knock ed", - "▁frustr ation", - "au kee", - "▁ph osph", - "iqu id", - "iq uid", - "_ coeff", - "_c oeff", - "_co eff", - "L atest", - "La test", - "Lat est", - "Late st", - "▁D ust", - "▁Du st", - "T ipo", - "Tip o", - "Ti po", - "▁maint ains", - "▁maintain s", - "▁ marsh", - "▁mar sh", - "▁mars h", - "inc inn", - "inci nn", - "l bl", - "lb l", - "C are", - "Car e", - "Ca re", - "▁neighborhood s", - "_ gpio", - "_g pio", - "▁Ar senal", - "D em", - "De m", - "▁W he", - "▁Wh e", - "_ hook", - "_h ook", - "▁l dc", - "▁ld c", - "▁Har per", - "▁Ber keley", - "▁grad uated", - "▁graduate d", - "▁gradu ated", - "Per cent", - "▁arr iving", - "▁Ad venture", - "▁Advent ure", - "( scope", - "(s cope", - "(sc ope", - "( '*", - "(' *", - "qu arter", - "▁Mar ie", - "▁Ma rie", - "▁Mari e", - "Spe aking", - "_code gen", - "_cod egen", - "▁im mun", - "▁imm un", - "c aster", - "ca ster", - "cast er", - "cas ter", - "▁ Dimensions", - "▁Dim ensions", - "▁Dimension s", - ". record", - ".re cord", - ".rec ord", - "▁ texto", - "▁text o", - "▁tex to", - "▁Mich elle", - "▁Michel le", - "P ending", - "Pen ding", - "( by", - "(b y", - "_ PAR", - "_P AR", - "_PA R", - "u cht", - "uch t", - "uc ht", - "b ee", - "be e", - ". Thread", - ".Th read", - "am pire", - "amp ire", - "k now", - "kn ow", - "▁Clin ical", - "▁Clinic al", - "▁margin Bottom", - "▁distingu ish", - ". Full", - ".F ull", - ". undefined", - ".un defined", - "▁Sequ elize", - "################################################################ ############", - "############ ################################################################", - "▁educ ated", - "▁educate d", - "_ OVER", - "_O VER", - "_ each", - "_e ach", - "▁ urge", - "▁ur ge", - "▁urg e", - "de part", - "dep art", - "▁don ors", - "▁donor s", - "▁A u", - "▁bill ions", - "▁billion s", - "▁belong ing", - "_ age", - "_a ge", - "_ag e", - "_ Int", - "_I nt", - "_In t", - "▁sub stances", - "▁substance s", - "▁subst ances", - "m achine", - "mach ine", - "! !!\n\n", - "!! !\n\n", - "!!! \n\n", - "▁json ify", - "ib bean", - "▁C ad", - "▁Ca d", - "▁ endTime", - "▁end Time", - "▁c ycling", - "▁cycl ing", - "▁cyc ling", - "▁UI TextField", - "▁UIT extField", - "▁le verage", - "▁lever age", - "▁leve rage", - "▁van illa", - "e at", - "ea t", - "L aunch", - "La unch", - "( pt", - "(p t", - "st ates", - "state s", - "stat es", - "sta tes", - "▁ Controls", - "▁Control s", - "▁Contr ols", - "▁Res pons", - "▁J ake", - "▁Ja ke", - "▁Jak e", - "▁a sleep", - "▁as leep", - "fort unate", - ".next Line", - "Size Mode", - "Testing Module", - "G erman", - "▁Invest ig", - ". reverse", - ".re verse", - "▁ BACK", - "▁B ACK", - "▁BA CK", - "( DateTime", - "(Date Time", - "▁non profit", - "▁ Expect", - "▁Ex pect", - "▁Exp ect", - "▁t anto", - "▁tan to", - "▁tant o", - "' ]),", - "'] ),", - "']) ,", - "\t the", - "\tt he", - "M ultiple", - "Multi ple", - "Mult iple", - "Multip le", - "(get Activity", - "_W AIT", - "de cor", - "dec or", - "lev ance", - "▁Git Hub", - "m ination", - "min ation", - "_ quantity", - "_qu antity", - "_quant ity", - ". Scanner", - ".Sc anner", - ".Scan ner", - "▁L ion", - "▁Li on", - "▁d re", - "▁dr e", - "▁tan tra", - "▁tant ra", - "▁ contentType", - "▁content Type", - "▁ fid", - "▁f id", - "▁fi d", - "_ alt", - "_a lt", - "_al t", - "NS IndexPath", - "- pl", - "-p l", - "▁antib iot", - "t ables", - "table s", - "ta bles", - "tab les", - "a cial", - "ac ial", - "aci al", - "acia l", - "▁ Registry", - "▁Reg istry", - "▁o live", - "▁ol ive", - "▁oli ve", - "i gers", - "ig ers", - "ige rs", - "iger s", - "▁ subscriber", - "▁sub scriber", - "▁subscri ber", - "▁subscribe r", - "_ pres", - "_p res", - "_pr es", - "_pre s", - "▁ Syntax", - "▁S yntax", - "▁Sy ntax", - "▁Syn tax", - "▁l overs", - "▁lo vers", - "▁love rs", - "▁lover s", - ". Byte", - ".By te", - "ol ders", - "old ers", - "older s", - "_ forward", - "_for ward", - "al ways", - "C aption", - "Cap tion", - "Ca ption", - "Capt ion", - "Pr iv", - "▁T ampa", - "▁Tam pa", - "is ateur", - "-labelled by", - "▁ ToString", - "▁To String", - "▁init iated", - "▁initi ated", - "▁initiate d", - "W F", - "▁institution al", - "in ject", - "▁S cr", - "▁Sc r", - "▁do ctrine", - "▁doctr ine", - "▁sp acious", - "i sure", - "is ure", - "▁A na", - "▁An a", - "\" time", - "ess aging", - "essa ging", - "▁ cid", - "▁c id", - "▁ci d", - "▁N an", - "▁Na n", - "▁in complete", - "▁incom plete", - "T AG", - "TA G", - "- build", - "-b uild", - "Dec ember", - "▁res idual", - "▁resid ual", - "( PDO", - "(P DO", - "▁ Listen", - "▁L isten", - "▁List en", - "▁Li sten", - "▁Lis ten", - "▁g lyph", - "▁gly ph", - "▁g aps", - "▁gap s", - "▁ga ps", - "n ea", - "ne a", - ". Rect", - ".R ect", - ".Re ct", - ".Rec t", - "▁s au", - "▁sa u", - "▁Photo graph", - "▁Phot ograph", - "▁exec utable", - "▁execut able", - "▁Exp ert", - "Co routine", - "Cor outine", - "_ sizes", - "_s izes", - "_size s", - "_si zes", - "▁ NL", - "▁N L", - ". isValid", - ".is Valid", - ") ;}\n", - "); }\n", - "- reg", - "-r eg", - "-re g", - "▁c iting", - "▁cit ing", - "▁ci ting", - "c wd", - "▁Ott awa", - "▁B att", - "▁Ba tt", - "▁Bat t", - "▁renew able", - "▁prelim inary", - "▁as ylum", - "▁w rist", - "▁wr ist", - "▁util iz", - "▁det ention", - "F ast", - "Fa st", - "▁ ange", - "▁an ge", - "▁ang e", - "incinn ati", - "▁ste ering", - "▁steer ing", - "▁ NaN", - "▁N aN", - "▁Na N", - "i osity", - "ios ity", - "/ page", - "/p age", - "ster ol", - "ste rol", - "▁dis g", - "▁di sg", - "( DB", - "(D B", - "▁ DESCRIPTION", - "▁DE SCRIPTION", - "▁DESC RIPTION", - "▁ _$", - "▁_ $", - "▁ob stacle", - "▁obst acle", - "▁b izarre", - "▁ex traction", - "▁ext raction", - "▁extra ction", - "▁extract ion", - "▁extr action", - "_ expected", - "_ex pected", - "_exp ected", - "▁ loses", - "▁l oses", - "▁lo ses", - "▁los es", - "▁lose s", - "▁Cele br", - "▁html For", - "▁expl oit", - "▁explo it", - "X YZ", - "XY Z", - "▁mag net", - "▁magn et", - "am ped", - "amp ed", - "▁at oms", - "▁atom s", - "S ources", - "Source s", - "pect ives", - "pective s", - "▁= \r\n", - "▁d are", - "▁da re", - "▁dar e", - "▁W alter", - "▁Wal ter", - "▁Walt er", - "▁b rightness", - "▁bright ness", - "▁ annotations", - "▁an notations", - "▁annotation s", - "▁annot ations", - "is ke", - "isk e", - "S chedule", - ". images", - ".image s", - ".im ages", - "ross o", - "ros so", - "▁\" ..", - "▁\". .", - "g amma", - "ga mma", - "gam ma", - "▁in structor", - "▁instruct or", - "▁over write", - "- am", - "-a m", - "▁devast ating", - "▁Saint s", - "▁Sa ints", - "▁ hs", - "▁h s", - "▁bon uses", - "▁bonus es", - "$ output", - "$out put", - "i jd", - "ij d", - "(Action Event", - "m onitor", - "mon itor", - "▁matt ress", - "Jan uary", - ". jp", - ".j p", - "▁car acter", - "▁caract er", - "▁im pose", - "▁imp ose", - "_ rest", - "_re st", - "_r est", - "_res t", - "▁ Signature", - "▁Sign ature", - "▁coron avirus", - "_ compare", - "_com pare", - "_comp are", - "Me asure", - "it ated", - "ita ted", - "itate d", - "itat ed", - "e lijk", - "el ijk", - "eli jk", - "i gos", - "ig os", - "igo s", - "es ar", - "esa r", - "▁r ushed", - "▁rush ed", - "▁rus hed", - "m etry", - "me try", - "met ry", - "_SE PARATOR", - "_ WE", - "_W E", - "_ATTR IBUTE", - "▁ yaml", - "▁y aml", - "▁ya ml", - "▁sp ecs", - "▁spec s", - "▁spe cs", - "▁R ah", - "▁Ra h", - "ph eric", - "pher ic", - "▁Invest ment", - "▁appe aling", - "▁appeal ing", - "▁ viewport", - "▁view port", - "▁margin Left", - "▁ subtract", - "▁sub tract", - "▁ EDIT", - "▁ED IT", - "\t ArrayList", - "\tArray List", - "gr ading", - "grad ing", - "gra ding", - "▁ Failure", - "▁F ailure", - "▁Fail ure", - "as per", - "asp er", - "EE K", - "( now", - "(n ow", - "(no w", - "< object", - "▁ Alignment", - "▁Al ignment", - "▁Align ment", - "ple ado", - "q tt", - "qt t", - "( ERROR", - "▁ INVALID", - "▁IN VALID", - "▁ userid", - "▁use rid", - "▁user id", - "r aises", - "ra ises", - "raise s", - "rais es", - "I DI", - "ID I", - "▁v ariance", - "▁var iance", - "▁vari ance", - "▁ Nil", - "▁N il", - "▁Ni l", - "/ delete", - "/de lete", - "_ MAIN", - "_M AIN", - ". Token", - ".T oken", - ".To ken", - ". Category", - ".C ategory", - "> )\n", - ">) \n", - "C ollision", - "Coll ision", - "▁ Greater", - "▁G reater", - "▁Great er", - "▁Gre ater", - "▁R acing", - "▁Ra cing", - "▁Rac ing", - "a lan", - "al an", - "ala n", - "▁mon etary", - "▁monet ary", - ", new", - ",n ew", - "▁ Sorry", - "▁S orry", - "▁Sor ry", - ". Enable", - ".E nable", - ".En able", - "▁In stantiate", - "▁Instant iate", - "ol len", - "oll en", - "olle n", - "▁ Calling", - "▁C alling", - "▁Cal ling", - "▁Call ing", - "_ hour", - "_h our", - "A DA", - "AD A", - "▁s hy", - "▁sh y", - ") **", - ")* *", - "▁= =>", - "▁== >", - "▁e special", - "▁es pecial", - "▁espec ial", - "▁interpret ed", - "▁interpre ted", - "! =\"", - "!= \"", - "▁pharm acy", - "▁pharmac y", - ". single", - ".s ingle", - ".sin gle", - "▁C ialis", - "▁Ci alis", - "▁par as", - "▁para s", - "▁pa ras", - ". toUpperCase", - ".to UpperCase", - "▁D emon", - "▁De mon", - "▁Dem on", - "▁Demo n", - "Pr ime", - "▁rank ings", - "▁ranking s", - "Add ing", - "Ad ding", - "_H ASH", - "_HAS H", - "▁Ex am", - "▁Vi ctor", - "▁Vict or", - "▁Vic tor", - "Ok ay", - "\" ];\r\n", - "\"] ;\r\n", - "\"]; \r\n", - "▁fort une", - "▁ FETCH", - "▁F ETCH", - "exp and", - ".Inter op", - "▁b arn", - "▁bar n", - "▁ba rn", - "ue vo", - "▁spec ulation", - "▁ Nu", - "▁N u", - "▁Bl ues", - "▁Blue s", - "▁Blu es", - "( fname", - "(f name", - "(fn ame", - "▁inhab it", - "▁inh abit", - "▁\\ \"%", - "▁\\\" %", - "C ES", - "CE S", - "ul ario", - "ular io", - "ula rio", - "_ cr", - "_c r", - "▁ validated", - "▁valid ated", - "▁validate d", - "▁mid night", - "an king", - "ank ing", - "▁incor porate", - "▁incorpor ate", - "▁purs uit", - "E XP", - "EX P", - "pr ime", - "prim e", - "P id", - "Pi d", - "- US", - "-U S", - "▁N urs", - "▁Nu rs", - "▁Nur s", - "▁ Wheel", - "▁W heel", - "▁Whe el", - "▁ inp", - "▁in p", - "▁i np", - "▁support ive", - ". member", - ".m ember", - ".mem ber", - "▁ Shot", - "▁S hot", - "▁Sh ot", - ". CheckBox", - ".Check Box", - "▁aff irm", - "▁af firm", - "T or", - "To r", - "Full Year", - "▁consider ably", - "c redentials", - "cred entials", - "_ opts", - "_op ts", - "_o pts", - "_opt s", - "R oll", - "Ro ll", - "( round", - "(r ound", - "▁c oment", - "▁com ent", - "▁co ment", - "▁come nt", - "_ UART", - "_U ART", - "▁ext ending", - "▁extend ing", - "R G", - "result ado", - "i tu", - "it u", - ". getSession", - ".get Session", - ".getS ession", - "▁at traction", - "▁att raction", - "▁attr action", - "▁attract ion", - "& D", - "$ html", - "▁Jess ica", - "▁Associ ate", - "_ ed", - "_e d", - "▁L ag", - "▁La g", - "▁orig ins", - "▁origin s", - "( ))->", - "() )->", - "()) ->", - "add EventListener", - "IA LOG", - "IAL OG", - ". Compare", - ".Com pare", - "Al bum", - "▁K u", - "< Q", - "ar gest", - "arg est", - "arge st", - "arges t", - "▁pro long", - "▁prol ong", - "▁config urations", - "▁configuration s", - "▁configur ations", - "▁acc identally", - "▁accident ally", - "▁accidental ly", - "_ photo", - "_ph oto", - "▁' ';\r\n", - "▁'' ;\r\n", - "▁''; \r\n", - "▁ verse", - "▁ver se", - "▁vers e", - "B ob", - "Bo b", - "▁f arming", - "▁far ming", - "▁farm ing", - "del ivery", - "▁M ack", - "▁Mac k", - "▁Ma ck", - "▁use Selector", - ".bootstrap cdn", - "ke eping", - "keep ing", - "kee ping", - "e ny", - "en y", - ". upload", - ".up load", - "▁ METHOD", - "▁M ETHOD", - "c reator", - "cre ator", - "< _", - "▁E aster", - "▁East er", - ". --", - ".- -", - "UI Button", - "om eters", - "ome ters", - "omet ers", - "ometer s", - "▁ shine", - "▁sh ine", - "▁h ogy", - "▁ho gy", - "▁hog y", - "\\ s", - "▁h arness", - "▁har ness", - ". Cell", - ".C ell", - "▁ lifting", - "▁l ifting", - "▁lif ting", - "▁lift ing", - "▁comb ines", - "▁combine s", - "▁Occ up", - "ex clude", - "exc lude", - "p atial", - "pat ial", - "▁re spir", - "▁res pir", - "▁resp ir", - "_ fit", - "_f it", - "▁f ifty", - "▁fi fty", - "▁fif ty", - "▁M ol", - "▁Mo l", - "▁t uned", - "▁tu ned", - "▁tun ed", - "▁tune d", - "-d imensional", - "▁ qs", - "▁q s", - "▁t ops", - "▁to ps", - "▁top s", - "> \";\n\n", - ">\";\n \n", - ">\" ;\n\n", - ">\"; \n\n", - "quis ite", - "qui site", - "ch annels", - "chan nels", - "channel s", - "/ res", - "/r es", - "/re s", - "▁ Analytics", - "▁An alytics", - "▁Analy tics", - ".app compat", - "/ to", - "/t o", - "▁on Error", - "( attr", - "(at tr", - "I RM", - "IR M", - "▁rag az", - "- as", - "-a s", - ". Second", - ".Se cond", - "ori ented", - "orient ed", - "▁d onn", - "▁do nn", - "▁don n", - "▁light ning", - "f id", - "fi d", - "▁P le", - "▁Pl e", - "t ro", - "tr o", - ". True", - ".Tr ue", - "O bservable", - "Observ able", - "um bing", - "umb ing", - "▁pros pective", - "▁prospect ive", - "- filter", - "-f ilter", - "▁purs uant", - "( points", - "(p oints", - "(point s", - ". Bind", - ".B ind", - "▁p alm", - "▁pa lm", - "▁pal m", - "clear fix", - "▁G onz", - "▁Go nz", - "▁we aken", - "▁weak en", - "D rive", - "Dr ive", - "en ido", - "eni do", - "l ld", - "ll d", - "o box", - "ob ox", - "obo x", - "an ean", - "ane an", - "G ot", - "Go t", - "Reg ex", - "▁sa lad", - "▁sal ad", - "▁sala d", - "as sis", - "ass is", - "\" net", - "inherit Doc", - "▁ RV", - "▁R V", - "qu ier", - "qui er", - "▁cl azz", - "oster one", - "▁air line", - ".list dir", - "▁down loading", - "▁download ing", - "▁P alm", - "▁Pal m", - "▁Pa lm", - "w aukee", - "& lt", - ". BL", - ".B L", - "_ INLINE", - "_IN LINE", - "of fs", - "off s", - "< <(", - "<< (", - "_ news", - "_n ews", - "_new s", - "_ne ws", - "▁ch ase", - "▁cha se", - "/ ><", - "/> <", - "▁e uros", - "▁eu ros", - "▁euro s", - "▁Egypt ian", - "▁St ainless", - "_ BOOL", - "_BO OL", - "▁G uild", - "▁Gu ild", - "▁Gui ld", - "▁D ynam", - "▁Dy nam", - "▁Dyn am", - "[ indexPath", - "[index Path", - "▁mem orable", - "▁memor able", - "▁Ch ampion", - "▁Champ ion", - "Resource Manager", - ". Login", - ".Log in", - "▁ Former", - "▁For mer", - "▁Form er", - "y ped", - "ype d", - "yp ed", - "▁l leg", - "▁ll eg", - "▁lle g", - "; \",", - ";\" ,", - "D WORD", - "DW ORD", - "▁tax i", - "▁ta xi", - "▁bomb s", - "▁bom bs", - "r ah", - "ra h", - ". tags", - ".t ags", - ".tag s", - "_ tests", - "_t ests", - "_test s", - "_te sts", - "st ones", - "ston es", - "stone s", - "sto nes", - "[ g", - "r type", - "rt ype", - "▁ vu", - "▁v u", - "▁host ile", - "▁ho stile", - "Ch ars", - "Char s", - "▁Patri ots", - "/ status", - "/st atus", - "/stat us", - "< B", - "▁ Income", - "▁In come", - "▁Inc ome", - "▁D ad", - "▁Da d", - "▁pat rol", - "_ CHANGE", - "_CH ANGE", - "▁up graded", - "▁upgrade d", - "▁ch ina", - "▁chi na", - "▁chin a", - "set q", - "Start ed", - "Star ted", - ".U ndef", - ".Un def", - "▁check sum", - "▁checks um", - "▁frustr ated", - "{ o", - "▁e nf", - "▁en f", - "▁w oods", - "▁wood s", - "▁wo ods", - "▁ Anyone", - "▁Any one", - "En code", - "Enc ode", - "▁Qt Widgets", - "a reas", - "are as", - "area s", - "▁sh eer", - "▁she er", - "s ki", - "sk i", - "end point", - "_ Test", - "_T est", - "S oup", - "So up", - "Sou p", - "~~~~~~~~ ~~~~~~~~", - "( files", - "(f iles", - "(file s", - "\t \t\t\t\t\r\n", - "\t\t \t\t\t\r\n", - "\t\t\t\t \t\r\n", - "\t\t\t \t\t\r\n", - "\t\t\t\t\t \r\n", - ". spark", - ".s park", - ".sp ark", - "▁value d", - "▁val ued", - "▁ %\n", - "▁% \n", - ". controls", - ".control s", - "▁XCTAssert Equal", - "▁f ame", - "▁fam e", - "▁fa me", - "▁R ic", - "▁Ri c", - "D OT", - "DO T", - "▁Albert a", - "▁Alb erta", - "o sal", - "os al", - "osa l", - ".Web Controls", - "▁ ------------", - "▁- -----------", - "▁-- ----------", - "▁---- --------", - "▁--- ---------", - "▁----- -------", - "▁---------- --", - "▁------ ------", - "▁-------- ----", - "▁------- -----", - "▁M is", - "▁Mi s", - "▁ SYS", - "▁S YS", - "▁SY S", - "Non null", - "= item", - "=i tem", - "▁ expire", - "▁ex pire", - "▁exp ire", - "De code", - "Dec ode", - "_ operation", - "_op eration", - "_oper ation", - "▁ Validator", - "▁Valid ator", - ".C ENTER", - "uff s", - "uf fs", - "* m", - "▁av ant", - ". permission", - ".per mission", - ".. .)", - "... )", - "▁L ic", - "▁Li c", - "_ coords", - "_co ords", - "_coord s", - ". nombre", - ".n ombre", - ".nom bre", - "c lo", - "cl o", - ". Internal", - ".In ternal", - ".Int ernal", - ".Inter nal", - "▁ Cho", - "▁C ho", - "▁Ch o", - "_ sw", - "_s w", - "\t Il", - "\tI l", - "c lk", - "cl k", - "▁ castle", - "▁cas tle", - "▁cast le", - "( layer", - "(l ayer", - "p it", - "pi t", - "▁gu ided", - "▁guide d", - "▁guid ed", - "▁gui ded", - "▁sup erb", - "▁super b", - "▁sup plements", - "▁supplement s", - "_ cent", - "_c ent", - "_ce nt", - "▁ peek", - "▁pe ek", - "IN ARY", - "INA RY", - ".Content Alignment", - "f alls", - "fall s", - "\" ));", - "\") );", - "\")) ;", - "W all", - ") .\r\n", - "). \r\n", - "▁D anny", - "▁Dan ny", - "irm ingham", - "IAL IZ", - "( create", - "(c reate", - "\" In", - "\"I n", - "Service Provider", - "▁pr iced", - "▁price d", - "▁pri ced", - "m acro", - "ma cro", - "mac ro", - "a mac", - "am ac", - "ama c", - ". box", - ".b ox", - "- ---\n", - "-- --\n", - "---- \n", - "--- -\n", - "▁S uit", - "▁Su it", - "u rst", - "ur st", - "urs t", - "b ru", - "br u", - "ourn als", - "ournal s", - "num ero", - "__ ()\n", - "__( )\n", - "D as", - "Da s", - "▁M itt", - "▁Mi tt", - "▁Mit t", - "u der", - "ud er", - "ude r", - "? \\", - "f u", - "[ B", - "▁: )\n\n", - "▁:) \n\n", - "( inter", - "(int er", - "(in ter", - "br ains", - "bra ins", - "brain s", - "▁att itudes", - "▁attitude s", - "Ver ify", - "▁sign atures", - "▁signature s", - "ack Bar", - "▁ gd", - "▁g d", - "J ack", - "Ja ck", - ". cat", - ".c at", - ".ca t", - "▁ zz", - "▁z z", - "w arf", - "wa rf", - "war f", - "F TER", - "FT ER", - "\" );\n\n\n", - "\");\n \n\n", - "\") ;\n\n\n", - "\");\n\n \n", - "\"); \n\n\n", - "A live", - "Al ive", - "Ali ve", - "I CLE", - "IC LE", - "▁ Whatever", - "▁Wh atever", - "▁What ever", - "▁ outlined", - "▁out lined", - "▁outline d", - "s prite", - "sp rite", - "spr ite", - "_ AB", - "_A B", - "_DE PTH", - "▁cr ushed", - "▁crush ed", - "▁crus hed", - "a aa", - "aa a", - "( ev", - "(e v", - "An ti", - "Ant i", - "I CO", - "IC O", - "is EqualTo", - ". sun", - ".s un", - "ic ulo", - "s ale", - "sa le", - "sal e", - "_ hex", - "_h ex", - "_he x", - "▁V k", - "ap tor", - "apt or", - "Un ion", - "▁ Discount", - "▁Dis count", - "▁Disc ount", - "l ista", - "li sta", - "list a", - "lis ta", - ".Undef Or", - "▁autom ation", - "▁automat ion", - "N or", - "No r", - "▁re flex", - "▁ref lex", - "▁La ure", - "▁Laur e", - ".showMessage Dialog", - ". temp", - ".t emp", - ".te mp", - ".tem p", - "▁ akan", - "▁a kan", - "▁ak an", - "▁aka n", - "▁__ ____", - "▁___ ___", - "▁____ __", - ".Is True", - "A RED", - "AR ED", - "ARE D", - "a gle", - "ag le", - "E nergy", - "En ergy", - "▁quant ities", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁citizens hip", - "▁citizen ship", - "m outh", - "mo uth", - "▁in appropriate", - "▁Out door", - "White Space", - "An onymous", - "lo ads", - "load s", - "webElement Properties", - "T en", - "Te n", - "▁acc idents", - "▁accident s", - "▁ad vertisement", - "▁advertis ement", - "▁advertise ment", - "▁Y emen", - "▁Ye men", - "( call", - "(c all", - "(cal l", - "▁sl avery", - "▁slave ry", - "▁sla very", - "▁L am", - "▁La m", - "_B ITS", - "_BIT S", - "o mega", - "om ega", - "ome ga", - "▁O le", - "▁Ol e", - "▁kid n", - "▁ki dn", - "_ An", - "_A n", - "▁R aid", - "▁Ra id", - "C reation", - "Cre ation", - "Creat ion", - "s aved", - "save d", - "sa ved", - "▁pro port", - "▁prop ort", - "W ARNING", - "WAR NING", - "\\ P", - "▁ pwd", - "▁p wd", - "▁pw d", - "Data Reader", - "is cher", - "isc her", - "ische r", - "isch er", - "ade on", - "▁ Predict", - "▁P redict", - "▁Pre dict", - "▁Pred ict", - "▁reason ing", - "▁destroy ing", - "H el", - "He l", - "* d", - "▁Leg isl", - "_ Pr", - "_P r", - "\t \t\t▁▁▁▁▁▁▁", - "\t\t \t▁▁▁▁▁▁▁", - "\t\t\t ▁▁▁▁▁▁▁", - "\t\t\t▁▁▁ ▁▁▁▁", - "\t\t\t▁ ▁▁▁▁▁▁", - "\t\t\t▁▁ ▁▁▁▁▁", - "\t\t\t▁▁▁▁ ▁▁▁", - "\t\t\t▁▁▁▁▁ ▁▁", - "\t\t\t▁▁▁▁▁▁ ▁", - "▁sym path", - "▁symp ath", - "▁ch ess", - "▁che ss", - "▁m am", - "▁ma m", - ": hover", - "▁con verts", - "▁convert s", - "▁conv erts", - "▁conver ts", - "▁p ela", - "▁pe la", - "▁pel a", - "▁pro gression", - "▁progress ion", - "▁prog ression", - "▁\" _\"", - "▁\"_ \"", - "▁G ill", - "▁Gi ll", - "▁Gil l", - "\t show", - "\ts how", - "\tsh ow", - "▁supposed ly", - "ac curacy", - "acc uracy", - "accur acy", - "e lin", - "el in", - "eli n", - "▁unf olding", - "▁unfold ing", - "▁H yper", - "▁Hy per", - "▁Hyp er", - "▁w anna", - "▁wann a", - "▁ ups", - "▁u ps", - "▁up s", - "( #", - "▁C riminal", - "▁Cr iminal", - "( Point", - "(P oint", - "at Lng", - "act ly", - "▁contract ors", - "▁contr actors", - "▁contractor s", - "▁contra ctors", - "' ]}", - "'] }", - "draul ic", - "▁ TT", - "▁T T", - "▁ Wide", - "▁W ide", - "▁Wi de", - "▁Wid e", - "▁ ARG", - "▁A RG", - "▁AR G", - "_ ic", - "_i c", - "FLAG S", - "S chool", - "Sch ool", - "▁cl earing", - "▁clear ing", - "▁cle aring", - "- being", - "-b eing", - "-be ing", - "={ [", - ", const", - "man ent", - "Over lay", - "( '\"", - "(' \"", - "▁ Timestamp", - "▁T imestamp", - "▁Time stamp", - "▁m ailing", - "▁ma iling", - "▁mail ing", - "▁mai ling", - "▁ Cake", - "▁C ake", - "▁Ca ke", - ". That", - ".T hat", - ".Th at", - "▁med itation", - "q p", - "▁ empresa", - "▁emp resa", - "▁L ions", - "▁Li ons", - "▁Lion s", - "▁w eld", - "▁we ld", - "▁wel d", - "▁Linked In", - "▁c ush", - "▁cu sh", - "▁ge nome", - "▁gen ome", - ". IndexOf", - ".Index Of", - "a gain", - "ag ain", - "aga in", - "▁f allback", - "▁fall back", - "▁c amping", - "▁camp ing", - "▁cam ping", - "r edd", - "re dd", - "red d", - "-strip ed", - "-str iped", - "▁ dv", - "▁d v", - "Fe bruary", - "▁ Proxy", - "▁Pro xy", - "▁Pr oxy", - "u sk", - "us k", - "▁die sel", - "▁dies el", - "▁diese l", - "W RITE", - "WR ITE", - "RE AK", - "REA K", - "L orem", - "Lo rem", - ". Invoke", - ".In voke", - "- div", - "-d iv", - "-di v", - "Inter ceptor", - "▁ DH", - "▁D H", - "i ales", - "ial es", - "ia les", - "iale s", - "▁vill ages", - "▁village s", - "▁villa ges", - "▁ ENV", - "▁E NV", - "▁EN V", - "S ys", - "Sy s", - ". XR", - ".X R", - "▁po em", - "c ade", - "ca de", - "cad e", - "pl ots", - "plot s", - "▁{ (", - ". git", - ".g it", - "/ svg", - "/s vg", - "n cmp", - "nc mp", - "a ines", - "ain es", - "ai nes", - "aine s", - "▁ ()\n\n", - "▁( )\n\n", - "▁() \n\n", - "▁()\n \n", - "op sis", - "ops is", - "▁ Relationship", - "▁Rel ationship", - "▁Relations hip", - "▁Relation ship", - "_ aut", - "_a ut", - "▁B omb", - "▁Bo mb", - "▁Bom b", - "\t com", - "\tc om", - "* sizeof", - "off icial", - "_ payload", - "_p ayload", - "_pay load", - "\t \t\t\t\t▁▁", - "\t\t \t\t\t▁▁", - "\t\t\t\t \t▁▁", - "\t\t\t \t\t▁▁", - "\t\t\t\t\t ▁▁", - "\t\t\t\t\t▁ ▁", - ". manager", - ".m anager", - ".man ager", - ".manage r", - "▁ Around", - "▁A round", - "▁Ar ound", - "\t send", - "\ts end", - "▁ Exercise", - "▁Ex ercise", - "▁B illy", - "▁Bill y", - "▁Bil ly", - "i vi", - "iv i", - "▁ne eding", - "▁need ing", - "_ urls", - "_url s", - "_ tasks", - "_t asks", - "_task s", - "▁H em", - "▁He m", - "▁te arDown", - "▁tear Down", - "en crypt", - "enc rypt", - ". tie", - ".t ie", - "▁ asm", - "▁a sm", - "▁as m", - "I CH", - "IC H", - "▁CGRect Make", - "u long", - "ul ong", - "ulo ng", - "▁ itr", - "▁it r", - "▁i tr", - "▁G ST", - "▁GS T", - "▁offer ings", - "▁offering s", - "r obe", - "ro be", - "rob e", - "E EE", - "EE E", - "oper ators", - "operator s", - "_P ROP", - "_PRO P", - "_PR OP", - "in dent", - "ind ent", - "inde nt", - "inden t", - "A DE", - "AD E", - "o rf", - "or f", - "▁bl essed", - "▁bless ed", - "v ascular", - "vas cular", - "▁con oc", - "▁co noc", - "H appy", - "Ha ppy", - "B ridge", - "Br idge", - "il itation", - "ilit ation", - "j oint", - "join t", - "jo int", - "▁ Administr", - "▁Admin istr", - "- transform", - "-trans form", - "▁mean time", - "▁meant ime", - "/ K", - "▁Bed room", - "▁r igid", - "▁rig id", - "▁ri gid", - "▁browser s", - "▁brows ers", - "▁browse rs", - "EM PTY", - "EMP TY", - ". Serialize", - ".S erialize", - ".Serial ize", - "_ ED", - "_E D", - "▁st itch", - "▁ jan", - "▁j an", - "▁ja n", - "el lt", - "ell t", - "▁ brace", - "▁b race", - "▁br ace", - "▁bra ce", - "▁t rails", - "▁tr ails", - "▁trail s", - "▁tra ils", - "p ublished", - "publish ed", - "} ')\n", - "}' )\n", - "▁ac ids", - "▁acid s", - "▁ !!!", - "▁! !!", - "▁!! !", - "_ direct", - "_d irect", - "_dir ect", - "_di rect", - "> ());\n", - ">( ));\n", - ">() );\n", - "_O CC", - "▁plan ets", - "▁plane ts", - "▁planet s", - "▁pla nets", - "▁Dub lin", - "▁ serie", - "▁s erie", - "▁se rie", - "▁ser ie", - ". printf", - ".print f", - "de ep", - "dee p", - "` )", - "▁\\ $", - "_ VIDEO", - "_V IDEO", - "end ors", - "endor s", - "endo rs", - "▁ Crypto", - "▁C rypto", - "▁Crypt o", - "▁Cry pto", - "F ar", - "Fa r", - ". Transparent", - ".Trans parent", - ". TR", - ".T R", - "i asm", - "ia sm", - "ias m", - "_ training", - "_tr aining", - "_train ing", - "_tra ining", - "▁te aches", - "▁teach es", - "▁tea ches", - "▁B elt", - "▁Be lt", - "▁Bel t", - "▁limit ing", - "▁lim iting", - "▁K ath", - "▁Kat h", - "▁Ka th", - "▁ IndexPath", - "▁Index Path", - "▁achie vements", - "▁achieve ments", - "▁achievement s", - "interop Require", - "▁d isse", - "▁dis se", - "▁diss e", - ". If", - ".I f", - "ar ming", - "arm ing", - "uls ion", - "P o", - "_DE TAIL", - "Prot otype", - "Proto type", - "▁ CAL", - "▁C AL", - "▁CA L", - "▁ag rees", - "▁agre es", - "▁agree s", - "▁agr ees", - ". vo", - ".v o", - ".Execute NonQuery", - "▁ Topic", - "▁T opic", - "▁To pic", - "▁Top ic", - "▁' {}", - "▁'{ }", - "A rm", - "Ar m", - "▁e cc", - "▁ec c", - "M ag", - "Ma g", - "▁serial ized", - "▁serialize d", - "\t conn", - "\tc onn", - "\tcon n", - "c ached", - "ca ched", - "cache d", - "= tf", - "=t f", - "▁ ByteArray", - "▁Byte Array", - "prot obuf", - "proto buf", - "var char", - "\t ASSERT", - "\tA SSERT", - "▁l iste", - "▁li ste", - "▁list e", - "▁lis te", - "_ trigger", - "_tr igger", - "Fe el", - "Fee l", - "T ahoma", - "▁L ik", - "▁Li k", - "▁ structured", - "▁struct ured", - "▁structure d", - "erg us", - ". Initial", - ".In itial", - ".Init ial", - "_ ge", - "_g e", - "cl js", - ". contact", - ".cont act", - "▁and ere", - "$ stmt", - "_ CURRENT", - "_C URRENT", - "▁ Discover", - "▁Dis cover", - "▁Disc over", - "$ res", - "$r es", - "form atter", - "for matter", - "format ter", - "H a", - "vang st", - "▁e merge", - "▁em erge", - "▁emerg e", - "▁Cabin et", - "▁Cab inet", - "- square", - "-s quare", - "▁ rage", - "▁r age", - "▁ra ge", - "▁rag e", - "▁ AJ", - "▁A J", - "▁ VT", - "▁V T", - "sh adow", - "▁Fa ith", - "e names", - "en ames", - "ename s", - "ena mes", - "p retty", - "pret ty", - "h asil", - "ha sil", - "has il", - "p arty", - "par ty", - "part y", - "▁ varchar", - "▁var char", - "▁f otos", - "▁fo tos", - "▁foto s", - "▁fot os", - "▁al um", - "▁Belg ium", - ". ylabel", - ".y label", - "▁d ej", - "▁de j", - "_ numbers", - "_num bers", - "_number s", - "▁ hu", - "▁h u", - ".set Adapter", - "▁Us ually", - "( sample", - "(s ample", - ". Shared", - ".Sh ared", - "▁bo oked", - "▁book ed", - "▁boo ked", - "▁> >=", - "▁>> =", - "▁min erals", - "▁mineral s", - "▁miner als", - "\" > < ?=", - "\">", - "'] )->", - "']) ->", - "p rog", - "pr og", - "pro g", - "b oo", - "bo o", - "_ md", - "_m d", - "_ pack", - "_p ack", - "_pa ck", - "( express", - "(ex press", - "(exp ress", - "(expr ess", - "u tz", - "ut z", - "\\ Auth", - ", id", - ",i d", - "▁Ch ile", - "▁Chi le", - "act ice", - "actic e", - "▁rec ruitment", - "▁recruit ment", - "▁ poses", - "▁p oses", - "▁pos es", - "▁po ses", - "▁pose s", - "▁vulner ability", - "inst anc", - "o rum", - "or um", - "d ess", - "de ss", - "des s", - "▁ xl", - "▁x l", - "%%%%%%%%%%%%%%%% %%%%%%%%%%%%%%%%", - "( fig", - "(f ig", - "▁de leting", - "▁del eting", - "▁delet ing", - "▁dele ting", - ". del", - ".d el", - ".de l", - ") ')\n", - ")' )\n", - "▁Week ly", - "? ??", - "?? ?", - "( strcmp", - "(str cmp", - "s mith", - "sm ith", - "▁purs uing", - "- so", - "-s o", - "▁ Apps", - "▁A pps", - "▁App s", - "▁Ap ps", - "/ '\n", - "/' \n", - "▁dec is", - "F ORE", - "FO RE", - "FOR E", - "Every one", - "▁l anes", - "▁la nes", - "▁lane s", - "▁lan es", - "V irtual", - ". attach", - ".att ach", - "( Log", - "(L og", - "▁Med icaid", - "▁Medic aid", - "( Path", - "(P ath", - "▁Tur ner", - "▁Turn er", - "/ application", - "/app lication", - "▁port rait", - "▁por trait", - "▁op pose", - "▁opp ose", - "▁oppos e", - "check out", - "▁fin ishes", - "▁finish es", - "_ ME", - "_M E", - "Bar rier", - "S ong", - "So ng", - "Son g", - "V AR", - "VA R", - "Ear lier", - "r ella", - "re lla", - "rel la", - "rell a", - "▁h ast", - "▁has t", - "▁ha st", - "a zar", - "az ar", - "aza r", - "▁pull s", - "▁pul ls", - "n gx", - "ng x", - "▁inspir ing", - "- direction", - "-d irection", - "-direct ion", - "-dir ection", - "-di rection", - "▁explos ive", - "▁ createdAt", - "▁created At", - "s to", - "st o", - "▁w heat", - "▁wh eat", - "▁whe at", - "▁ Built", - "▁B uilt", - "▁Bu ilt", - "' ai", - "'a i", - "▁ tracked", - "▁tr acked", - "▁track ed", - "h ammad", - "ham mad", - "RowAt IndexPath", - "_ heap", - "_he ap", - "D ue", - "Du e", - "▁connect s", - ". publish", - ".p ublish", - ".pub lish", - "e mu", - "em u", - "▁bul lets", - "▁bull ets", - "▁bullet s", - "B AR", - "BA R", - "o late", - "ol ate", - "ola te", - "▁intern ally", - "▁internal ly", - "▁c atching", - "▁catch ing", - "▁cat ching", - "- password", - "-p assword", - "-pass word", - "ou ched", - "ouch ed", - "e ous", - "eo us", - "▁x range", - "▁xr ange", - "Q uality", - "Qu ality", - "Qual ity", - "v v", - "Man age", - "( ($", - "(( $", - "ace ments", - "ac ements", - "acement s", - "▁Br others", - "▁Bro thers", - "▁Brother s", - "▁ HEAD", - "▁HE AD", - "▁ Unsupported", - "▁Un supported", - "▁Uns upported", - "s an", - "sa n", - "e si", - "es i", - "* **\n", - "** *\n", - "*** \n", - "▁adapt ation", - "▁ Worker", - "▁Work er", - "▁Wor ker", - "' ]/", - "'] /", - ".save fig", - "( trans", - "(t rans", - "(tr ans", - "n ee", - "ne e", - "C orrect", - "Cor rect", - ".. .\")\n", - "... \")\n", - "...\" )\n", - "▁submit ting", - "- path", - "-p ath", - "\t last", - "\tl ast", - "is san", - "iss an", - "issa n", - ". xlabel", - ".x label", - "▁ Separ", - "▁S epar", - "▁Se par", - "▁Sep ar", - "/ no", - "/n o", - "_ best", - "_b est", - "_be st", - "▁M ills", - "▁Mill s", - "▁Mil ls", - "_ sock", - "_s ock", - "_so ck", - "_soc k", - "( flag", - "(f lag", - "(fl ag", - "▁dest inations", - "▁destination s", - "▁destin ations", - "em ption", - "emp tion", - "empt ion", - "▁ FAIL", - "▁F AIL", - "▁FA IL", - "▁ rp", - "▁r p", - "f act", - "fa ct", - "fac t", - "\t len", - "\tl en", - "D AY", - "DA Y", - "▁se iz", - "▁sei z", - "_ dst", - "_d st", - "_ds t", - "l ip", - "li p", - ". Linear", - ".Line ar", - "▁B asket", - "▁Bas ket", - "$ t", - "$ i", - "- brand", - "-b rand", - "-br and", - "▁N eil", - "▁Ne il", - "▁ Eq", - "▁E q", - "▁t hou", - "▁th ou", - "▁tho u", - "o gene", - "og ene", - "ogen e", - "oge ne", - "▁scholar ship", - "▁scholars hip", - "▁s wo", - "▁sw o", - "ag inator", - "e ni", - "en i", - "( book", - "(b ook", - "▁ blink", - "▁b link", - "▁bl ink", - "▁bli nk", - "t hus", - "th us", - "▁c ancellationToken", - "▁cancell ationToken", - "▁cancellation Token", - "▁Palestin ians", - "▁Palestinian s", - "▁prof itable", - "▁profit able", - "▁back pack", - "en son", - "ens on", - "< Long", - " < /", - "_ WORD", - "_W ORD", - "\\M igrations", - "\\Migration s", - "▁ ENABLE", - "▁EN ABLE", - "_PARAM ETER", - "▁B ishop", - "▁Bi shop", - "▁Bis hop", - ". subject", - ".sub ject", - "il las", - "ill as", - "illa s", - ". matrix", - ".m atrix", - ".mat rix", - "urrenc es", - "urr ences", - "urrence s", - "* y", - "▁cost ly", - "▁Ch uck", - "▁Chu ck", - "▁c loses", - "▁cl oses", - "▁close s", - "▁clos es", - "▁clo ses", - "▁M ight", - "▁Mi ght", - "▁Mig ht", - "- store", - "-st ore", - "▁ mall", - "▁m all", - "▁ma ll", - "▁mal l", - "i eten", - "ie ten", - "iet en", - ". Abs", - ".A bs", - ".Ab s", - "▁cou pled", - "▁couple d", - "▁coup led", - ". basic", - ".b asic", - ".ba sic", - "▁ ::::::::", - "▁:: ::::::", - "M aker", - "Make r", - "Ma ker", - "c annot", - "can not", - "▁ ach", - "▁a ch", - "▁ac h", - "▁E li", - "▁El i", - "or na", - "orn a", - "▁c ps", - "▁cp s", - "▁there of", - "▁@ {", - "▁ NSMutableArray", - "▁NSMutable Array", - "product ive", - "prod uctive", - "S quare", - "tem pts", - "temp ts", - "tempt s", - "▁elim inated", - "▁eliminate d", - "▁elimin ated", - "< M", - "▁conserv atives", - "▁conservative s", - "▁S urg", - "▁Sur g", - "▁Su rg", - ". par", - ".p ar", - ".pa r", - "▁B uch", - "▁Bu ch", - "* b", - "F ort", - "For t", - "Col our", - "▁ Chi", - "▁C hi", - "▁Ch i", - "e dic", - "ed ic", - "edi c", - "> true", - "▁NY C", - "▁b ored", - "▁bo red", - "▁bor ed", - "▁bore d", - "▁ Detect", - "▁D etect", - "▁Det ect", - "▁app ar", - "▁ap par", - "▁je ans", - "▁T ak", - "▁Ta k", - "I OD", - "IO D", - "▁H orse", - "▁Hor se", - "( FILE", - "(F ILE", - "( ?", - "r ique", - "ri que", - "opt imizer", - "optim izer", - "n at", - "na t", - "lo ys", - "loy s", - "\t Token", - "\tT oken", - "oub ted", - "u ess", - "ue ss", - "ues s", - "oc oa", - "oco a", - "Data Member", - "_ POWER", - "_P OWER", - "_PO WER", - "class List", - "Push Button", - "▁Wi Fi", - ". Stream", - ".St ream", - ".Str eam", - ". guild", - ".g uild", - ".gui ld", - "▁n og", - "▁no g", - "▁Port ugal", - "▁Portug al", - "▁Un ter", - "▁Unt er", - "Pr imitive", - "b oss", - "bo ss", - "▁De utsch", - "▁er otic", - "▁erot ic", - "▁ strconv", - "▁str conv", - ".Try Parse", - "▁ grams", - "▁gr ams", - "▁gram s", - "▁gra ms", - ". Success", - ".S uccess", - "_ pk", - "_p k", - "▁Har vey", - "-m inded", - "-min ded", - ". country", - ".c ountry", - ".count ry", - "[ ]\"", - "[] \"", - "▁ angel", - "▁an gel", - "▁ang el", - "▁ange l", - "▁be ats", - "▁beat s", - "▁V or", - "▁Vo r", - "i lio", - "il io", - "ili o", - ". master", - ".m aster", - ".mas ter", - "s omething", - "some thing", - "som ething", - "▁ PACK", - "▁P ACK", - "▁PA CK", - "▁PAC K", - "( if", - "(i f", - "Request Body", - "▁ antes", - "▁an tes", - "▁ant es", - "▁ante s", - "/ widget", - "/w idget", - "▁m odo", - "▁mod o", - "▁mo do", - "▁ AW", - "▁A W", - "f inder", - "find er", - "fin der", - "fi nder", - "▁opt imized", - "▁optim ized", - "▁optimize d", - "▁miss iles", - "▁missile s", - "N B", - "\t internal", - "\tint ernal", - "\tin ternal", - "\tinter nal", - "t ex", - "te x", - "▁S ri", - "▁Sr i", - "▁dam aging", - "▁M ais", - "▁Ma is", - "▁Mai s", - "- Allow", - "▁Z h", - "- alt", - "-a lt", - "-al t", - "▁ ));\n\n", - "▁) );\n\n", - "▁)) ;\n\n", - "▁));\n \n", - "▁)); \n\n", - "▁influ ences", - "▁influence s", - "▁c atal", - "▁ca tal", - "▁cat al", - "▁cata l", - "_ REGISTER", - "_REG ISTER", - "▁API s", - "▁AP Is", - "-cent ury", - "▁b iology", - "▁bi ology", - "▁bio logy", - "▁ Actual", - "▁Act ual", - "▁he els", - "▁heel s", - "TR ACE", - "TRA CE", - "_D IG", - "_DI G", - "D ataset", - "Data set", - "Dat aset", - "Datas et", - "▁M atter", - "▁Mat ter", - "▁Matt er", - "▁class ifier", - ".w ikipedia", - "▁Ro gers", - "▁Rog ers", - "▁Roger s", - "▁don ated", - "▁donate d", - "raw ler", - "rawl er", - "e nen", - "en en", - "ene n", - "▁cas inos", - "▁casino s", - "▁casi nos", - "or tal", - "ort al", - "▁p rive", - "▁pr ive", - "▁priv e", - "▁pri ve", - "s pe", - "sp e", - "du cers", - "duc ers", - "duce rs", - "ducer s", - ". ep", - ".e p", - "▁gr asp", - "▁gra sp", - "▁gras p", - "ac ji", - "▁d airy", - "▁da iry", - "▁b uses", - "▁bu ses", - "▁bus es", - ". comm", - ".c omm", - ".com m", - ".co mm", - ". ins", - ".in s", - ".i ns", - "▁I RS", - "▁IR S", - "▁B eer", - "▁Be er", - "▁Bee r", - "a dc", - "ad c", - "o ard", - "oa rd", - "_ MET", - "_M ET", - "_ME T", - "▁' +'", - "▁'+ '", - "r ans", - "ra ns", - "ran s", - "▁k inda", - "▁kind a", - "▁ki nda", - "▁kin da", - "▁M aur", - "▁Ma ur", - "▁band width", - "i bus", - "ib us", - "ibu s", - "▁D ifferent", - "( mat", - "(m at", - "▁ Resume", - "▁Re sume", - "▁Res ume", - "_U NS", - "_UN S", - "est ablish", - "▁fon ction", - "Sub scription", - "_ company", - "_com pany", - "_comp any", - "▁light ly", - ". confirm", - ".con firm", - ".conf irm", - ". yaml", - ".y aml", - "▁ Boost", - "▁Bo ost", - "Com merce", - "Comm erce", - "- template", - "-t emplate", - "_DEL AY", - "▁ HI", - "▁H I", - "▁n avig", - "▁nav ig", - "( Sender", - "(S ender", - "▁ HS", - "▁H S", - "_ \"+", - "_\" +", - "▁ REQUEST", - "▁RE QUEST", - "▁w ifi", - "▁wi fi", - "=\" \"\n", - "=\"\" \n", - "] )->", - "]) ->", - "▁r ope", - "▁ro pe", - "▁rop e", - "▁viol ated", - "▁violate d", - "▁gl ance", - "▁K urd", - "▁Kur d", - "▁Ku rd", - "de ck", - "dec k", - "▁ ISBN", - "▁IS BN", - "▁in fect", - "▁inf ect", - "▁ Foo", - "▁F oo", - "▁Fo o", - "▁ getter", - "▁g etter", - "▁get ter", - "▁t ener", - "▁te ner", - "▁ten er", - "ap pe", - "app e", - ". hh", - ".h h", - "_ hot", - "_h ot", - "< AM", - " \".$", - ">\" .$", - ">\". $", - "▁re lies", - "▁rel ies", - "▁reli es", - "▁relie s", - "( Console", - "Int ernational", - "Inter national", - "-> {$", - "->{ $", - "M id", - "Mi d", - "▁dis sert", - "▁diss ert", - "▁disse rt", - "d ds", - "dd s", - "▁deposit s", - "▁depos its", - "\t driver", - "\td river", - "# ga", - "#g a", - "p rising", - "pr ising", - "print ln", - "▁pres enter", - "▁present er", - "▁presente r", - "▁m ines", - "▁min es", - "▁mi nes", - "▁mine s", - "C SS", - "CS S", - "▁D ual", - "▁Du al", - "( !(", - "(! (", - "▁k am", - "▁ka m", - "▁ isLoading", - "▁is Loading", - "▁ Protect", - "▁Prot ect", - "▁Prote ct", - ". upper", - ".u pper", - ".up per", - "a rium", - "ar ium", - "ari um", - "] :\n\n\n", - "]: \n\n\n", - "]:\n \n\n", - "Y ii", - "- shirt", - "-sh irt", - "▁ IMAGE", - "▁IM AGE", - "_ colors", - "_color s", - "_col ors", - "▁ur gent", - "▁urge nt", - "▁urg ent", - ". Container", - ".Cont ainer", - "! (\n", - "!( \n", - "S aturday", - "▁soc ieties", - "▁soci eties", - "▁ Than", - "▁T han", - "▁Th an", - "▁C od", - "▁Co d", - "= @", - "▁ attachments", - "▁attach ments", - "▁attachment s", - ". mobile", - ".m obile", - "▁s pite", - "▁sp ite", - "▁spi te", - "▁spit e", - "▁b ounce", - "▁bou nce", - "ra wl", - "raw l", - "instance type", - "instanc etype", - "▁Tr uck", - "▁manip ulation", - "( Config", - "- inst", - "-in st", - "-i nst", - "-ins t", - "▁ stor", - "▁s tor", - "▁st or", - "▁sto r", - "it ution", - "itu tion", - "Preferred Gap", - "▁main AxisAlignment", - "▁list ened", - "▁listen ed", - "▁liste ned", - "'' '\n\n", - "'''\n \n", - "''' \n\n", - "ott age", - "otta ge", - "- project", - "-pro ject", - ".AP PLICATION", - "\t root", - "\tr oot", - "▁w hit", - "▁wh it", - "▁b ilder", - "▁bil der", - "▁ ker", - "▁k er", - "▁ke r", - "▁appl iances", - "▁appliance s", - "ro wave", - "row ave", - "em atics", - "ema tics", - "ematic s", - "emat ics", - "▁ Org", - "▁O rg", - "▁Or g", - "o ping", - "op ing", - "_ SEARCH", - "_SE ARCH", - "▁c ham", - "▁ch am", - "▁cha m", - "add ContainerGap", - "▁ ().", - "▁( ).", - "▁() .", - "▁ Arrow", - "▁Ar row", - "▁Arr ow", - "Il legal", - "Ill egal", - "Current ly", - "▁ usa", - "▁u sa", - "▁us a", - "▁pass words", - "▁password s", - "▁re nown", - "▁ren own", - "av ern", - "ave rn", - "aver n", - "▁E vil", - "▁Ev il", - "▁ concat", - "▁con cat", - "▁conc at", - "▁d uo", - "▁du o", - "▁v ale", - "▁val e", - "▁va le", - "▁ Bean", - "▁B ean", - "▁Be an", - "▁Bea n", - "▁ind icators", - "▁indic ators", - "▁indicator s", - "c math", - "cm ath", - "▁P ump", - "▁Pu mp", - "Nov ember", - "ific ant", - "ifica nt", - "_ DOMAIN", - "_DO MAIN", - "_DOM AIN", - "re gar", - "reg ar", - "rega r", - "▁ Portal", - "▁P ortal", - "▁Port al", - "▁Por tal", - "\" $", - "▁former ly", - "\" ]:\n", - "\"] :\n", - "\"]: \n", - "▁ Visibility", - "▁Vis ibility", - ".getElementsBy ClassName", - "_ RED", - "_RE D", - "_R ED", - "▁ch ampions", - "▁champion s", - "▁champ ions", - "Val or", - "_ es", - "_e s", - "* a", - "- repeat", - "-re peat", - "B and", - "Ban d", - "Ba nd", - ". stage", - ".st age", - "▁bure auc", - "▁bureau c", - "C nt", - "e ten", - "et en", - "ete n", - "- function", - "-f unction", - "▁m uito", - "▁mu ito", - "▁muit o", - "P ID", - "PI D", - "_ editor", - "_edit or", - "_ed itor", - "▁cr ashed", - "▁crash ed", - "d ead", - "de ad", - "dea d", - "k at", - "ka t", - "a gh", - "ag h", - "▁ EXT", - "▁E XT", - "▁EX T", - "as ser", - "ass er", - "asse r", - "- small", - "-s mall", - "-sm all", - "▁real iz", - "( Entity", - "▁ Actually", - "▁Act ually", - "▁Actual ly", - "▁El ite", - "▁Eli te", - "▁ helm", - "▁h elm", - "▁he lm", - "▁hel m", - "( nonatomic", - "(non atomic", - "as her", - "ash er", - "Comm unity", - "all eng", - "alle ng", - "allen g", - "i ry", - "ir y", - "▁G rowth", - "▁Grow th", - "▁s ue", - "▁su e", - "▁frequ encies", - "_ descriptor", - "_des criptor", - ". Attribute", - ".At tribute", - "▁rec ipients", - "▁recipient s", - "▁recip ients", - "_ NS", - "_N S", - "/ \"+", - "/\" +", - "i ban", - "ib an", - "iba n", - "▁ath lete", - "▁ Ign", - "▁I gn", - "▁Ig n", - "_ DMA", - "_D MA", - "_DM A", - "( ds", - "(d s", - "▁ Requirements", - "▁Require ments", - "A DI", - "AD I", - "e rez", - "er ez", - "ere z", - "\\ Admin", - "br aska", - "▁R ust", - "▁Ru st", - "▁Rus t", - "Re lation", - "Rel ation", - "C OD", - "CO D", - "▁ VERSION", - "▁V ERSION", - "▁VER SION", - "e mma", - "em ma", - ") ){", - ")) {", - ". Duration", - ".D uration", - "▁C amb", - "▁Cam b", - "▁Ca mb", - "- logo", - "-l ogo", - "-lo go", - "-log o", - "▁read able", - "▁cre ators", - "▁creat ors", - "▁creator s", - "( )];\n", - "() ];\n", - "()] ;\n", - "Up Down", - "- half", - "-h alf", - ".get Month", - "( sf", - "(s f", - "P ic", - "Pi c", - "▁hun ger", - "▁hung er", - ". tx", - ".t x", - "▁exceed ed", - "_ seed", - "_s eed", - "_se ed", - "( ^", - "_ sk", - "_s k", - ". perform", - ".per form", - "▁ >::", - "▁> ::", - "▁ mongo", - "▁m ongo", - "▁mon go", - "= float", - "=f loat", - "bind Param", - "S mart", - "Sm art", - "i fa", - "if a", - "▁se curities", - "▁sec urities", - "▁pre jud", - "▁ ,\"", - "▁, \"", - "▁cor ps", - "▁corp s", - "▁v ra", - "▁vr a", - "ama care", - "amac are", - "it err", - "ite rr", - "iter r", - "( Media", - "(M edia", - "(Me dia", - "u che", - "uch e", - "uc he", - "▁c ob", - "▁co b", - "▁l iber", - "▁li ber", - "▁lib er", - ". geometry", - ".ge ometry", - ".geom etry", - ".geo metry", - "Loc ator", - "▁sl iding", - "▁slid ing", - "▁s urgical", - "▁surg ical", - "_ CUR", - "_C UR", - "▁con sect", - "▁cons ect", - "▁consec t", - "▁conse ct", - "[ *", - "▁Re sort", - "▁Res ort", - "St ub", - "_DO UBLE", - "▁S oph", - "▁So ph", - "▁elect oral", - "_ disable", - "_dis able", - "▁Light ning", - "▁mention s", - "▁ment ions", - "o cy", - "oc y", - "▁le aked", - "▁leak ed", - "▁relax ing", - "Pres enter", - "Present er", - "v sp", - "vs p", - "▁g uilt", - "▁gu ilt", - "▁gui lt", - "=- =-", - ". reply", - ".re ply", - "▁ Mirror", - "▁M irror", - "▁Mir ror", - "▁Mi rror", - "C amp", - "Ca mp", - "Cam p", - "▁+#+ #+#+", - "▁+#+#+#+ #+#+", - ". Author", - ".A uthor", - ".Auth or", - "▁direct ive", - "- hook", - "-h ook", - "} \n\n\n\n\n", - "}\n \n\n\n\n", - "}\n\n \n\n\n", - "}\n\n\n \n\n", - "}\n\n\n\n \n", - "@ pytest", - "_ rand", - "_r and", - "_ra nd", - "m is", - "mi s", - "▁color ful", - "u je", - "uj e", - "l asses", - "lass es", - "las ses", - "▁ Classes", - "▁C lasses", - "▁Cl asses", - "▁Class es", - ". have", - ".h ave", - "% ),", - "%) ,", - "▁distur bing", - "▁disturb ing", - "sub string", - "substr ing", - "subst ring", - "▁K oh", - "▁Ko h", - "In vest", - "Inv est", - "p urchase", - "▁rec ycling", - "▁ ART", - "▁A RT", - "▁AR T", - "ier archy", - "▁ fps", - "▁f ps", - "▁fp s", - ".check Box", - "_ material", - "_m aterial", - "_mat erial", - "duc ation", - "▁ fw", - "▁f w", - "u dit", - "ud it", - "udi t", - "▁review ing", - "▁S id", - "▁Si d", - "S yntax", - "Sy ntax", - "Syn tax", - "▁ Written", - "▁W ritten", - "▁Wr itten", - "ar gar", - "arg ar", - "arga r", - "U ME", - "UM E", - "/ q", - "Class ifier", - "Off icial", - "▁j azz", - "▁ja zz", - "▁ omega", - "▁o mega", - "▁om ega", - "Ph ysics", - "▁l ugar", - "▁lu gar", - "▁lug ar", - "_access or", - "_acc essor", - ". commands", - ".command s", - ".comm ands", - "Ab ility", - "▁ Batch", - "▁B atch", - "▁Bat ch", - "R AM", - "RA M", - "▁encounter s", - "▁encount ers", - ". Qu", - ".Q u", - "B YTE", - "BY TE", - "▁D istribution", - "▁Dis tribution", - "▁Distrib ution", - "▁ uso", - "▁u so", - "▁us o", - "▁Re covery", - "▁Reco very", - "appro ved", - "approve d", - "▁den ial", - "/ share", - "/sh are", - "Link edList", - "Linked List", - ") \r\n\r\n\r\n", - ")\r\n \r\n\r\n", - ")\r\n\r\n \r\n", - "u ddy", - "ud dy", - "udd y", - "▁f ines", - "▁fin es", - "▁fine s", - "▁fi nes", - "▁ ry", - "▁r y", - "Un icode", - "\t render", - "\tr ender", - "\tre nder", - "▁prem ises", - "▁premise s", - "▁ pon", - "▁p on", - "▁po n", - "ali ases", - "alias es", - "alia ses", - "/ Foundation", - "/F oundation", - "c uda", - "cu da", - "▁C ock", - "▁Co ck", - ", :)", - ",: )", - "( folder", - "(f older", - "d rag", - "dr ag", - "dra g", - "▁tal ents", - "▁talent s", - "▁ ▁▁\n\n", - "▁▁ ▁\n\n", - "▁▁▁ \n\n", - "▁▁▁\n \n", - "m ob", - "mo b", - ".y ml", - "▁ aster", - "▁a ster", - "▁as ter", - "▁ast er", - "▁dis cre", - "▁disc re", - "go al", - "▁G TX", - "▁GT X", - "▁ SUCCESS", - "▁S UCCESS", - "▁ LONG", - "▁L ONG", - "▁LO NG", - "( find", - "(f ind", - "▁s ingular", - "▁sing ular", - "_ sz", - "_s z", - "▁Eth ereum", - ". .\n", - ".. \n", - "▁ir res", - "▁irre s", - "▁irr es", - "' )){\n", - "') ){\n", - "')) {\n", - "▁min isters", - "▁minister s", - "▁mini sters", - "▁minist ers", - "St eps", - "Step s", - "Ste ps", - "iver sal", - "ivers al", - "▁Never theless", - "- led", - "-l ed", - "-le d", - "▁( %)", - "▁(% )", - "▁ timezone", - "▁time zone", - "▁str anger", - "▁strange r", - "▁strang er", - "( render", - "(r ender", - "(re nder", - "▁sh util", - "▁shut il", - "▁ mph", - "▁m ph", - "▁mp h", - "▁t rio", - "▁tr io", - "▁tri o", - "p py", - "pp y", - "▁pred omin", - "▁ endors", - "▁end ors", - "▁Russ ians", - "▁Russia ns", - "▁Russian s", - "\t row", - "\tr ow", - "▁ wizard", - "▁w izard", - ". serialize", - ".s erialize", - ".serial ize", - "▁compl ained", - "▁complain ed", - "▁s ido", - "▁si do", - "▁sid o", - "▁delight ed", - "- me", - "-m e", - "▁R av", - "▁Ra v", - "H uman", - "Hum an", - "a days", - "ad ays", - "ada ys", - "re cv", - "rec v", - "Work ing", - "J ump", - "▁Auto matic", - "▁Aut omatic", - "▁Autom atic", - "_ Base", - "_B ase", - "aur ants", - "aurant s", - "(C Type", - "I FI", - "IF I", - "( amount", - "(a mount", - "▁belie ving", - "= mysql", - "=m ysql", - "▁f ir", - "▁fi r", - "▁rest oration", - "er eco", - "ere co", - "_ '+", - "_' +", - "▁e book", - "▁eb ook", - "▁de bris", - "▁deb ris", - "( inputs", - "(input s", - "(in puts", - "(inp uts", - "AY OUT", - "▁scre aming", - "▁scream ing", - "a via", - "av ia", - "avi a", - "l ander", - "land er", - "la nder", - "lan der", - "▁dist ress", - "▁distr ess", - "▁as sembled", - "▁assemble d", - "▁ Avoid", - "▁A void", - "▁Av oid", - "( thread", - "(th read", - "▁ RPC", - "▁R PC", - "▁RP C", - "_ EXIT", - "_EX IT", - "( queue", - "(q ueue", - "D ll", - "▁sk ull", - "▁sku ll", - "_ pub", - "_p ub", - "ch ez", - "che z", - "m inate", - "min ate", - "en sen", - "ens en", - "ense n", - "▁ins ane", - "▁insan e", - "b ounds", - "bo unds", - "bound s", - "▁R osen", - "▁Ro sen", - "▁Rose n", - "▁Ros en", - "▁condition ing", - "process ed", - "proc essed", - "v ideos", - "video s", - "vide os", - "f our", - "fo ur", - ". Conv", - ".Con v", - ".Co nv", - "| ;\n", - "Person al", - "Pers onal", - "cer pt", - ":UIControlState Normal", - "▁d oses", - "▁do ses", - "▁dos es", - "▁dose s", - "▁K arl", - "▁Kar l", - "▁Ka rl", - "▁F requ", - "▁Fr equ", - "▁Fre qu", - ". BASE", - ".B ASE", - "▁ Vote", - "▁V ote", - "▁Vo te", - "▁con current", - "▁conc urrent", - "▁MessageBox Icon", - "▁Du bai", - "▁Dub ai", - "▁R etail", - "▁Re tail", - "▁Ret ail", - ": number", - ":n umber", - ":num ber", - "▁ Observer", - "▁Ob server", - "▁Observ er", - "▁Obs erver", - "▁ BigInteger", - "▁B igInteger", - "▁Big Integer", - "_ origin", - "_or igin", - "_orig in", - "_ WORK", - "_W ORK", - "F rames", - "Frame s", - "Fr ames", - "▁not ably", - "▁t ropical", - "▁trop ical", - "▁n iche", - "▁ni che", - "▁nic he", - "▁nich e", - "am ina", - "amin a", - "ami na", - ". sys", - ".s ys", - "( tokens", - "(t okens", - "(token s", - "mod ify", - "o sit", - "os it", - "osi t", - "st rom", - "str om", - "▁C omics", - "▁Com ics", - "▁Comic s", - "O PTION", - "OP TION", - "OPT ION", - "T icket", - "Tick et", - "Ti cket", - "▁f actories", - "▁fact ories", - "▁factor ies", - "▁facto ries", - "▁dis put", - "▁disp ut", - "_ File", - "_F ile", - "▁F inn", - "▁Fin n", - "▁Fi nn", - "e ee", - "ee e", - "▁Dis cord", - "▁Disc ord", - "_ money", - "_m oney", - "_mon ey", - ". tpl", - ".t pl", - "_ safe", - "_s afe", - "L B", - "▁gl ut", - "J K", - ". flow", - ".f low", - ".fl ow", - "- cont", - "-c ont", - "-con t", - "-co nt", - "g os", - "go s", - "▁hor izon", - "▁R ush", - "▁Ru sh", - "▁Rus h", - ": :*", - ":: *", - "P ipe", - "Pi pe", - "u lla", - "ul la", - "ull a", - "b orough", - "bo rough", - "bor ough", - "boro ugh", - "he imer", - "heim er", - "hei mer", - "( move", - "(m ove", - "( Text", - "(T ext", - "} );\r\n\r\n", - "}) ;\r\n\r\n", - "}); \r\n\r\n", - "});\r\n \r\n", - "w elcome", - "▁ Components", - "▁Com ponents", - "▁Component s", - "▁govern ance", - "c losed", - "cl osed", - "close d", - "clo sed", - "\t margin", - "\tm argin", - "▁la undry", - "▁ Terminal", - "▁Term inal", - "▁Termin al", - "iz ards", - "izar ds", - "izard s", - ". remote", - ".rem ote", - ". radius", - ".r adius", - ".rad ius", - "▁Que bec", - "▁ dh", - "▁d h", - "T ech", - "Te ch", - "▁M ist", - "▁Mi st", - "▁Mis t", - "s eller", - "se ller", - "sel ler", - "sell er", - "_ literal", - "_l iteral", - "▁gen ius", - "▁ brains", - "▁br ains", - "▁brain s", - "▁bra ins", - "g em", - "ge m", - "▁ Measure", - "▁Me asure", - "▁cat ast", - "▁cata st", - "r ance", - "ra nce", - "ran ce", - ". TextField", - ".T extField", - ".Text Field", - "▁con suming", - "▁cons uming", - "▁consum ing", - "▁'\\ ''", - "▁'\\' '", - "oubted ly", - "▁C ertain", - "▁Cert ain", - "▁Cer tain", - "E v", - "er ti", - "ert i", - "b eing", - "be ing", - "Ex perience", - "▁// [", - "▁/ /[", - "▁Arab ic", - "▁C rist", - "▁Cr ist", - "▁A zure", - "▁Az ure", - "▁ hora", - "▁h ora", - "▁hor a", - "▁ho ra", - "l adesh", - "lad esh", - "\\ Blueprint", - "d ar", - "da r", - ". rel", - ".re l", - ".r el", - "▁sup rem", - "▁Re agan", - "▁ Attributes", - "▁At tributes", - "▁Attribute s", - "- sidebar", - "-s idebar", - "-side bar", - "▁use Styles", - "▁A irlines", - "▁Air lines", - "▁h ills", - "▁hill s", - "▁hil ls", - "/x html", - "v inc", - "vin c", - "vi nc", - "_ mock", - "_m ock", - "\n ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁P ill", - "▁Pi ll", - "▁Pil l", - ".Layout Style", - "▁Comm ander", - "▁Command er", - "] <", - "sign ature", - "▁{ }\r\n", - "▁{} \r\n", - "▁hat red", - "ole sterol", - "▁ ********", - "▁* *******", - "▁** ******", - "▁*** *****", - "▁**** ****", - "▁***** ***", - "ancel lor", - "ancell or", - "c rop", - "cr op", - "cro p", - "T IM", - "TI M", - "\t \t\n\n", - "\t\t \n\n", - "\t\t\n \n", - "ys qli", - "ysql i", - "u itive", - "uit ive", - "\t unset", - "\tun set", - "_ sel", - "_s el", - "_se l", - "▁ menus", - "▁m enus", - "▁men us", - "▁menu s", - "t ick", - "ti ck", - "tic k", - "▁con stitute", - "▁constit ute", - "▁constitu te", - "▁ Elements", - "▁El ements", - "▁Element s", - "▁Ele ments", - "▁ Redis", - "▁R edis", - "▁Re dis", - "▁Red is", - "ag gio", - "agg io", - "aggi o", - "_ fp", - "_f p", - "_ depend", - "_d epend", - "_de pend", - "_dep end", - "e mas", - "em as", - "ema s", - "C AST", - "CA ST", - "o range", - "or ange", - "oran ge", - "j on", - "jo n", - "▁Em ily", - "▁pot atoes", - "▁potato es", - "▁re ceptor", - "▁recept or", - "▁Elect ronic", - "▁L ights", - "▁Light s", - "▁comb ining", - "▁ Someone", - "▁Some one", - "▁######## .", - "▁T OD", - "▁TO D", - "/ show", - "/s how", - "/sh ow", - "X d", - ". \"'", - ".\" '", - "a fx", - "af x", - "▁tr agic", - "St yled", - "Style d", - "▁Mar co", - "▁Marc o", - "G allery", - "d ale", - "da le", - "dal e", - "/ service", - "/s ervice", - "▁ ambient", - "▁amb ient", - "_SET TINGS", - "_SETTING S", - ". Adapter", - ".Ad apter", - "l ene", - "le ne", - "len e", - "▁travel s", - "▁trav els", - "Not ice", - "▁c leans", - "▁clean s", - "▁cle ans", - "▁F em", - "▁Fe m", - "c hair", - "ch air", - "cha ir", - "chai r", - "/ my", - "/m y", - "_ bad", - "_b ad", - "▁Econ omics", - "▁Economic s", - "▁Econom ics", - "I SA", - "IS A", - "_C NT", - "_CN T", - "( Menu", - "(M enu", - "(Me nu", - "▁R idge", - "▁Rid ge", - "▁length y", - "▁leng thy", - "D ot", - "Do t", - "▁j umps", - "▁jump s", - "▁ hey", - "▁h ey", - "▁he y", - "$ pdf", - "$p df", - "▁ worm", - "▁w orm", - "▁wor m", - "▁wo rm", - "▁s ut", - "▁su t", - "▁s her", - "▁sh er", - "▁she r", - "i amo", - "ia mo", - "iam o", - "▁ Calc", - "▁C alc", - "▁Cal c", - "▁Ca lc", - "t rieve", - "tr ieve", - "trie ve", - "▁c ops", - "▁co ps", - "▁cop s", - "▁Ch rom", - "▁Chr om", - "▁reg ulated", - "▁regul ated", - "▁regulate d", - "reat ment", - "▁High er", - "o ks", - "ok s", - "▁de ze", - "LOC ATION", - "ongs To", - "▁ finite", - "▁f inite", - "▁fin ite", - "▁fi nite", - "▁v aries", - "▁var ies", - "▁vari es", - "▁va ries", - "▁position ed", - "' il", - "▁h ike", - "▁hi ke", - "( done", - "(d one", - "play list", - "▁ ada", - "▁a da", - "▁ad a", - "▁coast al", - "▁N ancy", - "▁Na ncy", - "▁Nan cy", - ".DateTime Field", - "Cpp CodeGen", - "▁Similar ly", - "r eur", - "re ur", - "▁ Contr", - "▁Con tr", - "▁Cont r", - "▁ Hidden", - "▁H idden", - "▁Hi dden", - "▁B eta", - "▁Be ta", - "▁Bet a", - "at ched", - "atch ed", - "_ install", - "_inst all", - ". Output", - ".Out put", - "Look up", - "▁Rich mond", - "qu ared", - "quare d", - "qua red", - "▁m anga", - "▁man ga", - "▁mang a", - "- controls", - "-control s", - "▁Bern ard", - "L arge", - "▁s lices", - "▁sl ices", - "▁slice s", - "▁slic es", - "▁off ence", - "▁M ega", - "▁Me ga", - "▁Meg a", - "▁e star", - "▁es tar", - "▁est ar", - "▁esta r", - "▁j oints", - "▁join ts", - "▁jo ints", - "▁joint s", - "▁s umm", - "▁su mm", - "▁sum m", - "_ platform", - "_pl atform", - "B uff", - "Buf f", - "Bu ff", - ".add Subview", - "▁ret ained", - "▁retain ed", - "L etter", - "Let ter", - ". dim", - ".d im", - ".di m", - "▁ess ere", - "▁esse re", - "▁S caffold", - "EX PECT", - "EXP ECT", - "\t RE", - "\tR E", - ". longitude", - ".long itude", - "▁stat ue", - ". addWidget", - ".add Widget", - "▁Car ibbean", - "add PreferredGap", - "il de", - "ild e", - "UI Label", - "UIL abel", - "▁Op port", - "▁Opp ort", - "▁imp erial", - "▁imper ial", - "▁impe rial", - "urs ion", - "▁man date", - "▁mand ate", - "▁prom otional", - "▁promot ional", - "▁promotion al", - "▁ vk", - "▁v k", - "▁p yl", - "▁py l", - "▁ Creation", - "▁C reation", - "▁Cre ation", - "▁Creat ion", - "▁sim pler", - "▁simple r", - "▁simp ler", - "▁simpl er", - ". what", - ".w hat", - ".wh at", - "▁ Recent", - "▁Re cent", - "▁Rec ent", - "▁Rece nt", - "St orm", - ". quantity", - ".qu antity", - "▁L ov", - "▁Lo v", - "\" -", - "ub bles", - "ubble s", - "ubb les", - "_ notification", - "_not ification", - "( world", - "(w orld", - "ur ger", - "urg er", - "urge r", - "* (-", - "*( -", - ": \"\n", - ":\" \n", - "h m", - "an ship", - "ans hip", - "▁ Almost", - "▁Al most", - "▁motor cycle", - "_ fee", - "_f ee", - "_fe e", - "▁abs orb", - "▁absor b", - "▁Vin cent", - "▁Vince nt", - "▁s ounded", - "▁so unded", - "▁sound ed", - "▁pharm aceutical", - "h tag", - "ht ag", - "▁K indle", - "▁Kind le", - "ital ize", - "▁Em peror", - "ous tic", - "oust ic", - "▁special ists", - "▁specialist s", - "Border Style", - "/ \\", - "RE LATED", - "REL ATED", - "(', ',", - "( expr", - "(ex pr", - "(exp r", - "▁ ht", - "▁h t", - "_ Create", - "_C reate", - "▁s pecially", - "▁spec ially", - "▁special ly", - "▁[ ];\r\n", - "▁[] ;\r\n", - "▁[]; \r\n", - "▁ heel", - "▁he el", - "▁se pt", - "▁sep t", - "_ arch", - "_a rch", - "_ar ch", - "( initial", - "(in itial", - "(init ial", - "% .\n\n", - "%. \n\n", - "\\\" ,\\\"", - "\\\", \\\"", - "▁discuss es", - "▁ upt", - "▁u pt", - "▁up t", - "▁[ &", - "▁m anus", - "▁man us", - ". hand", - ".h and", - "▁ MAIN", - "▁M AIN", - "▁MA IN", - "▁Den mark", - "▁ ],\r\n", - "▁] ,\r\n", - "▁], \r\n", - "▁cr yst", - "▁cry st", - "▁n ack", - "▁na ck", - "Co ords", - "Coord s", - "_ inner", - "_in ner", - "▁mid st", - "▁mi dst", - "▁aw ake", - "- break", - "-b reak", - "_ PASS", - "_P ASS", - "_PA SS", - "▁ Params", - "▁Par ams", - "▁Param s", - "▁Para ms", - "▁d etr", - "▁de tr", - "▁det r", - "▁sp ider", - "▁spi der", - "▁ Concept", - "▁Con cept", - "▁ prend", - "▁p rend", - "▁pr end", - "▁pre nd", - "CH ED", - "CHE D", - ". Exit", - ".Ex it", - ".E xit", - "▁pop ulated", - "▁populate d", - "▁popul ated", - "▁virt ue", - "_ SESSION", - "_SE SSION", - "▁nou vel", - "o auth", - "oa uth", - "r ink", - "ri nk", - "rin k", - ".Header Text", - "atur ated", - "atura ted", - "atu rated", - "▁e rst", - "▁er st", - "▁ers t", - "_ visible", - "_v isible", - "_vis ible", - "e yer", - "ey er", - "eye r", - "▁ liable", - "▁l iable", - "▁li able", - "▁lia ble", - "▁de be", - "▁deb e", - "▁ bw", - "▁b w", - "{- #", - "_ WIN", - "_W IN", - "d fs", - "df s", - "H over", - "Ho ver", - "▁ PUT", - "▁P UT", - "▁PU T", - "- angle", - "-an gle", - "▁n oble", - "▁no ble", - "▁nob le", - "▁tr aces", - "▁tra ces", - "▁trace s", - "en cv", - "enc v", - "▁ userData", - "▁user Data", - "_ ins", - "_in s", - "_i ns", - "▁S uz", - "▁Su z", - "▁news letters", - "▁newsletter s", - "▁M odi", - "▁Mod i", - "▁Mo di", - "▁entreprene urs", - "▁entrepreneur s", - "▁ tribute", - "▁trib ute", - "▁rum ors", - "▁rumor s", - "▁ rr", - "▁r r", - "▁Qu arter", - "▁fe eds", - "▁feed s", - "▁fee ds", - "▁en velope", - "▁envelop e", - "▁ lear", - "▁l ear", - "▁le ar", - "develop er", - "Sim ilar", - ": \")\n", - ":\" )\n", - "sub scription", - "Mod ifier", - "it alic", - "ital ic", - "ita lic", - "▁n asty", - "▁nas ty", - "▁nast y", - "▁ter mination", - "▁term ination", - "▁termin ation", - "▁ch arming", - "▁char ming", - "▁charm ing", - "t ons", - "ton s", - "to ns", - ". trace", - ".t race", - ".tr ace", - "h ots", - "ho ts", - "hot s", - "▁ UR", - "▁U R", - "M ont", - "Mon t", - "Mo nt", - "▁just ified", - "▁G ang", - "▁Ga ng", - "▁Gan g", - "i nea", - "in ea", - "ine a", - "▁b og", - "▁bo g", - "( ap", - "(a p", - "_ $", - "▁cont amin", - "▁conta min", - ". Dot", - ".D ot", - ".Do t", - "\t Debug", - "( exports", - "(ex ports", - "(exp orts", - "▁p aired", - "▁pair ed", - "▁pa ired", - "▁pai red", - "▁ Assignment", - "▁Ass ignment", - "▁Assign ment", - "▁auto mobile", - "▁autom obile", - "▁ph ases", - "▁phase s", - "v w", - "@ SuppressWarnings", - "= \\", - "r ant", - "ra nt", - "ran t", - "- ed", - "-e d", - "\t await", - "\ta wait", - "▁cert ificates", - "▁certificate s", - "' >\"", - "'> \"", - "▁int act", - "C TRL", - "CT RL", - "M ike", - "Mi ke", - "greg ation", - "AT TERN", - "ATT ERN", - "ATTER N", - "▁re public", - "▁rep ublic", - "_ upper", - "_u pper", - "_up per", - "ili ary", - "iliar y", - "ilia ry", - "▁com putation", - "▁comp utation", - "▁comput ation", - "h ire", - "hi re", - "hir e", - "▁S hin", - "▁Sh in", - "▁Shi n", - "_ ANY", - "_A NY", - "_AN Y", - "▁ Manufacturer", - "▁Man ufacturer", - "▁Manufact urer", - "▁C arm", - "▁Car m", - "▁Ca rm", - "▁bear ings", - "▁bearing s", - "_ comb", - "_c omb", - "_com b", - "_co mb", - "c ad", - "ca d", - "ur istic", - "▁wh olesale", - "▁whole sale", - "▁wholes ale", - "▁d onor", - "▁do nor", - "▁don or", - ". interfaces", - ".inter faces", - ".interface s", - "pr esso", - "press o", - "pres so", - "▁B run", - "▁Br un", - "▁Bru n", - "- close", - "-c lose", - "-cl ose", - "p rove", - "pr ove", - "pro ve", - "prov e", - "_ SK", - "_S K", - "\t frame", - "\tf rame", - "et ros", - "etro s", - "etr os", - "▁P ain", - "▁Pa in", - "_ EXP", - "_E XP", - "_EX P", - "▁ LT", - "▁L T", - "_ fs", - "_f s", - ". datas", - ".d atas", - ".data s", - ".dat as", - ".da tas", - "\t ss", - "\ts s", - "v oir", - "vo ir", - "▁ Axis", - "▁A xis", - "▁Ax is", - "M ajor", - "= \"<", - "=\" <", - "[ h", - "▁prof ess", - "▁profes s", - "ig rate", - "igr ate", - "( score", - "(s core", - "(sc ore", - "Key word", - "\" os", - "▁▁▁▁ \t\n", - "▁▁▁ ▁\t\n", - "▁▁▁▁\t \n", - "an alysis", - "analy sis", - "anal ysis", - "▁re play", - "▁rep lay", - "▁repl ay", - ". pass", - ".p ass", - ".pa ss", - "\\ d", - "t ls", - "tl s", - "▁san ct", - ". light", - ".l ight", - ".li ght", - "_ mobile", - "_m obile", - "\t total", - "\tt otal", - "\tto tal", - "u ity", - "ui ty", - "uit y", - "▁pa used", - "▁pause d", - "N AS", - "NA S", - "▁en core", - "▁enc ore", - "l oe", - "lo e", - "▁-* -\n\n", - "▁-*- \n\n", - "▁-*-\n \n", - ". high", - ".h igh", - "am pler", - "amp ler", - "ample r", - "▁ Secure", - "▁Sec ure", - "▁f ragments", - "▁fra gments", - "▁frag ments", - "▁fragment s", - "_ vel", - "_v el", - "ill ary", - "illa ry", - "▁S tein", - "▁Ste in", - "▁D awn", - "▁Da wn", - "▁Daw n", - "▁max imize", - "▁maxim ize", - "▁/ ^", - "▁contin ually", - "▁continu ally", - "▁sh adows", - "▁shadow s", - "\t ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "\t▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "\t▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁I ActionResult", - "C HECK", - "CHE CK", - ".Selected Item", - "b undle", - "ol ley", - "oll ey", - "olle y", - "< Int", - "<", - "\\\" ><", - "\\\"> <", - "▁tra jectory", - "_ ring", - "_r ing", - "▁hydro gen", - "▁hydr ogen", - "t ron", - "tr on", - "tro n", - "▁stat ute", - "▁ conditional", - "▁condition al", - "▁cond itional", - "▁t ray", - "▁tr ay", - "▁tra y", - "- school", - "-s chool", - "( widget", - "(w idget", - "$ config", - "▁request ing", - "▁requ esting", - ". uint", - ".ui nt", - ".u int", - "e ton", - "et on", - "eto n", - "br ities", - "brit ies", - "Of Type", - "A DMIN", - "AD MIN", - "ADM IN", - "p redict", - "pre dict", - "pred ict", - "▁g egen", - "▁ge gen", - "▁H app", - "▁Ha pp", - "OC UMENT", - "▁A part", - "▁Ap art", - "▁ -----", - "▁- ----", - "▁-- ---", - "▁---- -", - "▁--- --", - "r oe", - "ro e", - "u ide", - "ui de", - "uid e", - "just ify", - "▁S quad", - "▁Squ ad", - "▁prof es", - ". bot", - ".b ot", - "_ currency", - "_c urrency", - "_curr ency", - "i nnen", - "in nen", - "inn en", - "▁M umbai", - "▁ Numbers", - "▁Number s", - "▁Num bers", - "avana ugh", - "agn itude", - "= http", - "=h ttp", - "▁ vb", - "▁v b", - "+ '{{$", - "\"> {{$", - "\">{{ $", - "\">{ {$", - "▁ inode", - "▁in ode", - "▁i node", - "s il", - "si l", - "▁h ace", - "▁ha ce", - "▁hac e", - "▁sever ely", - "▁severe ly", - "▁ Overview", - "▁Over view", - "▁sp raw", - "▁spr aw", - "▁be aches", - "▁beach es", - ": left", - "( ${", - "($ {", - "▁F IRST", - "▁S pa", - "▁Sp a", - "- ass", - "-a ss", - "-as s", - "▁b aise", - "▁ba ise", - "▁ NODE", - "▁N ODE", - "▁NO DE", - "▁P izza", - "▁Pi zza", - "P et", - "Pe t", - "( seq", - "(s eq", - "(se q", - "\\ \">\n", - "\\\" >\n", - "\\\"> \n", - "CppMethod Pointer", - "▁ vp", - "▁v p", - "▁ ia", - "▁i a", - "_ seconds", - "_se conds", - "_sec onds", - "_second s", - "e met", - "em et", - "eme t", - "/ blob", - "/b lob", - "_TH RESH", - ".. .\r\n", - "... \r\n", - "D est", - "De st", - "Des t", - "▁ NH", - "▁N H", - ".data Source", - "▁J ak", - "▁Ja k", - "s ell", - "se ll", - "sel l", - "▁work shops", - "▁workshop s", - "< u", - "▁r ivals", - "▁rival s", - "▁ri vals", - "▁riv als", - "▁EX ISTS", - "h om", - "ho m", - "- token", - "-t oken", - "-to ken", - "com patible", - "compat ible", - ".J Panel", - "▁phys icians", - "▁physician s", - "▁physic ians", - "ar tin", - "art in", - "▁des irable", - "▁distinct ive", - ". Dep", - ".D ep", - ".De p", - "g id", - "gi d", - "il iate", - "ili ate", - "ilia te", - ", max", - ",m ax", - "▁prem iere", - "▁premier e", - "▁q Debug", - "▁advoc acy", - "▁wh isper", - "P t", - "▁un changed", - "_ qty", - "_q ty", - "Se ason", - "Sea son", - "ave length", - "avel ength", - "▁P ul", - "▁Pu l", - "'] ]],\n", - "']] ],\n", - "a lis", - "al is", - "ali s", - "(\" &", - "b oro", - "bo ro", - "bor o", - "▁ bm", - "▁b m", - "▁R adi", - "▁Ra di", - "▁Rad i", - "w rong", - "wr ong", - "▁ Going", - "▁Go ing", - "ime Type", - "i ji", - "ij i", - "- feedback", - "-fe edback", - "▁ Names", - "▁N ames", - "▁Name s", - "▁Na mes", - "▁Nam es", - "▁B apt", - "▁Ba pt", - "▁pro bable", - "▁prob able", - "▁E ther", - "▁Eth er", - "▁Et her", - "▁Pol itics", - "▁Polit ics", - "_ protocol", - "_prot ocol", - "_proto col", - "l ining", - "li ning", - "lin ing", - "S at", - "Sa t", - "▁cor rel", - "▁corre l", - "▁corr el", - ". Primary", - ".Pr imary", - "( nullable", - "(null able", - "RI ORITY", - "▁col oring", - "▁color ing", - "▁util izing", - "▁utiliz ing", - "d as", - "da s", - "▁ex ported", - "▁exp orted", - "▁export ed", - "▁car riers", - "▁carrier s", - "▁carr iers", - "Con v", - "Co nv", - ". editor", - ".ed itor", - ".edit or", - "( handles", - "(h andles", - "(handle s", - "▁apprec iation", - ". import", - ".im port", - "▁Aust ria", - "▁ Strip", - "▁S trip", - "▁St rip", - "▁Str ip", - "i light", - "il ight", - "ili ght", - "▁appropri ately", - "▁appropriate ly", - "▁P rest", - "▁Pr est", - "▁Pres t", - "▁Pre st", - "▁ Wir", - "▁W ir", - "▁Wi r", - "▁ UIApplication", - "▁UI Application", - "al chemy", - "▁ Mob", - "▁M ob", - "▁Mo b", - "▁D etermin", - "▁De termin", - "ergus on", - "register ed", - "regist ered", - "_ convert", - "_con vert", - "_conv ert", - "▁Vlad imir", - ".Show Dialog", - "ref lect", - "▁s hook", - "▁sh ook", - "▁as sure", - "▁ass ure", - "▁O ften", - "▁Of ten", - "▁civil ization", - "▁v ocabulary", - "▁vocab ulary", - "fore ground", - "▁ Scope", - "▁S cope", - "▁Sc ope", - "▁Sco pe", - "▁unw anted", - "act ing", - "ac ting", - "▁ ([]", - "▁( []", - "▁([ ]", - "▁m arking", - "▁mark ing", - "▁mar king", - ". original", - ".origin al", - ".or iginal", - "▁ MOVE", - "▁M OVE", - "▁MO VE", - "▁MOV E", - "▁sp orting", - "▁sport ing", - "▁spor ting", - "ce ptions", - "ception s", - "cept ions", - "NS Number", - "S izes", - "Size s", - "Si zes", - "▁provinc ial", - "_ Trans", - "_T rans", - "_Tr ans", - "▁proble matic", - "▁problem atic", - "▁problema tic", - "▁probl ematic", - "d igit", - "di git", - "dig it", - "▁E mma", - "▁Em ma", - "l ocks", - "lo cks", - "lock s", - "loc ks", - "▁C rew", - "▁Cr ew", - "▁Cre w", - "i ba", - "ib a", - "' ):", - "') :", - "i sha", - "is ha", - "ish a", - "▁m amm", - "▁ma mm", - "▁mam m", - "▁occ ured", - "▁occur ed", - "w cs", - "wc s", - "( rule", - "(r ule", - "▁merch andise", - "es pecially", - "▁T win", - "▁Tw in", - "▁n aming", - "▁na ming", - "▁nam ing", - "▁s log", - "▁sl og", - "▁slo g", - "▁impro ves", - "▁improve s", - "▁impr oves", - "▁ad her", - ": text", - ":t ext", - ".h adoop", - "_ HTTP", - "_HT TP", - ". toList", - ".to List", - ". disabled", - ".dis abled", - ".disable d", - "▁l enses", - "▁len ses", - "▁lens es", - ". ini", - ".in i", - ".i ni", - "▁R are", - "▁Ra re", - "▁Ub untu", - "▁sc ram", - "▁scr am", - "o lation", - "ol ation", - "ola tion", - "t itulo", - "tit ulo", - "Every thing", - "▁nod ded", - "icht ig", - "_ constant", - "_con stant", - "_const ant", - "_cons tant", - "z c", - "l ift", - "li ft", - "▁ Notify", - "▁N otify", - "▁Not ify", - "on do", - "ond o", - "▁ INF", - "▁I NF", - "▁IN F", - "( \"+", - "(\" +", - "▁K az", - "▁Ka z", - "▁d read", - "▁dr ead", - "▁dre ad", - ". mapper", - ".m apper", - ".map per", - "l eur", - "le ur", - "▁Com ey", - "▁Come y", - "▁ NB", - "▁N B", - "i cers", - "ic ers", - "ice rs", - "icer s", - ". Push", - ".P ush", - "▁H ack", - "▁Ha ck", - "▁Brazil ian", - "_ prod", - "_p rod", - "_pro d", - "_pr od", - "▁ //\n\n", - "▁// \n\n", - "▁/ /\n\n", - "▁//\n \n", - "▁b icycle", - "▁bi cycle", - "▁bicy cle", - "▁bic ycle", - "▁un available", - "▁adoles cent", - "b lk", - "bl k", - "▁mit ig", - "_ blue", - "_bl ue", - "fade In", - "▁ Utilities", - "▁Util ities", - "▁Ut ilities", - "▁ MN", - "▁M N", - "; k", - "< style", - "- status", - "-st atus", - "in do", - "ind o", - "▁in nings", - "▁inn ings", - "▁inning s", - "▁g j", - "▁|| =", - ". eu", - ".e u", - ": Number", - ":N umber", - "▁c uisine", - "▁cuis ine", - "▁URL s", - "i ek", - "ie k", - "▁w ires", - "▁wire s", - "▁wir es", - "▁wi res", - "\t ps", - "\tp s", - "i eg", - "ie g", - ". mk", - ".m k", - "so ap", - "▁some time", - "▁som etime", - "▁s tap", - "▁st ap", - "▁sta p", - "_ series", - "_s eries", - "_se ries", - ". Target", - ".T arget", - ". destination", - ".d estination", - ".dest ination", - "OUN TER", - "OUNT ER", - "R aises", - "Ra ises", - "& A", - "▁smart phones", - "▁smartphone s", - "NI Env", - ". sdk", - ".s dk", - "▁helicopt er", - "▁im pe", - "▁imp e", - "▁ Birth", - "▁B irth", - "▁Bir th", - "A U", - "b readcrumbs", - "breadcrumb s", - "co ords", - "coord s", - "▁expl ored", - "▁explo red", - "▁explore d", - "▁explor ed", - "▁l od", - "▁lo d", - "▁ Ip", - "▁I p", - "g able", - "ga ble", - "i ane", - "ia ne", - "ian e", - "▁art ifacts", - "▁artifact s", - "Box Layout", - "list ener", - "listen er", - ". cart", - ".c art", - ".ca rt", - ".car t", - "▁H uff", - "▁Hu ff", - "▁Hind u", - "▁Hin du", - "▁Data Types", - "▁DataType s", - "▁ Drupal", - "▁Dr upal", - "IGN ORE", - "▁off sets", - "▁offset s", - "▁ RTC", - "▁R TC", - "▁RT C", - "- login", - "-lo gin", - "-log in", - "▁Q Object", - "▁prosec utor", - "R ock", - "Ro ck", - "_ chat", - "_c hat", - "_ch at", - "W ay", - "▁neg lig", - "▁d ude", - "▁du de", - "; <", - "▁de legates", - "▁delegate s", - "▁deleg ates", - "_ failed", - "_f ailed", - "_fail ed", - "/ dev", - "/d ev", - "/de v", - "/ work", - "/w ork", - "( New", - "(N ew", - "e table", - "et able", - "eta ble", - "( )\"", - "() \"", - "( Icons", - "(I cons", - "▁p ork", - "▁po rk", - "▁por k", - "▁Model AndView", - "▁V IP", - "▁VI P", - "▁K or", - "▁Ko r", - "m ix", - "mi x", - "▁ox id", - "▁ SCREEN", - "▁S CREEN", - "▁SC REEN", - "▁Four th", - "/ \",\n", - "/\" ,\n", - "/\", \n", - "▁ tee", - "▁t ee", - "▁te e", - "▁Ste vens", - "▁Steve ns", - "▁Steven s", - "t icks", - "ti cks", - "tic ks", - "tick s", - "▁p ledge", - "▁pl edge", - "▁pled ge", - "ib bon", - "▁Lo an", - "▁ neo", - "▁n eo", - "▁ne o", - "n umpy", - "num py", - "▁ SharedPreferences", - "▁Shared Preferences", - "- oriented", - "▁Logger Factory", - "▁Graph QL", - "z enia", - "ze nia", - "zen ia", - "\" _", - "W omen", - ". cast", - ".c ast", - ".ca st", - "▁deliber ately", - "▁deliberate ly", - "+ b", - "▁ Arn", - "▁A rn", - "▁Ar n", - "font Size", - "▁m aze", - "▁ma ze", - "▁bl amed", - "▁blame d", - ". mas", - ".m as", - "} )\r\n", - "}) \r\n", - "eler ik", - "ele rik", - "▁sc anning", - "▁scan ning", - "▁Work shop", - "▁Works hop", - "▁f inden", - "▁find en", - "▁fin den", - "▁c aut", - "▁ca ut", - "UI Font", - "( return", - "(r eturn", - "(re turn", - "(ret urn", - "a lin", - "al in", - "ali n", - "cast le", - "cas tle", - "//// ////////////////////////////////////////////////////////////////////", - "//////// ////////////////////////////////////////////////////////////////", - "//////////////// ////////////////////////////////////////////////////////", - "//////////////////////////////////////////////////////////////// ////////", - "//////////////////////////////////////////////////////////////////// ////", - "//////////////////////////////////////////////////////// ////////////////", - "▁incent ive", - "o path", - "op ath", - "opa th", - "b lob", - "bl ob", - "blo b", - "▁cigaret te", - "▁cigar ette", - "▁fer til", - "▁fert il", - "*/ \n\n\n", - "*/\n \n\n", - "*/\n\n \n", - "▁ Shar", - "▁S har", - "▁Sh ar", - "▁Sha r", - "\n ▁▁▁▁▁▁\n", - "▁unc ertain", - "▁uncert ain", - "▁S ton", - "▁St on", - "Oper ations", - "Operation s", - "▁Sp encer", - "▁de fin", - "▁def in", - "▁S olo", - "▁So lo", - "▁Sol o", - "o nest", - "on est", - "one st", - "ones t", - "▁u omo", - "▁uom o", - "G ive", - "Gi ve", - "▁den tro", - "▁dent ro", - "; padding", - ";p adding", - "ent ai", - "enta i", - "▁C ars", - "▁Car s", - "▁Ca rs", - "▁enthus iasm", - "▁enthusi asm", - "▁ Operating", - "▁Oper ating", - "▁Opera ting", - "S kip", - "Sk ip", - "par ation", - "pa ration", - "para tion", - "▁prote cts", - "▁protect s", - "▁re ver", - "▁r ever", - "▁rev er", - "▁reve r", - "d g", - "▁C incinnati", - "▁consect etur", - "▁m uss", - "▁mus s", - "▁mu ss", - "employ ed", - "a uses", - "au ses", - "ause s", - "aus es", - "in kle", - "ink le", - ". Values", - ".Value s", - "l ov", - "lo v", - "_W ARN", - "▁ bookmark", - "▁book mark", - "▁Ap ollo", - ". axis", - ".a xis", - ".ax is", - "▁op ener", - "▁open er", - "▁tu mor", - "▁tum or", - "d an", - "da n", - "▁element ary", - "▁sk ipped", - "▁skip ped", - "▁ski pped", - "▁K er", - "▁Ke r", - "as ia", - "asi a", - "_ resp", - "_re sp", - "_r esp", - "_res p", - "▁de mol", - "▁dem ol", - "▁demo l", - "▁Can adians", - "▁Canadian s", - "▁t astes", - "▁taste s", - "▁tas tes", - "▁tast es", - "U Integer", - "UInt eger", - "▁' ${", - "▁'$ {", - ". aws", - ".a ws", - ".aw s", - "R OID", - "RO ID", - "r ians", - "ri ans", - "ria ns", - "rian s", - "M Q", - "ord able", - "orda ble", - "▁cou sin", - "▁cous in", - "Prop agation", - "( Session", - "(S ession", - "p halt", - "ph alt", - "pha lt", - "U LD", - "UL D", - "▁ Scalar", - "▁S calar", - "▁Sc alar", - "▁blood y", - "▁blo ody", - ". mask", - ".m ask", - ".mas k", - ", q", - "▁ Units", - "▁Un its", - "▁Unit s", - "▁Uni ts", - "▁cent res", - "▁centre s", - "▁centr es", - "▁P rim", - "▁Pr im", - "▁Pri m", - ". ]\n\n", - ".] \n\n", - "▁Sh aw", - "▁Sha w", - "P rom", - "Pro m", - "Pr om", - "▁Th ought", - "▁Though t", - "Check er", - "Che cker", - "_ outputs", - "_out puts", - "_output s", - "( chan", - "(c han", - "(ch an", - "E INVAL", - "▁ bob", - "▁b ob", - "▁bo b", - "_ cmp", - "_c mp", - "_cm p", - "P ed", - "Pe d", - "▁mat rices", - "▁vrou wen", - "▁vrouw en", - "▁genu inely", - "▁genuine ly", - "high light", - "( display", - "(d isplay", - "(dis play", - ") !=", - ")! =", - "▁de licate", - "▁del icate", - "▁delic ate", - "▁L uther", - "▁Lu ther", - "▁M iles", - "▁Mil es", - "▁Mi les", - "▁Mile s", - "▁ userID", - "▁user ID", - "% =", - "at eurs", - "ate urs", - "ateur s", - "_ BUF", - "_B UF", - "- ------\n", - "-- -----\n", - "---- ---\n", - "--- ----\n", - "----- --\n", - "------ -\n", - "------- \n", - "im itives", - "imit ives", - "imitive s", - "▁sh elves", - "s low", - "sl ow", - "_ information", - "_in formation", - "L EG", - "LE G", - "W r", - ". forms", - ".for ms", - ".form s", - "c eland", - "ce land", - "cel and", - "/ un", - "/u n", - ": &", - "= \"%", - "=\" %", - "▁p rost", - "▁pro st", - "▁pr ost", - "▁pros t", - "▁ fontsize", - "▁font size", - "▁fonts ize", - "g etic", - "get ic", - "ge tic", - "a mt", - "am t", - "= \".", - "=\" .", - "De cor", - "Dec or", - "B rit", - "Br it", - "▁\" \").", - "▁\"\" ).", - "▁\"\") .", - "▁f ounding", - "▁found ing", - "▁fo unding", - ". FileName", - ".File Name", - "▁T ier", - "▁Ti er", - "▁Tie r", - "▁dis close", - "▁disc lose", - ". syn", - ".s yn", - ". ViewHolder", - ".View Holder", - "lic ant", - "lica nt", - "_ stage", - "_st age", - "Mon day", - "▁de serialize", - "▁des erialize", - "t alk", - "ta lk", - "tal k", - "▁trad itionally", - "▁traditional ly", - "▁tradition ally", - "L EX", - "LE X", - "▁ eh", - "▁e h", - "\t ROM", - "\tR OM", - "▁ {})\n", - "▁{ })\n", - "▁{} )\n", - "▁{}) \n", - "Question s", - "Quest ions", - "n cpy", - "nc py", - "▁fix ing", - "_ Key", - "_K ey", - ": x", - "▁ STRING", - "▁STR ING", - "\t left", - "\tl eft", - "▁B ench", - "▁Ben ch", - "el lij", - "ell ij", - "elli j", - "UR RED", - "URRE D", - "▁Di agram", - "} catch", - "/ time", - "/t ime", - "▁ Missing", - "▁M issing", - "▁Miss ing", - "db name", - "▁s ore", - "▁so re", - "▁sor e", - "▁W alt", - "▁Wal t", - "▁Wa lt", - "ug ging", - "ugg ing", - "re present", - "rep resent", - "▁ GS", - "▁G S", - "ne ys", - "ney s", - "\t page", - "\tp age", - "▁vol can", - "( btn", - "(b tn", - "▁exceed s", - "▁ erg", - "▁e rg", - "▁er g", - "▁pil ots", - "▁pilot s", - "▁S ed", - "▁Se d", - "ers ions", - "ersion s", - "▁pat ron", - "▁pa tron", - "R V", - "/ top", - "/t op", - "/to p", - ". asset", - ".as set", - "_ cross", - "_c ross", - "_cr oss", - ". Editor", - ".Edit or", - ". tb", - ".t b", - "▁wel coming", - "S CREEN", - "SC REEN", - ") findViewById", - "C oder", - "Code r", - "Co der", - " \",\n", - ">\" ,\n", - ">\", \n", - "_ Pin", - "_P in", - "u ese", - "ue se", - "ues e", - "▁over rides", - "▁override s", - "_ ready", - "_re ady", - "_read y", - "Adv anced", - "▁o pi", - "▁op i", - "- cart", - "-c art", - "-car t", - "-ca rt", - "(\" /\",", - "(\"/ \",", - "▁D eb", - "▁De b", - "C RY", - "CR Y", - "▁ Vertical", - "▁Ver tical", - "▁Vert ical", - "▁ OVER", - "▁O VER", - "▁Cor porate", - "▁Corpor ate", - "▁Corp orate", - "▁\" \";", - "▁\"\" ;", - "▁step ping", - "▁ste pping", - "e j", - "▁accus ations", - "▁o raz", - "▁or az", - "▁ora z", - "_ tail", - "_t ail", - "▁in duced", - "▁ind uced", - "▁indu ced", - "▁induce d", - "▁e lastic", - "▁el astic", - "▁bl own", - "▁blow n", - "▁blo wn", - ", //", - "▁background s", - "- sdk", - "-s dk", - "▁set Interval", - "▁incent ives", - "▁incentive s", - "▁veget able", - "▁veg etable", - "_ On", - "_O n", - "exp anded", - "expand ed", - "p ix", - "pi x", - "_ shader", - "_sh ader", - "_sha der", - "▁SP DX", - "@ example", - "▁ Wrapper", - "▁W rapper", - "▁Wr apper", - "▁Wrap per", - ". Zero", - ".Z ero", - "Pos itive", - "▁sp inner", - "▁spin ner", - "▁inv ented", - "▁invent ed", - "▁G ates", - "▁Ga tes", - "▁Gate s", - "▁compar isons", - "▁comparison s", - ". primary", - ".pr imary", - "data Provider", - "add itional", - "\t options", - "\to ptions", - "s napshot", - "snap shot", - ".set Horizontal", - "▁\" {}", - "▁\"{ }", - "▁F isher", - "▁Fish er", - "h alten", - "hal ten", - "halt en", - "< Type", - "", - "▁) ->", - "▁ Registered", - "▁Register ed", - "IN ED", - "INE D", - "k al", - "ka l", - "par ison", - "▁obj eto", - "▁objet o", - "V i", - "m anda", - "man da", - "ma nda", - "mand a", - "▁renew ed", - "▁S of", - "▁So f", - "es sel", - "ess el", - "esse l", - ".nd array", - "▁c rap", - "▁cr ap", - "▁cra p", - ".abs path", - ".ab spath", - "( up", - "(u p", - "▁clear ance", - "▁ TW", - "▁T W", - "_ COPY", - "_C OPY", - "_CO PY", - "▁▁▁▁ ▁▁▁▁▁▁▁▁\t", - "▁▁▁▁▁▁▁▁ ▁▁▁▁\t", - "▁▁▁▁▁▁▁▁▁▁▁ ▁\t", - "▁▁▁▁▁▁▁▁▁ ▁▁▁\t", - "▁▁▁▁▁▁ ▁▁▁▁▁▁\t", - "▁▁▁▁▁▁▁▁▁▁▁▁ \t", - "▁▁▁▁▁▁▁▁▁▁ ▁▁\t", - "▁for ests", - "▁fore sts", - "▁forest s", - "▁arg uably", - "▁ ASS", - "▁A SS", - "▁AS S", - "h ey", - "he y", - "a mel", - "am el", - "ame l", - "_ fore", - "_f ore", - "_for e", - "▁South east", - "▁Sou theast", - "▁ab used", - "▁abuse d", - "▁pract icing", - "ake dirs", - "aked irs", - "_ resources", - "_re sources", - "_res ources", - "_resource s", - "▁ pond", - "▁p ond", - "▁po nd", - "▁pon d", - ". Fixed", - ".F ixed", - "Last Error", - "▁Psych ology", - "▁\" //", - "▁\"/ /", - "! :", - "Re usable", - "▁ mensaje", - "▁m ensaje", - "▁mens aje", - "▁ro spy", - "▁ros py", - "▁ bour", - "▁b our", - "▁bo ur", - "▁bou r", - "▁var ieties", - "▁vari eties", - "▁em path", - "▁emp ath", - "( ({", - "(( {", - "_ org", - "_or g", - "_o rg", - "▁ Mes", - "▁M es", - "▁Me s", - "▁ Magento", - "▁M agento", - "▁Mag ento", - "IST ORY", - "Un less", - "▁h j", - "▁D uty", - "▁Du ty", - "▁Dut y", - "J un", - ", size", - ",s ize", - "▁paint ings", - "▁pain tings", - "▁painting s", - "▁d ispens", - "▁disp ens", - "d art", - "da rt", - "dar t", - "▁behavior al", - "▁ rpc", - "▁r pc", - "▁rp c", - "c alculate", - "cal culate", - "calc ulate", - "f ruit", - "fr uit", - "_ mm", - "_m m", - "\t pthread", - "\tp thread", - "Max Length", - "▁c urrencies", - "▁curr encies", - "_ capacity", - "_cap acity", - "▁O z", - "▁fire arm", - "▁co efficient", - "▁coeff icient", - "▁bankrupt cy", - "w art", - "wa rt", - "war t", - "▁fat igue", - "A VA", - "AV A", - "▁es pa", - "▁esp a", - "_ pc", - "_p c", - "▁ Quotes", - "▁Qu otes", - "▁Quote s", - "_ LIGHT", - "_L IGHT", - "▁ Tickets", - "▁T ickets", - "▁Ticket s", - "▁Tick ets", - "▁re lates", - "▁rel ates", - "▁relate s", - "▁publish ers", - "▁publisher s", - "▁un locked", - "▁unlock ed", - "▁ //----------------------------------------------------------------", - "▁// ----------------------------------------------------------------", - "▁ InterruptedException", - "▁Interrupt edException", - "▁out look", - "r n", - "▁reb els", - "▁rebel s", - "W ritten", - "Wr itten", - "▁as ian", - "▁asi an", - "ot to", - "ott o", - "▁ \t\t\t\t", - "▁\t \t\t\t", - "▁\t\t \t\t", - "▁\t\t\t \t", - "_ gpu", - "_g pu", - "T xt", - "Tx t", - ". ImageView", - ".Image View", - "▁s uis", - "▁su is", - "_ tables", - "_t ables", - "_table s", - "_tab les", - ". RecyclerView", - ".Rec yclerView", - "▁what soever", - "] ++;\n", - "assert True", - "_ verify", - "_ver ify", - "▁R ivers", - "▁River s", - "▁Riv ers", - "▁Ri vers", - "▁ ][", - "▁] [", - "J et", - "Je t", - "id ian", - "idi an", - "S ibling", - "Si bling", - "▁gen res", - "▁genre s", - ". Access", - ".A ccess", - ".Ac cess", - "O PS", - "OP S", - "▁tr ivial", - "a len", - "al en", - "ale n", - "▁S word", - "▁Sw ord", - "▁scrut iny", - "( cb", - "(c b", - "▁ commerce", - "▁com merce", - "▁comm erce", - "▁guarante es", - "▁guarantee s", - "_ adv", - "_a dv", - "_ad v", - "▁ LET", - "▁L ET", - "▁LE T", - "re cio", - "rec io", - "▁h ilar", - "▁hi lar", - "▁hil ar", - "▁back yard", - "▁illustr ated", - "▁illustrate d", - "/ vendor", - "/v endor", - ". Util", - ".U til", - "▁ wow", - "▁w ow", - "▁wo w", - "LO Y", - "▁ Marshal", - "▁M arshal", - "▁Mar shal", - "▁Mars hal", - "▁Marsh al", - "\" >'.$", - "\"> '.$", - "\">' .$", - "\">'. $", - "▁B ak", - "▁Ba k", - "▁mod ifiers", - "▁modifier s", - "d ictionary", - "▁S tre", - "▁St re", - "▁Str e", - "m ultiple", - "mult iple", - "multi ple", - "\" )),", - "\") ),", - "\")) ,", - "▁C ort", - "▁Co rt", - "▁Cor t", - "' ]\").", - "'] \").", - "( admin", - "(ad min", - "▁ Creator", - "▁C reator", - "▁Cre ator", - "▁Creat or", - "Int ernet", - "Inter net", - "( ms", - "(m s", - "l ogy", - "lo gy", - "log y", - "DECL ARE", - "▁Mar cus", - "▁Marc us", - "< <<<", - "<< <<", - "<<< <", - "_ my", - "_m y", - "( inst", - "(i nst", - "(in st", - "(ins t", - "▁sc iences", - "▁science s", - "▁sci ences", - "N DER", - "ND ER", - ". enter", - ".en ter", - "▁ itu", - "▁it u", - "▁i tu", - "▁be have", - "▁beh ave", - "P an", - "Pa n", - "om bies", - "omb ies", - "ombie s", - "= '<", - "=' <", - "' ));\r\n", - "') );\r\n", - "')) ;\r\n", - "')); \r\n", - "▁ MENU", - "▁M ENU", - "▁ME NU", - "▁Work ers", - "▁Worker s", - "▁Wor kers", - ".No Error", - "▁bin dings", - "▁bind ings", - "▁binding s", - "▁dis abilities", - "{ \\", - "▁M unicip", - "▁Mun icip", - "▁ cores", - "▁c ores", - "▁co res", - "▁cor es", - "▁core s", - "ur ple", - "▁N okia", - "us ions", - "usion s", - "usi ons", - "▁F itness", - "▁Fit ness", - ". handleChange", - ".handle Change", - "▁ javascript", - "▁j avascript", - "▁jav ascript", - "▁java script", - "( dec", - "(d ec", - "(de c", - "▁p acking", - "▁pack ing", - "▁pac king", - "- depend", - "-d epend", - "-de pend", - "▁trans cript", - "▁tran script", - "z eros", - "ze ros", - "zer os", - "zero s", - "_ alert", - "_al ert", - "? \",\n", - "?\" ,\n", - "?\", \n", - "l ibs", - "li bs", - "lib s", - "▁ |\n\n", - "▁| \n\n", - "▁|\n \n", - "tr ained", - "tra ined", - "train ed", - "▁G ent", - "▁Ge nt", - "▁Gen t", - "▁R ab", - "▁Ra b", - "x p", - "_ configuration", - "_config uration", - "_ accept", - "_ac cept", - ".rec yclerview", - ": url", - "▁Mu hammad", - "▁privile ges", - "▁privilege s", - "_ bank", - "_b ank", - "u ku", - "uk u", - "w allet", - "wall et", - "wal let", - "▁ ROOT", - "▁R OOT", - "▁RO OT", - "▁enc uent", - "? family", - "\t position", - "\tp osition", - "\tpos ition", - "▁ cg", - "▁c g", - "▁prec ip", - "method s", - "_ fast", - "_f ast", - "in crement", - "inc rement", - "incre ment", - "▁T iger", - "▁Ti ger", - "_OCC URRED", - "qu ip", - "qui p", - "▁H AS", - "▁HA S", - "_ dom", - "_d om", - "_do m", - "▁w reck", - "b j", - "▁d ern", - "▁de rn", - "▁der n", - "▁org ans", - "▁organ s", - ". entries", - ".en tries", - "▁_ ('", - "▁_( '", - "r amento", - "ram ento", - "▁Jam ie", - "▁p unk", - "▁pun k", - "▁pu nk", - "I PP", - "IP P", - "▁program a", - "▁prog rama", - "▁at tain", - "▁att ain", - "▁pro ves", - "▁pr oves", - "▁prov es", - "▁prove s", - "/ sign", - "/s ign", - "▁answer ing", - "▁l adder", - "▁lad der", - "**** ************************", - "******** ********************", - "************************ ****", - "******************** ********", - "▁W almart", - "▁Wal mart", - "▁CONT ENT", - "du ctor", - "duct or", - "duc tor", - "▁ver bal", - "▁verb al", - "▁ PID", - "▁P ID", - "▁PI D", - "c rypto", - "crypt o", - "cry pto", - "_CALL BACK", - "▁= ================================", - "▁================= ================", - "▁pot ent", - "▁sh orts", - "▁short s", - ". Uri", - ".U ri", - ". uniform", - ".un iform", - "; border", - ";b order", - "▁W er", - "▁We r", - "▁here in", - "l la", - "ll a", - "▁I hr", - "▁Ih r", - "P ixmap", - "l iteral", - "lit eral", - "! )\n\n", - "!) \n\n", - "!)\n \n", - "g eneric", - "gen eric", - "gener ic", - "gene ric", - "r ust", - "ru st", - "rus t", - "_ scripts", - "_s cripts", - "_script s", - "o sto", - "os to", - "ost o", - "it us", - "itu s", - "▁Coal ition", - "▁re mot", - "▁rem ot", - "de ploy", - "dep loy", - "▁E agle", - "▁Eag le", - "▁import ante", - "▁important e", - "\t object", - "\to bject", - "\tobj ect", - "▁season al", - "▁seas onal", - "n ej", - "ne j", - "ai du", - "aid u", - "Bind View", - "▁Si erra", - "- bg", - "-b g", - "▁make Styles", - "[ offset", - "[o ffset", - "G ames", - "Game s", - "▁horm one", - "AR IO", - "ARI O", - "he ads", - "head s", - "hea ds", - "( select", - "(s elect", - "(se lect", - "▁ Started", - "▁Start ed", - "▁Star ted", - "@ param", - "_ decl", - "_de cl", - "_dec l", - "_ blog", - "_b log", - "_bl og", - "\\ Api", - "▁Mil waukee", - "Pro vid", - "Pr ovid", - "An imated", - "Anim ated", - "▁co oler", - "▁cool er", - "▁ Seed", - "▁S eed", - "▁Se ed", - "▁See d", - ". Edit", - ".E dit", - "▁ Taking", - "▁T aking", - "▁Ta king", - "▁Tak ing", - "▁border Color", - "-found er", - ".Logger Factory", - "▁\" \"\n\n", - "▁\"\" \n\n", - "▁\"\"\n \n", - "A LT", - "AL T", - "▁ Late", - "▁L ate", - "▁La te", - "▁Lat e", - "EDI ATE", - "EDIA TE", - "▁ );\n\n\n", - "▁) ;\n\n\n", - "▁);\n \n\n", - "▁);\n\n \n", - "▁); \n\n\n", - "a fa", - "af a", - "▁c ancellation", - "▁cancel lation", - "▁cancell ation", - "A tom", - "At om", - "▁B irmingham", - "emp resa", - "empre sa", - "H EMA", - "HE MA", - "as cal", - "asc al", - "▁up side", - "▁ups ide", - ". Version", - ".V ersion", - "▁ Folder", - "▁F older", - "▁Fol der", - "▁Fold er", - "▁ Eight", - "▁E ight", - "▁V intage", - "▁ AppDelegate", - "▁App Delegate", - "▁Pre vention", - "▁Prevent ion", - "▁Prev ention", - ". separator", - ".se parator", - "S TM", - "ST M", - "( room", - "(r oom", - "g enerator", - "gen erator", - "gener ator", - "▁c attle", - "▁cat tle", - "\t Z", - "▁ Particle", - "▁P article", - "▁Part icle", - "' };\n", - "'} ;\n", - "▁ne ighbours", - "▁neighb ours", - "▁neighbour s", - "▁State less", - "▁alt itude", - "▁s aint", - "▁sa int", - "▁con vinc", - "▁conv inc", - "▁convin c", - "▁ Contents", - "▁Cont ents", - "▁Content s", - "▁je une", - "▁jeu ne", - "( ts", - "(t s", - "S erialization", - "Serial ization", - "( collection", - "(c ollection", - "(col lection", - "▁J azz", - "▁Ja zz", - "▁D od", - "▁Do d", - "▁R och", - "▁Ro ch", - "a cio", - "ac io", - "aci o", - "comm ended", - "commend ed", - "DE FINE", - "DEF INE", - ".on load", - "▁special ty", - "PL ACE", - "_ MOVE", - "_M OVE", - "_MO VE", - "_MOV E", - "▁account able", - "Re uters", - "▁f icken", - "▁fi cken", - "▁fic ken", - "▁fick en", - "▁de pr", - "▁dep r", - "W ow", - "V oid", - "Vo id", - ". space", - ".s pace", - ".sp ace", - "▁t q", - "▁P ets", - "▁Pe ts", - "▁Pet s", - "< $", - "( Current", - "(C urrent", - "ber ries", - "plan ation", - "▁list Of", - "▁ Thu", - "▁T hu", - "▁Th u", - "▁ PRINT", - "▁PR INT", - "▁PRI NT", - "▁m ismo", - "▁mis mo", - "▁ doi", - "▁d oi", - "▁do i", - "ch k", - "▁ Unicode", - "▁Un icode", - "▁Uni code", - "( role", - "(r ole", - "▁vir gin", - "< Point", - "

-->\n", - "V ol", - "Vo l", - "▁S SD", - "▁SS D", - ") )),", - ")) ),", - "))) ,", - ". Optional", - ".Option al", - "▁n urses", - "▁nur ses", - "▁nurs es", - "▁nurse s", - "▁ orb", - "▁o rb", - "▁or b", - "_ pe", - "_p e", - ") ;\r\n\r\n\r\n", - ");\r\n \r\n\r\n", - "); \r\n\r\n\r\n", - ");\r\n\r\n \r\n", - "pl aced", - "place d", - "pla ced", - "es ser", - "ess er", - "esse r", - "▁ther apeutic", - "▁wh itespace", - "▁white space", - "▁whites pace", - "▁a ston", - "▁as ton", - "▁ast on", - "Success ful", - "▁pr aised", - "▁praise d", - "▁pra ised", - "▁W es", - "▁We s", - "▁e ighth", - "▁eight h", - "i ral", - "ir al", - "ira l", - "▁vrou w", - "▁f action", - "▁fact ion", - "▁fa ction", - "▁fac tion", - "_ bias", - "_b ias", - "▁ witch", - "▁w itch", - "▁wit ch", - "▁ npc", - "▁n pc", - "▁np c", - "( sb", - "(s b", - "▁Rod rig", - "▁Rodr ig", - "_ big", - "_b ig", - "D ependency", - "Dep endency", - "▁Ab raham", - "ar di", - "ard i", - "C AR", - "CA R", - "n os", - "no s", - "▁abund ance", - "▁nut rients", - "▁nutrient s", - "in stein", - "ins tein", - ". Vert", - ".V ert", - ".Ver t", - "▁ ISS", - "▁I SS", - "▁IS S", - "< U", - "▁s ums", - "▁su ms", - "▁sum s", - "_ hist", - "_h ist", - "_hi st", - "▁far mer", - "▁farm er", - "▁A br", - "▁Ab r", - "S hot", - "Sh ot", - "▁ BadRequest", - "▁Bad Request", - "▁h ass", - "▁has s", - "▁ha ss", - "▁ Rails", - "▁R ails", - "▁Ra ils", - "▁Rail s", - "▁aff iliated", - "▁affili ated", - "▁affiliate d", - "▁e rf", - "▁er f", - "I NF", - "IN F", - "▁ ViewHolder", - "▁View Holder", - "m ini", - "min i", - "mi ni", - "▁R oth", - "▁Ro th", - "▁Rot h", - "▁faith ful", - "▁Phill ips", - "▁Phillip s", - "AN DOM", - "AND OM", - "] .[", - "]. [", - "_ PAY", - "_P AY", - "_PA Y", - "▁Ar ctic", - "▁Arc tic", - "f aker", - "fa ker", - "fake r", - "D igit", - "Di git", - "Dig it", - "M ale", - "Ma le", - "Mal e", - "std err", - "se ys", - "sey s", - "_ remote", - "_rem ote", - "l ique", - "li que", - "liqu e", - "▁in def", - "▁i ndef", - "▁ind ef", - "▁inde f", - "▁Indust ries", - "i tra", - "it ra", - "itr a", - "_p airs", - "_pair s", - "_pa irs", - "< iostream", - " D", - "▁s ervlet", - "▁serv let", - "bast ian", - "▁ >&", - "▁> &", - "S ID", - "SI D", - "_ clk", - "_c lk", - "_cl k", - "▁di visions", - "▁div isions", - "▁division s", - "▁divis ions", - "} ',\n", - "}' ,\n", - "}', \n", - "▁d ildo", - "▁dil do", - "▁par ade", - "▁para de", - "▁pa rade", - "▁parad e", - "m ajor", - "▁a board", - "▁ab oard", - "; ++", - "▁ fusion", - "▁f usion", - "\" },{\"", - "\"} ,{\"", - "\"}, {\"", - "▁Dialog Result", - "\t arr", - "\ta rr", - "- em", - "-e m", - "_ nr", - "_n r", - "( handler", - "(h andler", - "(handle r", - ". NET", - ".N ET", - ".Xtra Reports", - "▁Sh ah", - "▁Sha h", - "▁B rief", - "▁Br ief", - "▁Bri ef", - "- ,", - "▁ precio", - "▁p recio", - "▁pre cio", - "▁prec io", - "\t \t\t▁▁▁▁▁▁", - "\t\t \t▁▁▁▁▁▁", - "\t\t\t ▁▁▁▁▁▁", - "\t\t\t▁▁▁ ▁▁▁", - "\t\t\t▁ ▁▁▁▁▁", - "\t\t\t▁▁ ▁▁▁▁", - "\t\t\t▁▁▁▁ ▁▁", - "\t\t\t▁▁▁▁▁ ▁", - "▁ tant", - "▁t ant", - "▁ta nt", - "▁tan t", - "▁Gr ande", - "▁Grand e", - "▁Gran de", - "▁Gra nde", - "/ xml", - "/x ml", - "_ ICON", - "_I CON", - "_IC ON", - "▁R etro", - "▁Re tro", - "▁Ret ro", - "un que", - "▁n ag", - "▁na g", - "to Fixed", - "X L", - "▁decl aring", - "▁declar ing", - "▁Con crete", - "▁Am azing", - "\tprint k", - "▁deb ates", - "▁debate s", - "D ATED", - "DA TED", - "DATE D", - "DAT ED", - "▁aest hetic", - "▁aes thetic", - "eme tery", - "emet ery", - "Routing Module", - "▁Nash ville", - "W AYS", - "WA YS", - "WAY S", - "▁w olf", - "▁wo lf", - "▁obs ervers", - "▁observ ers", - "▁observer s", - "▁observe rs", - "O TA", - "OT A", - "an son", - "ans on", - "▁ ea", - "▁e a", - "▁green house", - "▁st air", - "▁sta ir", - "▁imm igrant", - "▁immigr ant", - "_ apply", - "_app ly", - "_ap ply", - "pe are", - "pear e", - "▁Bloom berg", - "_ PLAYER", - "_PL AYER", - "_PLAY ER", - "R esp", - "Re sp", - "Res p", - "Choose r", - "Cho oser", - "▁ ICollection", - "▁I Collection", - "▁IC ollection", - "P eter", - "Pe ter", - "Pet er", - "Err o", - "Er ro", - ".detect Changes", - "M aps", - "Map s", - "Ma ps", - "▁ squeeze", - "▁s queeze", - "▁squeez e", - "▁H omes", - "▁Home s", - "▁Hom es", - "▁Ho mes", - "weg ian", - "▁format ting", - "▁negot iate", - "u ld", - "ul d", - "▁N ep", - "▁Ne p", - "▁Q B", - "▁econom ies", - "▁ */,", - "▁* /,", - "▁*/ ,", - "▁red und", - "▁redu nd", - "▁A ber", - "▁Ab er", - "▁Abe r", - ".IsNullOr WhiteSpace", - "yc led", - "ycle d", - "ycl ed", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁\n", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ \n", - "_ Sh", - "_S h", - "▁ske pt", - "▁re created", - "▁rec reated", - "▁recre ated", - "▁recreate d", - "▁ getType", - "▁get Type", - "▁margin s", - "▁marg ins", - "▁colon ial", - "ch arts", - "char ts", - "chart s", - "/ /@", - "// @", - "▁process ors", - "▁processor s", - "▁processo rs", - "b atis", - "bat is", - "at orio", - "ator io", - "ato rio", - "atori o", - "mention ed", - "P atient", - "Pat ient", - "▁p rey", - "▁pr ey", - "▁pre y", - "Check box", - "_ xpath", - "_x path", - ". skip", - ".s kip", - ".sk ip", - "▁Mor mon", - "▁Morm on", - "▁Memory Stream", - "CR EMENT", - "CRE MENT", - "▁ ku", - "▁k u", - "m eld", - "me ld", - "mel d", - "\\ Data", - "▁ Kernel", - "▁K ernel", - "▁Ker nel", - "il tr", - "ilt r", - "( profile", - "(pro file", - "C arbon", - "Car bon", - "R OLE", - "RO LE", - "ROL E", - "( pl", - "(p l", - "] *(", - "]* (", - ". memory", - ".m emory", - ".mem ory", - "▁me dal", - "▁med al", - "▁ad visor", - "▁adv isor", - "▁advis or", - "▁ hdr", - "▁h dr", - "▁hd r", - "ier ung", - "▁ Provides", - "▁Provid es", - "▁Provide s", - "▁Prov ides", - "( alpha", - "(al pha", - "▁teen agers", - "▁teenager s", - "▁teenage rs", - "- parser", - "-p arser", - "-par ser", - ".L atLng", - "] ()\n", - "]( )\n", - "]() \n", - "▁fel ony", - "\t\t\t \n\t\t\t\n", - "\t\t\t\n \t\t\t\n", - "B OOK", - "BO OK", - "▁ slash", - "▁s lash", - "▁sl ash", - "▁sla sh", - "▁ clearfix", - "▁clear fix", - "▁Pro phet", - "▁Prop het", - "right ness", - "- fi", - "-f i", - ". kind", - ".k ind", - "er ton", - "ert on", - "erto n", - "J im", - "▁manip ulate", - "▁work sheet", - "▁works heet", - "o lin", - "ol in", - "oli n", - "st ars", - "star s", - "sta rs", - "▁art ifact", - "_ EMPTY", - "_EM PTY", - "\t main", - "\tm ain", - "--- ---------- ';", - ">' ;", - "▁exp ressing", - "▁express ing", - "▁I Q", - "▁ Fact", - "▁F act", - "▁Fac t", - "▁Fa ct", - "/************************************************************************ *******\n", - "/**************************************************************************** ***\n", - "_ mass", - "_m ass", - ") ):", - ")) :", - "▁con dom", - "▁cond om", - "▁condo m", - "▁create State", - "ome town", - "omet own", - "▁i rr", - "▁ir r", - "▁ >(", - "▁> (", - "> B", - "it eration", - "ite ration", - "iter ation", - "▁sh irts", - "▁shirt s", - "ou nty", - "ount y", - "oun ty", - "- >$", - "-> $", - "_ SIGN", - "_S IGN", - "_SIG N", - "▁D ale", - "▁Da le", - "▁Dal e", - "▁ jj", - "▁j j", - "E asy", - "F re", - "Fr e", - "▁N y", - "▁ch lor", - "m atched", - "match ed", - "mat ched", - "▁G erm", - "▁Ge rm", - "▁Ger m", - "- UA", - "-U A", - "▁N athan", - "▁Na than", - "▁Nat han", - "▁Nath an", - "e ducation", - "educ ation", - "- yard", - "-y ard", - "- che", - "-c he", - "-ch e", - "h ouses", - "ho uses", - "house s", - "hou ses", - "r itional", - "rit ional", - "rition al", - "▁prox imity", - "▁die sem", - "▁dies em", - "▁diese m", - "▁d rought", - "▁dr ought", - "▁dro ught", - ". audio", - ".a udio", - "▁L eo", - "▁Le o", - "▁favor able", - "▁fav orable", - "in ch", - "inc h", - "▁D aw", - "▁Da w", - "r ibly", - "rib ly", - "_ student", - "_st udent", - "id able", - "ida ble", - "O VE", - "OV E", - "▁l acks", - "▁la cks", - "▁lack s", - "▁lac ks", - "oun cing", - "ounc ing", - ". business", - ".b usiness", - ".bus iness", - "▁re open", - "m aybe", - "may be", - "_ GLOBAL", - "_G LOBAL", - "▁d resses", - "▁dress es", - "▁Ed wards", - "▁Edward s", - "ens ible", - "ensi ble", - "▁H ardware", - "▁Hard ware", - "▁ Excellent", - "▁Ex cellent", - "▁Excell ent", - "▁Time Unit", - "CT IONS", - "CTION S", - "▁s chedules", - "▁sched ules", - "▁schedule s", - "▁ segue", - "▁se gue", - "▁seg ue", - "Open s", - "Op ens", - "am men", - "amm en", - "- Identifier", - "▁st aring", - "▁star ing", - "▁sta ring", - "▁happ ily", - "▁H ob", - "▁Ho b", - "' _", - "▁ \");", - "▁\" );", - "▁\") ;", - "ament os", - "amento s", - "amen tos", - "et ched", - "etch ed", - "etc hed", - "▁/ >}\n", - "▁/> }\n", - ". Users", - ".User s", - ".Use rs", - "▁interrupt ed", - "Cont acts", - "Contact s", - "▁ registro", - "▁reg istro", - "▁registr o", - "▁regist ro", - "in burgh", - "C HA", - "CH A", - "_ imp", - "_i mp", - "_im p", - "p his", - "ph is", - "phi s", - "s ay", - "sa y", - "▁ret ailer", - "▁retail er", - ". NODE", - ".N ODE", - ".NO DE", - "/ maps", - "/m aps", - "/map s", - "_ LAST", - "_L AST", - "▁ Charge", - "▁Ch arge", - "▁Char ge", - "▁Charg e", - "_ guard", - "_g uard", - "C ollider", - "Col lider", - "Coll ider", - "▁Stateless Widget", - "\": [\"", - "\":[ \"", - "(\" ../../", - "(\"../ ../", - "i oxide", - "iox ide", - "ioxid e", - "▁S und", - "▁Sun d", - "▁Su nd", - "▁' ';", - "▁'' ;", - "un set", - "uns et", - "add Widget", - "el les", - "ell es", - "elle s", - "al ker", - "alk er", - "A rc", - "Ar c", - "▁de duct", - "▁ded uct", - "G UILayout", - "GUI Layout", - "▁V illa", - "▁Vi lla", - "▁Vill a", - "▁for bidden", - "▁forb idden", - "_ where", - "_w here", - "_wh ere", - "▁ \\/", - "▁\\ /", - "▁T ib", - "▁Ti b", - "_ AX", - "_A X", - "] \r\n\r\n", - "]\r\n \r\n", - "▁B ir", - "▁Bi r", - "▁b end", - "▁be nd", - "▁ben d", - "▁ MAKE", - "▁M AKE", - "▁MA KE", - "▁ MET", - "▁M ET", - "▁ME T", - "▁future s", - "▁fut ures", - "▁fu tures", - "▁weight ed", - "▁weigh ted", - "\"\" \"\r\n", - "\"\"\" \r\n", - "▁ authorize", - "▁author ize", - "( program", - "(pro gram", - "(pr ogram", - "} ,{\"", - "}, {\"", - "},{ \"", - "▁coeff icients", - "▁coefficient s", - "Per Page", - "▁Bath room", - "▁Publish ing", - "G PL", - "GP L", - "▁sub missions", - "▁submission s", - "▁ NUMBER", - "▁NUM BER", - "▁add itionally", - "▁additional ly", - "▁addition ally", - "em pre", - "emp re", - "▁S hel", - "▁Sh el", - "▁She l", - "o typ", - "ot yp", - "S olution", - "Sol ution", - "▁th under", - "_ ec", - "_e c", - "▁ \n▁▁▁▁\n", - "▁\n ▁▁▁▁\n", - "▁F ellow", - "▁Fel low", - "▁k ay", - "▁ka y", - "▁new State", - "ONT AL", - "Im plementation", - ". Look", - ".L ook", - "▁ ents", - "▁en ts", - "▁ent s", - "▁l ors", - "▁lo rs", - "▁B IG", - "▁BI G", - "f ab", - "fa b", - "▁average d", - "▁aver aged", - "▁ Feedback", - "▁Fe edback", - "▁Feed back", - "▁W ells", - "▁Well s", - "▁Wel ls", - "▁m artial", - "▁mart ial", - "▁ind ul", - "▁indu l", - "▁Comm unist", - "▁Commun ist", - "▁For ex", - "▁Fore x", - "▁Fo rex", - "▁Agricult ure", - "\" [", - "▁qu ar", - "▁q uar", - "▁K ont", - "▁Kon t", - "▁Ko nt", - "\t view", - "\tv iew", - ". Bytes", - ".Byte s", - ".By tes", - "des ktop", - "desk top", - "▁M akes", - "▁Make s", - "▁Ma kes", - "▁Mak es", - "akes peare", - ". Nullable", - ".Null able", - "▁spot light", - "V B", - "o wy", - "ow y", - "( torch", - "(t orch", - "(to rch", - "t ridge", - "tr idge", - "_ bounds", - "_b ounds", - "_bound s", - "_bo unds", - "▁apolog ize", - ". addItem", - ".add Item", - "an td", - "ant d", - "* );\n", - "*) ;\n", - ", u", - "( gen", - "(g en", - "re ator", - "reat or", - "rea tor", - "▁C ord", - "▁Co rd", - "▁Cor d", - "o upper", - "ou pper", - "oup per", - ". metro", - ".m etro", - ".me tro", - ".met ro", - "▁ ew", - "▁e w", - "▁ WORD", - "▁W ORD", - ". After", - ".A fter", - "▁det ained", - "▁detain ed", - "▁Ham mer", - "ex isting", - "exist ing", - "▁ ost", - "▁o st", - "▁os t", - "▁mon ument", - "- custom", - "-c ustom", - "User ID", - "▁ Nom", - "▁N om", - "▁No m", - "▁re jection", - "▁reject ion", - "( dim", - "(d im", - "(di m", - "▁ singleton", - "▁single ton", - "▁sing leton", - "\t die", - "\td ie", - "ar iance", - "ari ance", - "arian ce", - "aria nce", - "re ports", - "rep orts", - "report s", - "] !=", - "el da", - "eld a", - "▁preval ence", - "_ regs", - "_re gs", - "_reg s", - ". \".", - ".\" .", - "▁femin ist", - "Code c", - "Co dec", - "▁ **\n", - "▁* *\n", - "▁** \n", - "( labels", - "(label s", - "_ MARK", - "_M ARK", - "FA ILED", - "FAIL ED", - "▁administer ed", - "W N", - "▁▁▁▁ ▁▁▁▁\t\t", - "▁▁▁▁▁▁▁▁ \t\t", - "▁▁▁▁▁▁▁ ▁\t\t", - "▁▁▁▁▁▁ ▁▁\t\t", - "▁▁▁▁▁▁▁▁\t \t", - "▁n oun", - "▁no un", - "▁nou n", - "w ig", - "wi g", - "▁g otta", - "▁got ta", - "▁r if", - "▁ri f", - "- im", - "-i m", - "▁Paul o", - "▁Pa ulo", - "▁Command Type", - "] ))\n\n", - "]) )\n\n", - "])) \n\n", - "]))\n \n", - "- zero", - "-z ero", - "Tr aining", - "Train ing", - "Tra ining", - "▁ lord", - "▁l ord", - "▁lo rd", - "_ art", - "_a rt", - "_ar t", - "re ddit", - "red dit", - "redd it", - "C ert", - "Ce rt", - "▁p eso", - "▁pe so", - "▁pes o", - "R ot", - "Ro t", - "▁en danger", - "▁end anger", - ". dr", - ".d r", - "user Info", - "un ts", - "unt s", - "n v", - "▁Tr ailer", - "▁Tra iler", - "▁Trail er", - "- first", - "-f irst", - "-fi rst", - "( make", - "(m ake", - "▁benef ici", - "- black", - "-bl ack", - "▁und oubtedly", - "▁m ex", - "▁me x", - "▁An cient", - "▁Anc ient", - "( as", - "(a s", - "▁des cent", - "▁desc ent", - "P ick", - "Pic k", - "Pi ck", - "▁rep lica", - "▁repl ica", - "▁replic a", - "$ obj", - "▁ar rows", - "▁arr ows", - "▁arrow s", - "f ty", - "ft y", - "▁Lib ya", - "u ga", - "ug a", - "char ged", - "charge d", - "charg ed", - "T ur", - "Tu r", - "▁h omic", - "▁hom ic", - "▁ho mic", - "is sen", - "iss en", - "isse n", - "▁ Fake", - "▁F ake", - "▁Fa ke", - "▁be ers", - "▁beer s", - "▁bee rs", - "▁sc attered", - "▁scatter ed", - "( Time", - "(T ime", - "UT IL", - "▁bureauc r", - "▁bureau cr", - "/ plain", - "/p lain", - "/pl ain", - "▁st icking", - "▁stick ing", - "F AIL", - "FA IL", - "▁C ovid", - "▁Co vid", - "Th ird", - "_ present", - "_p resent", - "_pre sent", - "_pres ent", - "▁P ierre", - "▁Pier re", - "▁[ ...]\n\n", - "▁[... ]\n\n", - "▁[...] \n\n", - "P rob", - "Pro b", - "Pr ob", - "▁Tra ffic", - "i cao", - "ic ao", - "ica o", - "do ctor", - "doc tor", - "▁ ),\n\n", - "▁) ,\n\n", - "▁),\n \n", - "▁), \n\n", - "T abs", - "Tab s", - "Ta bs", - "a lu", - "al u", - "▁in herent", - "▁inher ent", - "_ No", - "_N o", - "r itis", - "rit is", - "▁ Proof", - "▁Pro of", - ". basename", - ".b asename", - ".base name", - "▁c him", - "▁ch im", - "▁chi m", - "▁Prot ected", - "▁Protect ed", - "c rit", - "cri t", - "cr it", - "▁pro ne", - "▁pr one", - "▁pron e", - "▁Her oes", - "▁Hero es", - "▁an xious", - "▁ anos", - "▁a nos", - "▁an os", - "▁ano s", - "▁week ends", - "▁weekend s", - "▁s ext", - "▁se xt", - "▁sex t", - "▁re ducer", - "▁red ucer", - "▁redu cer", - "▁reduce r", - "= UTF", - "h alf", - "ha lf", - "hal f", - "▁S aw", - "▁Sa w", - ". mm", - ".m m", - "▁n ueva", - "▁nue va", - ".current Target", - ". lua", - ".l ua", - "_EXT ENSION", - "\t reg", - "\tr eg", - "\tre g", - "▁ Ctrl", - "▁C trl", - "_ align", - "_al ign", - "accept able", - "▁r ushing", - "▁rush ing", - "f rac", - "fr ac", - "fra c", - "▁bo asts", - "▁boast s", - "F ive", - "Fi ve", - "▁ Temperature", - "▁Tem perature", - "> ):", - ">) :", - "▁ch arter", - "▁char ter", - "▁chart er", - "RE ATED", - "REATE D", - "REAT ED", - "REA TED", - "▁sub jected", - "▁subject ed", - "▁o pc", - "▁op c", - "health y", - "▁Scient ific", - "▁fr au", - "▁fra u", - "ri ages", - "ria ges", - "riage s", - ". inventory", - ".in ventory", - "at ionale", - "ation ale", - "ational e", - "M ad", - "Ma d", - "min utes", - "minute s", - "> >();\n", - ">> ();\n", - ">>( );\n", - ">>() ;\n", - "▁ Env", - "▁E nv", - "▁En v", - "▁record ings", - "▁recording s", - "▁susp icion", - "sql ite", - "\t read", - "\tr ead", - "\tre ad", - "▁wor ries", - ".put String", - "▁Sh anghai", - "( uid", - "(u id", - "(ui d", - "r er", - "re r", - "\" ):", - "\") :", - "▁method ology", - "c cc", - "cc c", - "av ad", - "ava d", - "▁in duction", - "▁ind uction", - "▁indu ction", - "\t Thread", - ", string", - ",s tring", - ",str ing", - "neh men", - "u ition", - "ui tion", - "uit ion", - "▁* __", - "▁*_ _", - ".e mf", - ".em f", - "/ themes", - "/th emes", - "/theme s", - "/the mes", - "▁N ine", - "▁Ni ne", - "▁Nin e", - ". One", - ".On e", - ".O ne", - "▁ Embed", - "▁Em bed", - "▁Emb ed", - "▁f az", - "▁fa z", - "u ations", - "uation s", - "uat ions", - "▁private ly", - "▁priv ately", - "▁privat ely", - "▁ ling", - "▁l ing", - "▁li ng", - "▁lin g", - "[ F", - "u shi", - "us hi", - "ush i", - "▁launch es", - "( KEY", - "G MT", - "GM T", - "▁a iming", - "▁aim ing", - "▁ai ming", - "pat ible", - "▁B iden", - "▁Bi den", - "▁Bid en", - "i w", - "▁ Degree", - "▁D egree", - "▁De gree", - "▁Deg ree", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁$ ('<", - "▁$( '<", - "▁$(' <", - "to UpperCase", - "▁ EUR", - "▁E UR", - "▁EU R", - "▁overs ight", - "▁table sp", - "▁tables p", - "Up dates", - "Update s", - ".m akedirs", - ".make dirs", - "▁hum idity", - "/ template", - "/t emplate", - "Al ways", - "( IS", - "(I S", - "_ cert", - "_c ert", - "_ce rt", - "D ig", - "Di g", - "▁under way", - "or ton", - "ort on", - "▁Hur ricane", - "▁sp ends", - "▁spend s", - "▁ Segment", - "▁Se gment", - "▁Seg ment", - "▁ flies", - "▁f lies", - "▁fl ies", - "▁ Toggle", - "▁T oggle", - "▁Lyn ch", - "▁s enses", - "▁sense s", - "▁sens es", - "▁sen ses", - "▁K os", - "▁Ko s", - "set Enabled", - "ist ically", - "istic ally", - "istical ly", - "▁t ester", - "▁te ster", - "▁test er", - "▁tes ter", - "▁administr ators", - "▁administrator s", - "▁tag ged", - "▁ shortcut", - "▁short cut", - "▁ Resolution", - "▁Re solution", - "▁Res olution", - "▁super vision", - "▁superv ision", - "▁Ash ley", - "Tr acking", - "Track ing", - "ul atory", - "ulator y", - "an del", - "and el", - "ande l", - "i sten", - "is ten", - "ist en", - "iste n", - "▁un re", - "▁unr e", - "( diff", - "(d iff", - "(di ff", - "AN TS", - "ANT S", - "▁r ider", - "▁rid er", - "▁ride r", - "▁ri der", - ". Series", - ".S eries", - ".Se ries", - "_ orders", - "_order s", - "_or ders", - "ORIZ ONTAL", - "▁ret ention", - ". Tests", - ".T ests", - ".Test s", - "S yn", - "Sy n", - ".parse Double", - "k ode", - "ko de", - "z ent", - "ze nt", - "zen t", - "G eneration", - "Gener ation", - "Gen eration", - "▁ad mits", - "▁adm its", - "▁admit s", - "▁Le ak", - "▁ aka", - "▁a ka", - "▁ak a", - "RO WS", - "ROW S", - "▁Ang ela", - "▁Ange la", - "▁Angel a", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁ noon", - "▁n oon", - "▁no on", - "▁st ark", - "▁star k", - "▁sta rk", - "▁drag ged", - "▁rec yclerView", - "▁Sil icon", - "_ suffix", - "_s uffix", - "J on", - "Jo n", - "c ock", - "co ck", - "▁Prob ably", - "Int roduction", - "Intro duction", - "▁T error", - "▁Te rror", - "▁Ter ror", - "▁Terr or", - "( This", - "(T his", - "▁Base ball", - "▁j enter", - "che stra", - "ches tra", - "chest ra", - ". nan", - ".n an", - "= g", - "▁clar ify", - "y ii", - "yi i", - "ro ots", - "root s", - "▁note book", - "▁ Except", - "▁Ex cept", - "▁r ises", - "▁ris es", - "▁rise s", - "▁ri ses", - "▁Br ussels", - "at ories", - "ator ies", - "ato ries", - "atori es", - ". USER", - ".U SER", - "ross over", - "rosso ver", - "/ upload", - "▁Event ually", - "Cons ider", - "▁ Bound", - "▁B ound", - "▁Bo und", - "▁Bou nd", - ". identifier", - ".id entifier", - "(un ittest", - "(unit test", - "▁inf erior", - "▁infer ior", - "▁c rc", - "▁cr c", - "▁aut ism", - "UI Alert", - "▁K avanaugh", - "i nement", - "in ement", - "ine ment", - "queue Reusable", - "S kin", - "Sk in", - ". backend", - ".back end", - ".get State", - "un ding", - "und ing", - "undi ng", - "▁sub class", - "▁r efined", - "▁ref ined", - "▁refine d", - "▁refin ed", - "▁ann oy", - "▁anno y", - "▁r nd", - "▁rn d", - "Dir ector", - "Direct or", - "be cca", - "bec ca", - "m ongodb", - "mongo db", - "▁Common wealth", - "A z", - "▁ Thing", - "▁Th ing", - "▁Thi ng", - "▁re com", - "▁rec om", - "▁reco m", - "u ning", - "un ing", - "uni ng", - "\t con", - "\tc on", - "\t ▁▁▁▁\n", - "\t▁▁▁ ▁\n", - "\t▁ ▁▁▁\n", - "\t▁▁ ▁▁\n", - "\t▁▁▁▁ \n", - "em ics", - "emic s", - "emi cs", - "e cd", - "ec d", - "▁hor ny", - "▁horn y", - "AT RIX", - "▁mis leading", - "▁B ew", - "▁Be w", - "/ node", - "/n ode", - "/no de", - "c stdio", - "▁add itions", - "▁addition s", - "r ir", - "ri r", - "_ requests", - "_request s", - "▁re cherche", - "st udents", - "student s", - "_ positions", - "_pos itions", - "_position s", - "er text", - "ert ext", - "erte xt", - "▁Ev olution", - "and ez", - "ande z", - "▁dist urb", - "▁distur b", - "key up", - "▁But ler", - ".read lines", - ".readline s", - "_ stdio", - "_std io", - "▁ bee", - "▁b ee", - "▁be e", - "▁Arch ives", - "▁Archive s", - "▁never theless", - "UR ITY", - "URI TY", - "▁d rones", - "▁dr ones", - "▁dro nes", - "▁drone s", - "ur ities", - "uri ties", - "\" >\r\n\r\n", - "\"> \r\n\r\n", - "\">\r\n \r\n", - "▁di agonal", - "▁diag onal", - "▁C ancellationToken", - "_ Internal", - "_In ternal", - "_Int ernal", - "▁ru in", - ". Qt", - ".Q t", - "ocr atic", - "T el", - "Te l", - "▁ Answers", - "▁An swers", - "▁Answer s", - "▁Ans wers", - "m atic", - "ma tic", - "mat ic", - "▁ xp", - "▁x p", - "a tem", - "at em", - "ate m", - "_ jobs", - "_j obs", - "_job s", - "_ any", - "_a ny", - "_an y", - "▁sen iors", - "▁senior s", - "▁land mark", - "▁Q List", - "▁man eu", - "▁mane u", - "ot ify", - "/ \";\n", - "/\" ;\n", - "/ server", - "/s erver", - "▁Phil osoph", - "u tenant", - "ut enant", - "ute nant", - "uten ant", - "( io", - "(i o", - "h z", - "▁ authenticated", - "▁auth enticated", - "▁authentic ated", - "▁authenticate d", - "d v", - "- Compatible", - "Origin ally", - "Original ly", - ", function", - ",f unction", - "▁Represent ative", - "as ily", - "asi ly", - "asil y", - "irc uit", - ". dt", - ".d t", - "( math", - "(m ath", - "(mat h", - ". Marshal", - ".M arshal", - "[ ,", - "▁C ities", - "▁Cit ies", - "▁Ci ties", - "_ turn", - "_t urn", - "| )\n", - "▁ cantidad", - "▁c antidad", - "▁cant idad", - "al ter", - "alt er", - "\t ui", - "\tu i", - "▁Ne braska", - "▁sk irt", - "▁ski rt", - ". bg", - ".b g", - "Shared Preferences", - "( style", - "(st yle", - "▁g rief", - "▁gr ief", - "▁gri ef", - "g ew", - "ge w", - "▁saf eg", - "▁safe g", - "o lang", - "ol ang", - "ola ng", - "olan g", - "_ lists", - "_l ists", - "_list s", - "_li sts", - "▁gran ite", - "▁gra nite", - "▁hot test", - "▁hott est", - ". jdbc", - ".j dbc", - ". Customer", - ".C ustomer", - ".Custom er", - "▁wa ar", - "_ scene", - "_s cene", - "_sc ene", - "+ '/", - "+' /", - "▁J TextField", - "▁JText Field", - "▁se ating", - "▁sea ting", - "▁seat ing", - "▁w ears", - "▁we ars", - "▁wear s", - "▁` /", - "C ases", - "Case s", - "Ca ses", - "Cas es", - "▁Y outube", - "▁b alcon", - "▁bal con", - ", G", - "Meta Data", - "- price", - "-p rice", - "-pr ice", - "S CR", - "SC R", - "Un ity", - "Unit y", - "▁tr unk", - "={ `${", - "={` ${", - "▁earthqu ake", - "P artial", - "Part ial", - "▁ subst", - "▁su bst", - "▁sub st", - "▁subs t", - "▁el imin", - "▁elim in", - "=\" '.", - "=\"' .", - "//* [@", - "▁sup ervisor", - "▁super visor", - "▁superv isor", - "vro let", - "_ article", - "_art icle", - "▁ pane", - "▁p ane", - "▁pa ne", - "▁pan e", - "b io", - "bi o", - "▁mot ors", - "▁motor s", - "N M", - "F rank", - "Fr ank", - "▁on ion", - "- word", - "-w ord", - "Item ClickListener", - "ItemClick Listener", - "▁ brit", - "▁b rit", - "▁br it", - "▁bri t", - "end encies", - "Com puter", - "Comp uter", - "Compute r", - "Comput er", - "_ running", - "_r unning", - "_run ning", - "( day", - "(d ay", - "- he", - "-h e", - "( named", - "(n amed", - "(name d", - "▁S ach", - "▁Sa ch", - "▁Sac h", - "c ampaign", - "camp aign", - ". Abstract", - ".A bstract", - ".Ab stract", - ".Abs tract", - "( wrapper", - "(w rapper", - ". pay", - ".p ay", - ".pa y", - "▁ uw", - "▁u w", - "G eo", - "Ge o", - "r ails", - "ra ils", - "/ select", - "/s elect", - "/se lect", - "i chte", - "ic hte", - "ich te", - "icht e", - "s ons", - "so ns", - "son s", - "E VENT", - "EV ENT", - "▁al iment", - "▁ali ment", - "Pro viders", - "Provider s", - "Provid ers", - "Provide rs", - "A wait", - "Aw ait", - "_INTER VAL", - ". off", - ".of f", - ".o ff", - "▁gl uten", - "▁glut en", - "_ cloud", - "_c loud", - "_cl oud", - "▁ wen", - "▁w en", - "▁we n", - ". extract", - ".ex tract", - ".extra ct", - "\t button", - "\tb utton", - "/ MM", - "/M M", - "P arty", - "Par ty", - "Part y", - "▁dem ographic", - "_ errno", - "_err no", - "▁h iking", - "▁hi king", - "(' ')\n", - "\", @\"", - "▁w it", - "▁wi t", - "olog ie", - "olo gie", - "▁ Styles", - "▁St yles", - "▁Style s", - "▁Sty les", - "▁Browser Module", - ". RequestMapping", - ".Request Mapping", - "ic ans", - "ica ns", - "ican s", - "P AGE", - "PA GE", - "c reation", - "cre ation", - "▁F erguson", - "u ded", - "ud ed", - "ude d", - "num bers", - "number s", - "▁ GTK", - "▁G TK", - "▁GT K", - "▁present ations", - "▁presentation s", - "▁B obby", - "▁Bob by", - "_ span", - "_s pan", - "_sp an", - "e style", - "est yle", - "esty le", - "▁illegal ly", - "▁illeg ally", - "ab ela", - "abel a", - "abe la", - "▁battle field", - "cap acity", - "t error", - "ter ror", - "te rror", - "] \");\n", - "]\" );\n", - "▁war rior", - "le ader", - "lead er", - "▁ DBG", - "▁D BG", - "▁DB G", - "▁Re venue", - "▁vi gil", - "▁vig il", - "▁counter parts", - "▁counterpart s", - "( Error", - "(E rror", - "AC TER", - "ACT ER", - "▁he eft", - "▁select ions", - "▁selection s", - "▁sel ections", - "▁sele ctions", - "ze ug", - "t om", - "to m", - "- two", - "-t wo", - ". ;\n", - ".; \n", - "_ statement", - "_st atement", - "_state ment", - "_stat ement", - "▁A id", - "▁Ai d", - "▁V ul", - "▁Vu l", - "_ rgb", - "_r gb", - "▁pr izes", - "▁pri zes", - "▁prize s", - "▁ editable", - "▁ed itable", - "▁edit able", - "\t form", - "\tf orm", - "\tfor m", - ". decor", - ".de cor", - ".dec or", - "D emo", - "De mo", - "Dem o", - "l ices", - "lic es", - "li ces", - "lice s", - "▁en ctype", - "▁enc type", - "rat ulations", - "▁ ROS", - "▁R OS", - "▁RO S", - "_ chars", - "_ch ars", - "_char s", - "▁J ahr", - "▁Ja hr", - "▁Jah r", - "p artial", - "part ial", - "▁ Receive", - "▁Re ceive", - "▁Rece ive", - "▁L ands", - "▁Land s", - "▁Lan ds", - "AP TER", - "▁ch opped", - "▁cho pped", - "▁chop ped", - ". .\"", - ".. \"", - "▁An aly", - "▁Anal y", - "▁Ana ly", - "▁ UID", - "▁U ID", - "▁UI D", - "▁R adeon", - "▁B ee", - "▁Be e", - "▁u nm", - "▁un m", - "> M", - ".find all", - "Token izer", - "▁ WHAT", - "▁WH AT", - "▁ sj", - "▁s j", - "D rawing", - "Draw ing", - "E ss", - "Es s", - "O ND", - "ON D", - "( packet", - "(p acket", - "Inv ocation", - "▁N uclear", - "▁Nu clear", - "? ;\n", - "▁gr andes", - "▁grand es", - "▁gran des", - "▁grande s", - "▁ Crypt", - "▁C rypt", - "▁Cry pt", - "r emark", - "re mark", - "rem ark", - "▁'../ ../../../", - "▁'../../ ../../", - "▁'../../../ ../", - "▁in ability", - "m agic", - "mag ic", - "c ats", - "ca ts", - "cat s", - "▁sim ulate", - ": ${", - ":$ {", - "in flate", - "inf late", - "▁ ener", - "▁e ner", - "▁en er", - ": NO", - ":N O", - "ip les", - "iple s", - "ipl es", - "▁me rit", - "▁mer it", - "▁ Rated", - "▁R ated", - "▁Ra ted", - "▁Rate d", - "▁Rat ed", - "▁gl ue", - "/ blog", - "/b log", - "▁g ren", - "▁gr en", - "▁gre n", - "▁thr illed", - "▁thrill ed", - ". CH", - ".C H", - "un can", - "unc an", - "▁PR IMARY", - "▁PRI MARY", - "▁per sec", - "▁pers ec", - "▁perse c", - "▁fe ared", - "▁fear ed", - ". MIN", - ".M IN", - "▁The ater", - "ateg orie", - "ategor ie", - "ategori e", - "▁appet ite", - "s quare", - "▁Alex and", - "▁Alexa nd", - ". UserId", - ".User Id", - "_ gt", - "_g t", - "_ enter", - "_en ter", - "_ent er", - "▁grad uates", - "▁graduate s", - "▁gradu ates", - "Fragment Manager", - "Author ize", - "-N LS", - "( My", - "(M y", - "▁tri umph", - "us ting", - "ust ing", - "ustin g", - "_PARAM S", - "_PAR AMS", - "Char acters", - "Character s", - "(: ,:,", - "(:, :,", - "_ BUILD", - "_B UILD", - "M Hz", - "MH z", - "▁w ashed", - "▁was hed", - "▁wash ed", - "▁un cle", - "▁unc le", - "Ste ve", - "ar down", - "ard own", - "ardo wn", - "< stdio", - " ${", - ">$ {", - "_ confirmation", - "_confirm ation", - "▁t rophy", - "▁tro phy", - "▁trop hy", - "Work s", - "▁Elect ronics", - "▁Electronic s", - "▁Mediterr anean", - "_ metrics", - "_m etrics", - "_metric s", - "_met rics", - "▁ann ouncing", - "▁announc ing", - "▁ DAY", - "▁D AY", - "▁DA Y", - "_ proto", - "_pro to", - "_pr oto", - "_prot o", - "▁ pear", - "▁p ear", - "▁pe ar", - "base Url", - "\t \t\t\t\t\t\t\t\n", - "\t\t \t\t\t\t\t\t\n", - "\t\t\t\t \t\t\t\t\n", - "\t\t\t \t\t\t\t\t\n", - "\t\t\t\t\t \t\t\t\n", - "\t\t\t\t\t\t \t\t\n", - "\t\t\t\t\t\t\t\t \n", - "\t\t\t\t\t\t\t \t\n", - "▁coord ination", - "▁coordin ation", - ": N", - ". animate", - ".an imate", - ".anim ate", - "▁C otton", - "_ hit", - "_h it", - "_hi t", - "▁j etzt", - "▁jet zt", - "i fter", - "if ter", - "ift er", - "( fields", - "(f ields", - "(field s", - "own load", - "ific acion", - "ifica cion", - ". cuda", - ".c uda", - "▁L iu", - "▁Li u", - "> equals", - "▁A ce", - "▁Ac e", - "▁Sup erman", - "▁Super man", - "▁Gar cia", - "▁Garc ia", - "▁arr ests", - "▁arrest s", - "a gar", - "ag ar", - "aga r", - "▁ {})", - "▁{ })", - "▁{} )", - "▁mac ros", - "▁macro s", - "rou pe", - "roup e", - "▁tw isted", - "▁twist ed", - "str uments", - "strument s", - "_ (\"", - "_( \"", - "_ vertices", - "_vert ices", - "▁ Transition", - "▁Trans ition", - "▁Transit ion", - "[ max", - "[m ax", - "m ind", - "min d", - "mi nd", - "▁ accessToken", - "▁access Token", - "▁un le", - "m us", - "mu s", - "c op", - "co p", - "▁ Factor", - "▁F actor", - "▁Fac tor", - "▁Fa ctor", - "▁Fact or", - "▁con ced", - "▁conc ed", - "▁conce d", - "▁re tr", - "▁r etr", - "▁ret r", - ".l inalg", - "- slider", - "-s lider", - "-slide r", - "-sl ider", - "o bl", - "ob l", - "_Static Fields", - "▁z ombie", - "s elling", - "sel ling", - "sell ing", - "▁c hap", - "▁ch ap", - "▁cha p", - "▁sh aking", - "▁sha king", - "▁ Translate", - "▁Trans late", - "▁Am sterdam", - "▁ ETH", - "▁E TH", - "▁ET H", - "_EX TERN", - "_EXT ERN", - "k d", - "_ disc", - "_d isc", - "_dis c", - "_di sc", - "▁prec eding", - "▁preced ing", - "▁p rix", - "▁pr ix", - "▁pri x", - "Object Name", - "_ modified", - "_mod ified", - "ard ware", - "▁?> \">", - "▁?>\" >", - "▁ DW", - "▁D W", - "` ${", - "▁?> \">\" >\"> \">< ?", - "uy en", - "uye n", - "▁d onna", - "▁don na", - "▁donn a", - "▁x si", - "▁xs i", - "▁$ \"{", - "▁$\" {", - "▁ Drawing", - "▁D rawing", - "▁Draw ing", - ", nil", - ",n il", - "▁ onder", - "▁o nder", - "▁on der", - "▁onde r", - "B G", - "O bserv", - "Ob serv", - "▁consider ations", - "▁consideration s", - "bo at", - "▁B anks", - "▁Bank s", - "▁Ban ks", - "▁in dict", - "▁ind ict", - "▁indic t", - ", I", - "▁B lu", - "▁Bl u", - "( version", - "(v ersion", - "cl iente", - "client e", - "cli ente", - "o lan", - "ol an", - "ola n", - "L ESS", - "LE SS", - "LES S", - "assert Same", - "_ void", - "_v oid", - "▁W AS", - "▁WA S", - "\t enum", - "\te num", - "▁m ixer", - "▁mix er", - "E W", - "a ffe", - "af fe", - "aff e", - "▁blow job", - "t extField", - "text Field", - "▁imm ense", - "_ repo", - "_re po", - "_rep o", - "▁ globals", - "▁g lobals", - "▁global s", - "▁glob als", - "ant ages", - "anta ges", - "antage s", - ". today", - ".t oday", - ".to day", - "Th ursday", - "▁B rig", - "▁Br ig", - "▁Bri g", - "{ })\n", - "{} )\n", - "{}) \n", - "▁ Imagine", - "▁Im agine", - "( GPIO", - "(G PIO", - "▁ esto", - "▁e sto", - "▁es to", - "▁est o", - "▁ Province", - "▁Pro vince", - "▁Prov ince", - "▁M ental", - "▁Men tal", - "▁Ment al", - "_ cells", - "_c ells", - "_cell s", - "▁Jul ian", - "▁Julia n", - ". Screen", - ".S creen", - ".Sc reen", - "▁c andle", - "▁cand le", - "▁m onde", - "▁mon de", - "▁mo nde", - "▁v erg", - "▁ver g", - "▁ve rg", - "it erals", - "iter als", - "iteral s", - "- layout", - "-l ayout", - "G uest", - "Gu est", - "▁v ind", - "▁vi nd", - "▁vin d", - "▁E cho", - "▁Ec ho", - "' )}", - "') }", - "▁ mann", - "▁m ann", - "▁man n", - "▁ma nn", - "_BO OLEAN", - "h ap", - "ha p", - "▁night mare", - "U GH", - "UG H", - "▁non etheless", - "▁none theless", - "▁a the", - "▁at he", - "▁ath e", - "▁H olland", - "▁Hol land", - "▁Holl and", - "▁ Born", - "▁B orn", - "▁Bo rn", - "▁Bor n", - "\\ ORM", - "a nut", - "an ut", - "_ levels", - "_level s", - "▁pet ite", - "▁petit e", - "- art", - "-a rt", - "-ar t", - "_ SHOW", - "_S HOW", - "_SH OW", - "number Of", - "_ thumbnail", - "_th umbnail", - "a mins", - "am ins", - "amin s", - "ami ns", - "▁Def ines", - "▁Define s", - "▁\" =", - ". StatusCode", - ".Status Code", - "▁dign ity", - "▁B ike", - "▁Bi ke", - ".New Line", - "▁G las", - "▁Gl as", - "( logger", - "(log ger", - "▁c atches", - "▁catch es", - "▁cat ches", - "v otes", - "vo tes", - "vote s", - "▁exam ining", - "/ register", - "▁spec ifying", - "▁specify ing", - "_ fixed", - "_f ixed", - "_fix ed", - "▁draw ings", - "▁drawing s", - "Th reshold", - "A x", - "▁Arch itecture", - "▁Architect ure", - "( pid", - "(p id", - "(pi d", - "W ire", - "Wir e", - "Wi re", - "( cont", - "(c ont", - "(con t", - "(co nt", - "l ane", - "la ne", - "lan e", - "L ists", - "List s", - "Li sts", - "▁s print", - "▁sp rint", - "▁spr int", - "▁grand father", - "_ AG", - "_A G", - "▁s cheduling", - "▁sched uling", - "CL US", - "CLU S", - "at urity", - "atur ity", - "▁loc king", - "▁lock ing", - "[ size", - "[s ize", - "_ styles", - "_st yles", - "_style s", - "▁ wb", - "▁w b", - "-- >\n\n", - "-->\n \n", - "--> \n\n", - "▁sp inning", - "▁spin ning", - "_ pending", - "_p ending", - "_pen ding", - "Match ers", - "Matcher s", - ". Keys", - ".Key s", - "▁ PV", - "▁P V", - "en us", - "enu s", - "ant is", - "anti s", - "▁d iscard", - "▁dis card", - "▁disc ard", - "▁ haul", - "▁h aul", - "▁ha ul", - "▁em pir", - "▁emp ir", - "▁path way", - "▁o ak", - "-in duced", - "-ind uced", - "▁im pair", - "▁imp air", - "▁Cal gary", - ".is Hidden", - "d z", - "_ include", - "_in clude", - "_inc lude", - "▁ gm", - "▁g m", - "▁' ('", - "▁'( '", - "P Y", - "uggest ions", - "uggestion s", - "▁com modity", - "▁commod ity", - "c ro", - "cr o", - "/ sub", - "/s ub", - "▁ getInstance", - "▁get Instance", - "▁Leg acy", - "▁K il", - "▁Ki l", - "B al", - "Ba l", - "( short", - "(s hort", - "(sh ort", - "In form", - "Info rm", - "Inf orm", - "+ x", - "* r", - "▁Hope fully", - "o rate", - "or ate", - "ora te", - "▁m achen", - "▁ma chen", - "▁mach en", - "▁mac hen", - "▁treat y", - "▁tre aty", - "▁O ri", - "▁Or i", - ". public", - ".p ublic", - ".pub lic", - "- horizontal", - "-h orizontal", - "▁t actic", - "▁ta ctic", - "▁tact ic", - "▁tac tic", - "▁b ord", - "▁bo rd", - "▁bor d", - "w ares", - "ware s", - "wa res", - "war es", - "▁am mo", - "▁ Lists", - "▁L ists", - "▁List s", - "▁Li sts", - "▁Lis ts", - "▁equ ations", - "▁eq uations", - "▁equation s", - "/ her", - "/h er", - "▁N SW", - "▁NS W", - "B ounding", - "Bo unding", - "Bound ing", - "_ Collections", - "_C ollections", - "▁av ail", - ". DropDown", - ".Drop Down", - "▁ hh", - "▁h h", - ". pb", - ".p b", - "▁mem orial", - "▁memor ial", - "▁memo rial", - "▁ ATTR", - "▁AT TR", - "▁ATT R", - "▁exhaust ed", - "▁t sp", - "▁ts p", - "\t redirect", - "\tre direct", - "▁like wise", - "▁lik ewise", - "S TER", - "ST ER", - "STE R", - "L java", - "▁condem ned", - "▁condemn ed", - "oca ust", - "( strict", - "(str ict", - "▁ex empt", - "▁exem pt", - "▁ sms", - "▁s ms", - "▁sm s", - "▁ex agger", - "S YS", - "SY S", - "▁l ounge", - "▁lo unge", - ": ^", - "▁t odd", - "▁to dd", - "▁tod d", - "d eb", - "de b", - "at orial", - "ator ial", - "ato rial", - "atori al", - "▁Port er", - "▁Por ter", - "▁t uition", - "▁tu ition", - "▁ex empl", - "▁exem pl", - "▁exe mpl", - "▁ paren", - "▁p aren", - "▁par en", - "▁pa ren", - "▁pare n", - ".line To", - "▁kid ney", - "▁ki dney", - "▁kidn ey", - "▁c ui", - "▁cu i", - "X C", - "▁n ominated", - "▁no minated", - "▁nom inated", - "▁nomin ated", - "l ung", - "lu ng", - "Im Gui", - "▁ Buzz", - "▁B uzz", - "▁Bu zz", - "▁ste reo", - "▁ster eo", - "▁stere o", - "p ortal", - "port al", - "por tal", - "res as", - "resa s", - "▁ klass", - "▁k lass", - "▁kl ass", - "▁d rafted", - "▁draft ed", - "▁project ile", - "/g pl", - "( parameters", - "(param eters", - "(parameter s", - "* )\n", - "*) \n", - "▁ass isted", - "▁assist ed", - "▁ NSInteger", - "▁NS Integer", - "s itemap", - "site map", - "sit emap", - ": nth", - ":n th", - ". Views", - ".View s", - ".Argument Parser", - "▁m eer", - "▁me er", - "z ier", - "zi er", - "zie r", - "▁ Dig", - "▁D ig", - "▁Di g", - "\n", - ")} >\n", - "▁p lag", - "▁pl ag", - "▁pla g", - "p ine", - "pi ne", - "pin e", - "▁blank et", - "▁ : -", - "▁l cd", - "▁lc d", - "- --------------", - "-- -------------", - "---- -----------", - "-------- -------", - "--- ------------", - "------------ ---", - "----- ----------", - "---------- -----", - "------ ---------", - "----------- ----", - "------------- --", - "------- --------", - "--------- ------", - "-------------- -", - "( \"\"", - "(\" \"", - "▁t actical", - "▁tact ical", - "▁tactic al", - "▁tac tical", - "▁Ron ald", - "ex tr", - "ext r", - "▁F est", - "▁Fe st", - "▁f uer", - "▁fu er", - "▁fue r", - "- navigation", - "-n avigation", - "-nav igation", - "▁ kb", - "▁k b", - "g host", - "gh ost", - "▁ handleChange", - "▁handle Change", - "_ cls", - "_c ls", - "_cl s", - "( )!=", - "() !=", - "Com parator", - "Compar ator", - ". vm", - ".v m", - "▁C ox", - "▁Co x", - "_ review", - "_re view", - "_rev iew", - "/ @", - "_ cookie", - "_c ookie", - "_co okie", - "▁recogn ised", - "▁recognise d", - "ld ap", - "Th reads", - "Thread s", - "▁S exual", - "▁Sex ual", - "▁B earing", - "▁Be aring", - "▁Bear ing", - "▁Bea ring", - "( SQL", - "(S QL", - "▁ xr", - "▁x r", - "▁t high", - "▁th igh", - "▁thi gh", - "URL Connection", - "▁S UV", - "▁SU V", - "▁m Context", - "▁inc idence", - "▁ Este", - "▁E ste", - "▁Es te", - "▁Est e", - ". sup", - ".s up", - "_ te", - "_t e", - "( EXIT", - "(EX IT", - "C MD", - "CM D", - "/ \">", - "/\" >", - "Al most", - "▁ Une", - "▁U ne", - "▁Un e", - "▁and eren", - "▁andere n", - "▁ Singleton", - "▁Sing leton", - "▁Single ton", - "▁b ore", - "▁bo re", - "▁bor e", - "Th ink", - "▁n arc", - "▁na rc", - "▁nar c", - "] initWith", - "]init With", - "_ shop", - "_s hop", - "_sh op", - "(str ategy", - "! ',", - "!' ,", - "her its", - "herit s", - "▁De sk", - "▁Des k", - "_ machine", - "_m achine", - ".net ty", - "= <", - "▁ QR", - "▁Q R", - "▁ Sidebar", - "▁S idebar", - "▁Side bar", - ".split Container", - "▁on Success", - "▁mon key", - "En joy", - "( nodes", - "(n odes", - "(node s", - "(no des", - "pect rum", - "▁ (*(", - "▁( *(", - "▁(* (", - "\t UINT", - "\tU INT", - ", height", - "▁Network s", - "▁Net works", - ". tail", - ".t ail", - ".l inspace", - "▁ \"...", - "▁\" ...", - "▁\". ..", - "▁\".. .", - "L isten", - "List en", - "Li sten", - ". Channel", - ".Ch annel", - "- defined", - "-d efined", - "-def ined", - "Re peat", - "Rep eat", - "ad just", - "adj ust", - "E RM", - "ER M", - "_ application", - "_app lication", - ".assert NotNull", - "- stream", - "-st ream", - "-str eam", - "▁r abbit", - "▁rab bit", - "▁position ing", - "▁w oke", - "▁wo ke", - "▁f ing", - "▁fin g", - "▁fi ng", - "▁multi player", - "▁multip layer", - "▁register ing", - "▁regist ering", - "un til", - "unt il", - "( ::", - "(: :", - "uss ions", - "ussion s", - "▁pot ato", - "▁ Equals", - "▁E quals", - "▁Equ als", - "▁Equal s", - ". Sup", - ".S up", - "/ apache", - "/ap ache", - "▁( =", - ". \")", - ".\" )", - ". ptr", - ".p tr", - ".pt r", - "▁ Speech", - "▁S peech", - "▁Spe ech", - ". clip", - ".c lip", - ".cl ip", - ".cli p", - "▁Gab riel", - "▁mus ician", - "▁music ian", - "/ issues", - ". shop", - ".s hop", - ".sh op", - "▁H ier", - "▁Hi er", - "_ RET", - "_RE T", - "_R ET", - "_ bucket", - "_b ucket", - "a vs", - "av s", - "▁r oz", - "▁ro z", - "f lower", - "fl ower", - "flow er", - "Write Barrier", - "▁Mil an", - "▁Mi lan", - "▁legisl ature", - "▁D oll", - "▁Do ll", - "▁Dol l", - "▁pro ving", - "▁pr oving", - "▁prov ing", - ".concat enate", - "▁g char", - "▁gc har", - "cdn js", - "b les", - "ble s", - "bl es", - "▁ Listing", - "▁L isting", - "▁List ing", - "▁Lis ting", - ".xr Label", - "▁S ak", - "▁Sa k", - "just ice", - "▁Val entine", - "un less", - "▁p iger", - "▁pi ger", - "▁pig er", - "▁pige r", - "( run", - "(r un", - "▁test ified", - "A NA", - "AN A", - "▁Rem oves", - "▁Remove s", - ") )));\n", - ")) ));\n", - "))) );\n", - ")))) ;\n", - "rec ated", - "▁Runtime Method", - "▁con qu", - "▁t issues", - "▁tissue s", - "a iler", - "ail er", - "ai ler", - "- Star", - "-S tar", - "-St ar", - "▁fl ames", - "▁flame s", - ".set Icon", - "▁sup ern", - "▁super n", - "▁vag ina", - "- variable", - "▁well ness", - "C UR", - "CU R", - "▁b elle", - "▁bel le", - "▁bell e", - ". getRequest", - ".get Request", - "▁p oco", - "▁po co", - "▁poc o", - "b enh", - "be nh", - "ben h", - "a gens", - "ag ens", - "age ns", - "agen s", - "▁s pill", - "▁sp ill", - "▁spi ll", - "▁J ur", - "▁Ju r", - "▁ dispatcher", - "▁dispatch er", - "▁disp atcher", - "em onic", - "emo nic", - "emon ic", - "( dirname", - "(dir name", - "▁p asse", - "▁pass e", - "▁pas se", - "▁g anz", - "▁ga nz", - "▁gan z", - "r icing", - "ri cing", - "ric ing", - "E U", - "▁muj eres", - "▁mujer es", - "es sen", - "ess en", - "esse n", - ". attribute", - ".at tribute", - ".attrib ute", - "j j", - "\t \t▁\n", - "\t\t ▁\n", - "\t\t▁ \n", - "[ ^", - "▁str tolower", - "▁strtol ower", - "lex er", - "ect ar", - "ec tar", - "h otel", - "ho tel", - "hot el", - ". square", - ".s quare", - "▁r all", - "▁ra ll", - "▁low ered", - "▁lower ed", - "handle d", - "hand led", - "M arket", - "Mark et", - "Mar ket", - "▁U ses", - "▁Us es", - "▁Use s", - "i vas", - "iv as", - "iva s", - ". Business", - ".B usiness", - "D IV", - "DI V", - "▁w asted", - "▁was ted", - "▁wa sted", - "▁waste d", - "▁wast ed", - "▁a voir", - "▁av oir", - "_AC COUNT", - "_ACC OUNT", - ". et", - ".e t", - "\t SDL", - "\tS DL", - "k ap", - "ka p", - "▁ fox", - "▁f ox", - "▁fo x", - "up pet", - "upp et", - "uppe t", - "{ },\n", - "{} ,\n", - "{}, \n", - "\" ,'", - "\", '", - "F avorite", - "P END", - "PE ND", - "▁A ES", - "▁AE S", - "} ),", - "}) ,", - "▁de duction", - "▁ded uction", - "▁deduct ion", - "▁component Will", - "▁T elerik", - "▁Tele rik", - "_SE LF", - "_SEL F", - "▁m use", - "▁mus e", - "▁mu se", - "C raft", - "▁ dens", - "▁d ens", - "▁de ns", - "▁den s", - "( tp", - "(t p", - "▁t asty", - "▁tas ty", - "▁tast y", - "▁balance s", - "▁bal ances", - "▁ded ication", - "▁dedic ation", - "▁Wall ace", - "▁Wal lace", - "▁un law", - "\\\" >\\", - "\\\"> \\", - "▁m um", - "▁mu m", - "- update", - "-up date", - "e mente", - "em ente", - "ement e", - "eme nte", - "emen te", - "▁s oda", - "▁so da", - "▁sod a", - "Re public", - "Rep ublic", - "as mine", - "asm ine", - "( Status", - "▁Json Convert", - "▁ Disk", - "▁D isk", - "▁Dis k", - "▁Di sk", - ". Redirect", - ".Re direct", - ".Red irect", - "▁fil ming", - "▁film ing", - "/ mol", - "/m ol", - "R o", - "▁ ville", - "▁v ille", - "▁vill e", - "▁vil le", - "▁trab aj", - "▁syn thesis", - "▁synth esis", - "▁synthes is", - "r ega", - "re ga", - "reg a", - "▁ rl", - "▁r l", - "S cheduler", - "Schedule r", - "ISH ED", - "current User", - "( errors", - "(err ors", - "(error s", - "' h", - "_ bot", - "_b ot", - "_bo t", - "x imo", - "xi mo", - "▁ USART", - "▁US ART", - "▁USA RT", - "_ super", - "_s uper", - "_sup er", - "_DEC REF", - "_ ROW", - "_R OW", - "_RO W", - "▁prom otes", - "▁promote s", - "▁promot es", - "▁promo tes", - "▁ TA", - "▁T A", - "▁hor as", - "▁ho ras", - "▁hora s", - "▁Rep resents", - "▁Represent s", - "▁name of", - "▁ Exc", - "▁E xc", - "▁Ex c", - "▁Gar age", - "▁Ga rage", - "▁se ine", - "▁sein e", - "▁sei ne", - ", #", - "▁h erb", - "▁he rb", - "▁her b", - "/ resources", - "/re sources", - "/res ources", - "/resource s", - "▁ple aded", - "▁plea ded", - ".r adioButton", - "O ps", - "Op s", - "▁N est", - "▁Ne st", - "c string", - "cs tring", - "▁Def ence", - "▁ref ere", - "▁refer e", - "_ leaf", - "_le af", - "▁reve lation", - "▁revel ation", - ".execute Update", - "_W ORLD", - "▁exp ans", - "(\" \\\"", - "(\"\\ \"", - "j ab", - "ja b", - "▁doub ts", - "▁doubt s", - "▁ Geometry", - "▁Ge ometry", - "▁Geo metry", - "▁introdu ces", - "▁introduce s", - "▁sen ators", - "▁senator s", - "▁c anal", - "▁can al", - "▁ca nal", - ". helper", - ".h elper", - ".help er", - "▁B iology", - "▁Bi ology", - "▁Bio logy", - "_ SENS", - "_S ENS", - "_SE NS", - ". previous", - ".pre vious", - ".prev ious", - "- touch", - "-t ouch", - "-to uch", - "a bit", - "ab it", - "abi t", - "▁imp acted", - "▁impact ed", - "▁br ackets", - "▁bracket s", - ". direct", - ".d irect", - ".dir ect", - ".di rect", - "ac cum", - "acc um", - "▁test osterone", - "\t action", - "\ta ction", - "▁Ch ance", - "▁Cha nce", - "▁Chan ce", - "▁pe aks", - "▁peak s", - "CppCodeGen WriteBarrier", - "▁un belie", - "_ press", - "_p ress", - "_pr ess", - "_pre ss", - "_pres s", - ". Rel", - ".R el", - ".Re l", - "ang led", - "angle d", - "/ templates", - "/template s", - "-- >\r\n", - "--> \r\n", - "l ime", - "li me", - "lim e", - "▁sufficient ly", - "_ nt", - "_n t", - "Exp and", - ".is file", - "▁ isEmpty", - "▁is Empty", - "▁ qt", - "▁q t", - "▁mul her", - "ac ob", - "aco b", - "Ge orge", - "▁as sim", - "▁ass im", - "a so", - "as o", - "▁compr ised", - "▁comprise d", - "O V", - "( CONFIG", - "(CON FIG", - "\t writer", - "\tw riter", - "\twrite r", - "▁d esp", - "▁de sp", - "▁des p", - "▁ten ure", - "( cr", - "(c r", - ". pool", - ".p ool", - ".po ol", - "▁B rend", - "▁Br end", - "▁Bre nd", - "▁Bren d", - "▁c ensor", - "( timeout", - "(time out", - "▁pl ea", - "▁ple a", - ". Wrap", - ".W rap", - "▁tight ly", - "▁W ere", - "▁We re", - "▁Wer e", - "▁ Ignore", - "▁I gnore", - "▁Ign ore", - "ab ei", - "abe i", - "▁br idges", - "▁bridge s", - "▁condem n", - "▁simp licity", - "▁simpl icity", - "▁rout inely", - "▁routine ly", - "▁bl acks", - "▁black s", - "j b", - "▁P it", - "▁Pi t", - "U tf", - "Ut f", - "▁ /\n", - "▁/ \n", - "re load", - "rel oad", - "▁set Object", - "/ global", - "/g lobal", - "▁f atty", - "▁fat ty", - "▁s ocks", - "▁so cks", - "▁sock s", - "▁soc ks", - "Could n", - "▁erot isk", - "▁Pres sure", - "▁Press ure", - "▁M az", - "▁Ma z", - "n pos", - "np os", - "to lower", - "tol ower", - "▁ EQ", - "▁E Q", - "ut eur", - "ute ur", - "▁M oment", - "▁Mo ment", - "▁Mom ent", - "▁ eta", - "▁e ta", - "▁et a", - "{{ --", - "▁graph s", - "▁G uar", - "▁Gu ar", - "r ine", - "ri ne", - "rin e", - "( --", - "(- -", - "▁Http Status", - "( student", - "(st udent", - "* np", - "*n p", - "▁rail way", - "▁as ynchronous", - "_ vm", - "_v m", - "' ],'", - "'] ,'", - "'], '", - ", text", - ",t ext", - "m erchant", - "mer chant", - "( Guid", - "(G uid", - "▁G ra", - "▁Gr a", - "ix er", - "fetch All", - ".add Listener", - "f lip", - "fl ip", - "* $", - "> (),", - ">( ),", - ">() ,", - "▁sun light", - "as signed", - "ass igned", - "assign ed", - "▁ abc", - "▁a bc", - "▁ab c", - "▁C OLUMN", - ") ...", - "). ..", - "▁ ensemble", - "▁en semble", - "▁new line", - "_S INGLE", - "ie dad", - "ied ad", - "▁d arker", - "▁dark er", - "▁dar ker", - "or map", - "orm ap", - "▁l ion", - "▁li on", - "pl its", - "plit s", - "▁illustr ation", - "▁I EEE", - "▁IE EE", - "▁v ista", - "▁vis ta", - "▁vi sta", - "ous ands", - "ousand s", - "* ******", - "** *****", - "**** ***", - "****** *", - "*** ****", - "***** **", - "▁Tom my", - "▁h ue", - "▁hu e", - "S el", - "Se l", - "▁ aura", - "▁a ura", - "▁au ra", - "▁aur a", - "▁The rapy", - "▁Ther apy", - "▁an imator", - "▁anim ator", - ".con straints", - ".constraint s", - "▁v ague", - "▁va gue", - "▁vag ue", - "(\" \")", - "(\"\" )", - "▁vill ain", - "▁vil lain", - "▁villa in", - "▁bless ing", - "▁string Builder", - "▁ Misc", - "▁M isc", - "▁Mi sc", - "▁Mis c", - "▁ DIR", - "▁D IR", - "▁DI R", - "f ax", - "fa x", - "- node", - "-n ode", - "-no de", - "▁W alking", - "▁Walk ing", - "▁Wal king", - "▁ AU", - "▁A U", - "s ess", - "se ss", - "ses s", - "▁gr ill", - "▁gri ll", - "VERT ISE", - "▁F oods", - "▁Food s", - "▁Fo ods", - "▁Foo ds", - "▁t ournaments", - "▁tournament s", - "▁Mar sh", - "▁Mars h", - "▁w onders", - "▁won ders", - "▁wonder s", - "Long itude", - ".Command Text", - "= input", - "_ encoder", - "_en coder", - "_encode r", - "_enc oder", - "page Size", - "▁get State", - "> >\n", - ">> \n", - ". grey", - ".g rey", - ".gr ey", - "p od", - "po d", - "▁read ings", - "▁reading s", - "▁re consider", - "Start up", - "▁ex cer", - "▁exc er", - ". balance", - ".b alance", - "_ cycle", - "_c ycle", - "_ Time", - "_T ime", - "LO CAL", - "LOC AL", - "▁ EFI", - "▁E FI", - "▁EF I", - "▁Re yn", - "▁Rey n", - ".set Foreground", - "b yn", - "by n", - "▁dis connected", - "▁disconnect ed", - "ACT IVE", - "▁embed ding", - "ic kers", - "ick ers", - "icker s", - "▁surround ings", - "▁surrounding s", - "* c", - "▁gar ant", - "▁ga rant", - "▁ bf", - "▁b f", - "▁w ipe", - "▁wi pe", - "_ TRA", - "_T RA", - "_TR A", - "ad ox", - "ado x", - "▁s ucks", - "▁su cks", - "▁suc ks", - "▁suck s", - "▁S ongs", - "▁Son gs", - "▁Song s", - "▁Associ ates", - "▁Associate s", - "▁B ald", - "▁Ba ld", - "▁Bal d", - "▁B rett", - "▁Br ett", - "▁Bre tt", - "ven ile", - "▁ vt", - "▁v t", - "▁in ade", - "▁re signed", - "▁res igned", - "▁resign ed", - "▁Gl enn", - "▁Glen n", - ". pattern", - ".p attern", - ".Data Bind", - "Layout Inflater", - "c het", - "ch et", - "che t", - "▁Test ament", - ". ms", - ".m s", - "▁p av", - "▁pa v", - "▁ ReactDOM", - "▁React DOM", - "ur dy", - "urd y", - "A DATA", - "AD ATA", - "ADA TA", - "M u", - "/ actions", - "/a ctions", - "/action s", - "▁ Js", - "▁J s", - "_ extract", - "_ex tract", - "_extra ct", - "▁B ring", - "▁Br ing", - "▁Bri ng", - ": id", - ":i d", - "st rt", - "str t", - "i vation", - "iv ation", - "iva tion", - "▁out right", - "▁outr ight", - "a zu", - "az u", - "loy ment", - "al do", - "ald o", - "▁ Publisher", - "▁P ublisher", - "▁Publish er", - "E ducation", - "P alette", - "Pal ette", - "Pa lette", - "_ drv", - "_d rv", - "_dr v", - "▁ ($(", - "▁( $(", - "▁($ (", - "▁A nda", - "▁An da", - "▁And a", - "▁rem edy", - "▁remed y", - "▁incons istent", - "t ection", - "te ction", - "tec tion", - "▁reg ulators", - "▁regul ators", - "▁regulator s", - "▁short est", - "( pair", - "(p air", - "▁ Installation", - "▁Install ation", - "▁def endants", - "▁defend ants", - "▁defendant s", - "▁ ();", - "▁( );", - "▁() ;", - "- large", - "-l arge", - "M el", - "Me l", - "▁threat en", - "▁fet ish", - "ot ine", - "_ dic", - "_d ic", - "_di c", - "▁ <$", - "▁< $", - "▁st agger", - "s pi", - "sp i", - "$ response", - "$res ponse", - "S erv", - "Se rv", - "Ser v", - "- born", - "-b orn", - "j os", - "jo s", - "\t img", - "\ti mg", - "\tim g", - "\t WHERE", - "\tW HERE", - "_ lt", - "_l t", - ". cost", - ".c ost", - ".co st", - ".cos t", - "▁ Tue", - "▁T ue", - "▁Tu e", - ". labels", - ".label s", - ".lab els", - "▁ LV", - "▁L V", - "wcs store", - "▁J esse", - "▁Jes se", - "▁Jess e", - "T rade", - "Tr ade", - "Trad e", - "Tra de", - "▁predecess or", - "f inally", - "fin ally", - "final ly", - "_ general", - "_g eneral", - "_gen eral", - "_gene ral", - "oggle r", - "ogg ler", - "_REG ION", - "n ement", - "ne ment", - "▁b logger", - "▁blog ger", - "▁Har bor", - "▁ Dataset", - "▁D ataset", - "▁Data set", - "▁Dat aset", - "[ w", - "▁attend ees", - ". ico", - ".i co", - ".ic o", - "max imum", - ". Unlock", - ".Un lock", - "_ SYNC", - "_SY NC", - "▁d owns", - "▁down s", - "▁dow ns", - "▁W ii", - "▁Wi i", - "] )/", - "]) /", - "▁k icking", - "▁kick ing", - "un ication", - "unic ation", - "▁D AC", - "▁DA C", - "▁ IDS", - "▁I DS", - "▁ID S", - "▁R ental", - "▁Ren tal", - "▁Rent al", - "▁current Time", - "▁vacc ines", - "▁vaccine s", - "▁D evil", - "▁De vil", - "▁Dev il", - "▁n ors", - "▁no rs", - "▁nor s", - "_ mouse", - "_m ouse", - "ur rection", - "urre ction", - "urr ection", - "urrect ion", - "( no", - "(n o", - "▁ >\r\n", - "▁> \r\n", - "▁ag gression", - "▁aggress ion", - "▁agg ression", - "▁bre eding", - "▁breed ing", - ". symbol", - ".s ymbol", - ".sym bol", - "i man", - "im an", - "ima n", - "Absolute Path", - "▁W HO", - "▁WH O", - "_ flush", - "_f lush", - "_fl ush", - "- root", - "-r oot", - "-ro ot", - "ar na", - "arn a", - "& M", - "▁f athers", - "▁fa thers", - "▁father s", - "▁R ocket", - "▁Rock et", - "▁Ro cket", - "i veau", - "ive au", - "▁w ander", - "▁wa nder", - "▁wand er", - "▁com pos", - "▁comp os", - "▁War rior", - "▁S eat", - "▁Se at", - "▁Sea t", - "▁Clin ic", - "_ invoice", - "_in voice", - "_inv oice", - "( dispatch", - "(dis patch", - "Product o", - "at uring", - "atur ing", - "atu ring", - "oss ier", - "▁M AY", - "▁MA Y", - "▁d agger", - "▁dag ger", - "▁sanit ized", - "▁sanitize d", - "▁R FC", - "▁RF C", - "▁p roph", - "▁pro ph", - "▁pr oph", - "▁prop h", - "▁u rine", - "▁ur ine", - "▁uri ne", - "▁gr ind", - "▁gri nd", - "▁grin d", - "▁ Expanded", - "▁Exp anded", - "▁Expand ed", - "des cripcion", - "- fw", - "-f w", - "▁K erry", - "▁Ker ry", - "▁Kerr y", - "= name", - "=n ame", - "▁ chk", - "▁ch k", - "▁n ationally", - "▁national ly", - "▁nation ally", - "▁t hee", - "▁th ee", - "▁the e", - "I nc", - "In c", - "▁? >>", - "▁?> >", - ". RadioButton", - ".R adioButton", - ".Http ServletResponse", - "/ Y", - "\t field", - "\tf ield", - "\tfi eld", - "▁hom me", - "y per", - "ype r", - "yp er", - "Ph ysical", - "= v", - "▁dr iv", - "▁dri v", - "▁ Errors", - "▁Error s", - "▁Er rors", - "▁Err ors", - "De ath", - "▁ WINDOW", - "▁W INDOW", - "▁po et", - "▁ Sharp", - "▁Sh arp", - "▁Sha rp", - "▁Shar p", - "▁ Immutable", - "▁Im mutable", - "▁Imm utable", - "\t create", - "\tc reate", - "▁ge ht", - "▁geh t", - "▁Re form", - "▁Ref orm", - "a iser", - "ai ser", - "ais er", - "aise r", - "▁Initial ization", - "▁imm unity", - "▁immun ity", - ". compose", - ".com pose", - ".comp ose", - "▁late ncy", - "▁lat ency", - "▁Leban on", - "▁Par ad", - "▁Pa rad", - "▁Para d", - "▁f uels", - "▁fuel s", - "▁fu els", - "▁fue ls", - "▁Ex hib", - "c oh", - "co h", - "% \">\n", - "%\" >\n", - "%\"> \n", - "▁C LI", - "▁CL I", - ") initWith", - "-Z a", - "_C LEAR", - "_CL EAR", - "re gn", - "reg n", - "▁fin ances", - "▁finance s", - "▁financ es", - ". standard", - ".st andard", - "_C ATEGORY", - ". library", - ".l ibrary", - ".lib rary", - "▁travel ers", - "_ wp", - "_w p", - "▁E valuation", - "▁Eval uation", - "start ing", - "star ting", - "▁ )),\n", - "▁) ),\n", - "▁)) ,\n", - "ep isode", - "▁ Variant", - "▁V ariant", - "▁Var iant", - "▁Vari ant", - "▁da emon", - "▁Jul ia", - "▁Ju lia", - "▁ NR", - "▁N R", - "▁double s", - "▁doub les", - "▁dou bles", - "< v", - "/ runtime", - "/r untime", - "/run time", - "▁inter preter", - "▁interpret er", - "▁interpre ter", - "▁ INDEX", - "▁IN DEX", - "▁IND EX", - "▁Hol mes", - "_D IM", - "_DI M", - "▁p addle", - "▁padd le", - "_ example", - "_ex ample", - "▁ foreground", - "▁fore ground", - ". routes", - ".r outes", - ".route s", - ".ro utes", - "▁s owie", - "▁so wie", - "▁sow ie", - "S UCCESS", - "▁C DC", - "▁CD C", - "▁ BD", - "▁B D", - "_ -", - "as ured", - "asure d", - "W riting", - "Wr iting", - "▁ currentPage", - "▁current Page", - "( answer", - "(ans wer", - "(an swer", - "▁ ASCII", - "▁A SCII", - "▁ASC II", - "▁social ly", - "▁soc ially", - "▁soci ally", - "y yy", - "yy y", - "▁Special ist", - "( customer", - "(c ustomer", - "(custom er", - "ist ani", - "istan i", - "ista ni", - "k est", - "ke st", - "kes t", - "▁M ak", - "▁Ma k", - "▁t ho", - "▁th o", - ". pt", - ".p t", - "( comment", - "(com ment", - "▁ Converter", - "▁Con verter", - "▁Convert er", - "g am", - "ga m", - "b ins", - "bin s", - "bi ns", - ". tele", - ".t ele", - ".te le", - "▁Veter ans", - "_ ALLOC", - "_AL LOC", - "_ALL OC", - "inn amon", - "; width", - "o hl", - "oh l", - "▁fan tas", - "▁fant as", - "▁s ung", - "▁su ng", - "▁sun g", - "\t K", - "( Json", - "(J son", - "▁neighbour hood", - "▁v ow", - "▁vo w", - "▁s ins", - "▁si ns", - "▁sin s", - "on acci", - "ona cci", - "▁ epochs", - "▁epoch s", - "im agen", - "image n", - "ima gen", - "imag en", - ". Change", - ".Ch ange", - ".my batis", - "Se ek", - "See k", - "W ER", - "WE R", - "▁inter ess", - "▁inte ress", - "▁interes s", - "_ Event", - "_E vent", - "eder land", - "▁terr itor", - "▁ci udad", - "uc ked", - "uck ed", - "▁sn ack", - "▁trans ported", - "▁transport ed", - "▁ Manifest", - "▁Man ifest", - "▁ DAT", - "▁D AT", - "▁DA T", - "_ theta", - "_th eta", - "_the ta", - "▁w ont", - "▁won t", - "▁wo nt", - ". \n\n\n\n\n\n\n\n\n\n", - ".\n\n \n\n\n\n\n\n\n\n", - ".\n \n\n\n\n\n\n\n\n\n", - ".\n\n\n\n \n\n\n\n\n\n", - ".\n\n\n \n\n\n\n\n\n\n", - ".\n\n\n\n\n\n \n\n\n\n", - ".\n\n\n\n\n\n\n\n \n\n", - "▁E pic", - "▁Ep ic", - "De ck", - "Dec k", - "l tra", - "lt ra", - "_Z ERO", - "▁[ ];", - "▁[] ;", - "/ scripts", - "/s cripts", - "/script s", - "▁ --------------------------------------------------------------------------------", - "▁---------------------------------------------------------------- ----------------", - "▁---- ----------------------------------------------------------------------------", - "▁---------------- ----------------------------------------------------------------", - "▁------------------------------------------------ --------------------------------", - "▁-------------------------------- ------------------------------------------------", - "▁---------------------------------------------------------------------------- ----", - "▁---------- ----------------------------------------------------------------------", - "▁w eed", - "▁we ed", - "N BC", - "NB C", - "▁r aped", - "▁rap ed", - "▁ra ped", - "▁rape d", - "▁ Gateway", - "▁G ateway", - "▁Gate way", - "[ M", - "▁ Timeout", - "▁Time out", - "ench mark", - ". ViewModel", - ".View Model", - "▁porn os", - "▁por nos", - "▁porno s", - "▁Y a", - "th ritis", - "thr itis", - "▁Fl ynn", - "▁Fly nn", - "▁ mega", - "▁m ega", - "▁me ga", - "▁meg a", - "a cin", - "ac in", - "aci n", - "▁tr ibal", - "▁tri bal", - "▁trib al", - ". apple", - ".app le", - ".ap ple", - "▁B lo", - "▁Bl o", - "i bi", - "ib i", - "r ov", - "ro v", - "▁L ives", - "▁Live s", - "▁Li ves", - "▁Liv es", - "^ .", - "get Request", - "▁Est ablish", - "cont ainers", - "container s", - "contain ers", - "▁st arring", - "▁star ring", - "▁cele brities", - "▁celebr ities", - "▁ Relative", - "▁Rel ative", - "▁He ights", - "▁Height s", - "▁tq dm", - "▁North west", - "i vic", - "iv ic", - "ivi c", - "\t cl", - "\tc l", - "▁autom otive", - "ent ric", - "entr ic", - "▁ fortunate", - "▁fort unate", - "▁fire place", - "▁fi replace", - "se ud", - "n ickname", - "nick name", - "; s", - "_ CAL", - "_C AL", - "_CA L", - "h alt", - "ha lt", - "hal t", - "( ns", - "(n s", - "_ deleted", - "_de leted", - "_delete d", - "_del eted", - "Develop ment", - "m ovies", - "movie s", - "mov ies", - "▁id entities", - "▁ident ities", - "▁prompt ly", - "▁ ante", - "▁a nte", - "▁an te", - "▁ant e", - "▁\" ','", - "▁\"' ,'", - "▁\"', '", - "imp se", - "▁y ap", - "▁ya p", - "Type Name", - "▁b itch", - "▁bit ch", - "▁associ ates", - "▁associate s", - "▁assoc iates", - "HE ME", - "- empty", - "-em pty", - "ol vers", - "olve rs", - "olver s", - "olv ers", - "▁pist ol", - "Sc oped", - "Scope d", - "ag ner", - "agn er", - "agne r", - "' ]=='", - "'] =='", - "']= ='", - "']== '", - "▁ IMP", - "▁I MP", - "▁IM P", - "e xc", - "ex c", - "▁o mitted", - "▁om itted", - "▁omit ted", - "▁mind set", - "▁minds et", - "▁ [](", - "▁[ ](", - "▁[] (", - "▁ orn", - "▁o rn", - "▁or n", - "_ CAM", - "_C AM", - "_CA M", - "A vg", - "Av g", - "Localized String", - "▁N atur", - "▁Nat ur", - "▁com poser", - "▁comp oser", - "▁compose r", - "▁compos er", - "▁ Playing", - "▁Pl aying", - "▁Play ing", - "▁over d", - "▁ov erd", - "_ utf", - "_u tf", - "_ut f", - ". sk", - ".s k", - "▁F ol", - "▁Fo l", - "$ page", - "$p age", - ", Object", - "▁b ees", - "▁be es", - "▁bee s", - "al ary", - "ala ry", - "alar y", - "b ullet", - "bul let", - "bull et", - "_ library", - "_l ibrary", - "_lib rary", - "O ffer", - "Of fer", - "Off er", - "loc ated", - "locate d", - "▁ (_,", - "▁( _,", - "▁(_ ,", - "▁ Owners", - "▁Own ers", - "▁Owner s", - "▁Ow ners", - ") ).\n", - ")) .\n", - ")). \n", - "▁b ri", - "▁br i", - ". Admin", - ".Ad min", - "k tion", - "kt ion", - "▁erot ici", - "▁erotic i", - "Cancel led", - "▁a gr", - "▁ag r", - "re views", - "review s", - "_ dma", - "_d ma", - "_dm a", - "R ICT", - "RI CT", - "RIC T", - "▁ gfx", - "▁g fx", - "▁gf x", - "m pi", - "mp i", - "p po", - "pp o", - "▁ //@", - "▁// @", - "▁/ /@", - "▁upper case", - "▁comm itting", - "▁commit ting", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "User Data", - "▁v ai", - "▁va i", - "\t sort", - "\ts ort", - "▁congr at", - "▁d ioxide", - "▁di oxide", - ". area", - ".a rea", - ".ar ea", - "▁Josh ua", - "▁K och", - "▁Ko ch", - "_ break", - "_b reak", - "a zure", - "az ure", - "azu re", - "is tical", - "ist ical", - "istic al", - "isti cal", - "_AL PHA", - "_ views", - "_view s", - "▁elim inating", - "▁elimin ating", - "O MB", - "OM B", - "en umer", - "enu mer", - "enum er", - "▁Hy dro", - "( *(", - "(* (", - "ERT ICAL", - "▁inev itably", - "▁st ole", - "▁sto le", - "- east", - "-e ast", - "i eron", - "ie ron", - "ier on", - "iero n", - "▁l inger", - "▁lin ger", - "▁ling er", - "/ doc", - "/d oc", - "▁ Already", - "▁Al ready", - "as io", - "asi o", - "▁ --\n", - "▁- -\n", - "▁-- \n", - "▁ abbrev", - "▁abb rev", - "▁ Atom", - "▁A tom", - "▁At om", - "h im", - "hi m", - "▁ INSERT", - "▁INS ERT", - "s un", - "su n", - "CON NECT", - "er ator", - "era tor", - "▁M anning", - "▁Man ning", - "▁Mann ing", - "▁ :(", - "▁: (", - "g as", - "ga s", - "= >'", - "=> '", - "▁query set", - "; }\r\n", - ";} \r\n", - "▁ Population", - "▁Pop ulation", - "uted String", - "res ident", - "_ FONT", - "_F ONT", - "▁Res pond", - "▁obsc ure", - "▁ observable", - "▁o bservable", - "▁observ able", - "▁Contrib utors", - "k on", - "ko n", - "▁M usk", - "▁Mus k", - "▁Mu sk", - "ex ao", - "▁T ub", - "▁Tu b", - "Boot Application", - "S OR", - "SO R", - ". Horizontal", - ".H orizontal", - ". findBy", - ".find By", - ". power", - ".p ower", - ".pow er", - ".po wer", - "▁positive ly", - "▁posit ively", - "ven ience", - "▁J ong", - "▁Jo ng", - "▁Jon g", - "▁wh istle", - "▁l ending", - "▁len ding", - "▁lend ing", - "▁destruct ive", - "▁ onDelete", - "▁on Delete", - "author ization", - "() ;?>", - "(); ?>", - "_ original", - "_or iginal", - "_origin al", - "_orig inal", - "sc ience", - "sci ence", - "a tra", - "at ra", - "atr a", - "?, ?,", - "▁ Asc", - "▁A sc", - "▁As c", - "▁convin cing", - "▁convinc ing", - "$ a", - "or gen", - "org en", - "orge n", - "_ Date", - "_D ate", - "▁ Provide", - "▁Pro vide", - "▁Provid e", - "▁Prov ide", - "▁lon ely", - "▁lone ly", - ") '\n", - ")' \n", - "ex change", - "; ?>\n", - ";?> \n", - ". fast", - ".f ast", - "S amples", - "Sample s", - "L ondon", - "Lon don", - "' ])\r\n", - "'] )\r\n", - "']) \r\n", - "▁I onic", - "▁Io nic", - "▁Ion ic", - "▁p esso", - "▁pes so", - "▁Kn ights", - "▁Knight s", - "▁R af", - "▁Ra f", - "_ attrs", - "_attr s", - "_att rs", - "▁repe al", - "> Main", - ">M ain", - "▁ Ordered", - "▁Order ed", - "▁Ord ered", - "_ New", - "_N ew", - "=\" \"> < /", - "url patterns", - "ATION AL", - "pe ech", - "pee ch", - "▁Id aho", - "▁pr incess", - "▁prince ss", - "▁ Customers", - "▁Custom ers", - "▁Customer s", - "a ways", - "aw ays", - "away s", - "awa ys", - "a db", - "ad b", - "▁Bry ant", - "▁Bryan t", - "n once", - "no nce", - "non ce", - "▁ad ul", - "▁`` (", - "▁after math", - "= dict", - "=d ict", - "text Box", - "▁s perm", - "▁sp erm", - "▁spe rm", - "▁sper m", - "▁c ough", - "▁co ugh", - "▁cou gh", - "H or", - "Ho r", - ".Component ResourceManager", - "▁reg ulator", - "▁regul ator", - "▁partner ships", - "▁partners hips", - "▁partnership s", - "/ projects", - "/project s", - "t rys", - "tr ys", - "try s", - "▁L aser", - "▁La ser", - "▁Las er", - "▁F unk", - "▁Fun k", - "▁Fu nk", - "▁uncon scious", - "▁c rust", - "▁cr ust", - "▁cru st", - "▁crus t", - "▁ Teams", - "▁Te ams", - "▁Team s", - "▁Tea ms", - "▁ Banner", - "▁B anner", - "▁Ban ner", - "▁H oney", - "▁Hon ey", - "▁Ho ney", - "l ems", - "le ms", - "lem s", - "▁max Width", - "Pointer Exception", - "fade Out", - "- St", - "-S t", - "▁str angers", - "▁strange rs", - "▁stranger s", - "▁strang ers", - "_ GO", - "_G O", - "W ritable", - "Wr itable", - "_ Info", - "_In fo", - ". NonNull", - ".Non Null", - "an notations", - "annot ations", - "annotation s", - "▁ GD", - "▁G D", - "▁endorse d", - "▁endors ed", - "\tToken Name", - "▁De pending", - "▁Dep ending", - "YN AM", - "▁M eteor", - "▁Met eor", - "▁In crease", - "▁Incre ase", - ". Many", - ".M any", - ".Man y", - "= =(", - "== (", - ". UUID", - ".U UID", - "_K ERNEL", - "▁p q", - "▁Qt Gui", - "▁V arious", - "▁Var ious", - "▁Vari ous", - "▁ john", - "▁j ohn", - "▁jo hn", - "_ patch", - "_p atch", - "_pat ch", - "▁t outes", - "▁to utes", - "▁tou tes", - "▁tout es", - "▁toute s", - "▁ Fail", - "▁F ail", - "▁Fa il", - "▁surv iving", - "▁surviv ing", - "(\" ${", - "(\"$ {", - "▁ ▁▁▁▁▁▁\r\n", - "▁▁ ▁▁▁▁▁\r\n", - "▁▁▁▁ ▁▁▁\r\n", - "▁▁▁ ▁▁▁▁\r\n", - "▁▁▁▁▁▁▁ \r\n", - "▁▁▁▁▁ ▁▁\r\n", - "▁▁▁▁▁▁ ▁\r\n", - "▁image Url", - ". wordpress", - ".word press", - "s ources", - "source s", - "\tgl Vertex", - "▁es col", - "▁esc ol", - "R ARY", - "RA RY", - "▁Sn ake", - "▁qu int", - "▁q uint", - "▁qui nt", - "▁l asts", - "▁la sts", - "▁last s", - "▁las ts", - "▁Har mon", - "▁co il", - "▁explo itation", - "▁exploit ation", - "l een", - "le en", - "lee n", - "' >\";\n", - "'> \";\n", - "'>\" ;\n", - "▁ SERVER", - "▁S ERVER", - "▁SER VER", - "▁ HEADER", - "▁HE ADER", - "▁HEAD ER", - "_ velocity", - "_v elocity", - "_vel ocity", - "▁ Invoke", - "▁In voke", - "▁Inv oke", - ". timestamps", - ".timestamp s", - "▁s ulf", - "▁su lf", - "▁sul f", - "I QUE", - "▁inhabit ants", - "ph ins", - "phi ns", - "phin s", - "a zzo", - "az zo", - "azz o", - "▁ mono", - "▁m ono", - "▁mon o", - "▁mo no", - "Le gend", - "Leg end", - "▁ nonce", - "▁n once", - "▁no nce", - "▁non ce", - "I FE", - "IF E", - "; \";\n", - ";\" ;\n", - "- create", - "-c reate", - "\" \",\n", - "\"\" ,\n", - "\"\", \n", - "per mit", - "perm it", - "▁Imm igration", - "▁path name", - "ffect ive", - "▁ex ams", - "▁exam s", - "- event", - "-e vent", - "▁T ill", - "▁Ti ll", - "▁Til l", - "[ mid", - "[m id", - "F IX", - "FI X", - "; color", - "( Order", - "_t raits", - "_tr aits", - "_tra its", - "▁ orderBy", - "▁order By", - "▁s unt", - "▁su nt", - "▁sun t", - "▁Nich olas", - "▁s unny", - "▁sun ny", - "i ners", - "in ers", - "ine rs", - "iner s", - "▁access ibility", - "▁ HB", - "▁H B", - ". comp", - ".c omp", - ".com p", - ".co mp", - "\t op", - "\to p", - "▁minor ities", - "ethe us", - "▁collabor ative", - "p rit", - "pr it", - "H IR", - "HI R", - "▁wr aps", - "▁wrap s", - "\t draw", - "\td raw", - "g od", - "go d", - "▁ IX", - "▁I X", - ". apps", - ".app s", - ".ap ps", - ".a pps", - "▁ NM", - "▁N M", - "▁irre levant", - "▁T igers", - "▁Ti gers", - "▁Tiger s", - "▁ diag", - "▁di ag", - "▁dia g", - "G V", - "▁Access ories", - "k ont", - "ko nt", - "kon t", - "▁simp lify", - "▁simpl ify", - "▁ Favorite", - "▁F avorite", - "_ tools", - "_t ools", - "_to ols", - "_tool s", - "( []);\n", - "([ ]);\n", - "([] );\n", - "▁t owers", - "▁to wers", - "▁tow ers", - "▁tower s", - "B es", - "Be s", - "▁h unter", - "▁hun ter", - "▁hunt er", - "▁s alon", - "▁sa lon", - "▁sal on", - "( buff", - "(b uff", - "(buf f", - "\t debug", - "\tde bug", - "▁mal ware", - "M oving", - "Mo ving", - "- options", - "-o ptions", - "-option s", - "-opt ions", - ") +'", - ")+ '", - "▁L OVE", - "▁LO VE", - "_S OCKET", - "_ fin", - "_f in", - "▁Del aware", - "▁sher iff", - "- invalid", - "-in valid", - "▁ FULL", - "▁F ULL", - "e las", - "el as", - "ela s", - "\" strings", - "▁Represent atives", - "▁Representative s", - "s urface", - "sur face", - "res olved", - "resolve d", - "ht docs", - ") ):\r\n", - ")) :\r\n", - ")): \r\n", - "▁press ures", - "▁pressure s", - "▁nor ms", - "▁norm s", - "▁ pla", - "▁p la", - "▁pl a", - "▁ surname", - "▁s urname", - "▁sur name", - "▁ postal", - "▁pos tal", - "▁post al", - "▁ Depart", - "▁De part", - "▁Dep art", - "▁s laughter", - "▁sla ughter", - "or ida", - "ori da", - "▁he bben", - "▁heb ben", - "▁d esar", - "▁des ar", - "comp act", - "_ LANG", - "_L ANG", - "o poly", - "op oly", - "opol y", - "opo ly", - "_ rad", - "_r ad", - "_ra d", - "▁ST DMETHOD", - "▁STD METHOD", - "L azy", - "La zy", - "▁ ▁▁\t", - "▁▁ ▁\t", - "▁▁▁ \t", - ".. .,", - "... ,", - "( web", - "(w eb", - "▁P ont", - "▁Po nt", - "▁et was", - "▁up ward", - "_ hat", - "_h at", - "▁ ],\n\n", - "▁] ,\n\n", - "▁],\n \n", - "▁], \n\n", - "▁ baseUrl", - "▁base Url", - "▁wor rying", - "▁worry ing", - "- addon", - "-add on", - "-ad don", - "( getClass", - "(get Class", - "S PI", - "SP I", - "▁capt uring", - ") },\n", - ")} ,\n", - ")}, \n", - "E ffects", - "Effect s", - "▁compet ent", - "▁compete nt", - "▁f oul", - "▁fo ul", - "▁fou l", - "▁subs cribing", - "▁subscri bing", - "▁ OBJECT", - "▁O BJECT", - "▁OBJ ECT", - "▁OB JECT", - "IX EL", - "b ucks", - "bu cks", - "( edge", - "(ed ge", - "( pass", - "(p ass", - "▁Peter son", - "▁Pet erson", - "▁Peters on", - "▁bo obs", - "▁boo bs", - "▁ Delay", - "▁D elay", - "▁De lay", - "▁Del ay", - "_ square", - "_s quare", - "e lim", - "el im", - "eli m", - "o ters", - "ot ers", - "ote rs", - "oter s", - "_ PC", - "_P C", - "% E", - "on click", - "▁S VG", - "▁SV G", - "▁t opped", - "▁to pped", - "▁top ped", - "▁topp ed", - "▁f ist", - "▁fi st", - "▁fis t", - "s mart", - "sm art", - "▁R alph", - "( owner", - "(o wner", - "j ours", - "jo urs", - "jour s", - "▁bron ze", - "▁ ArgumentException", - "▁Argument Exception", - "( original", - "(origin al", - "(orig inal", - "_S CALE", - "_SC ALE", - "_ cp", - "_c p", - "▁recomm ends", - "▁recommend s", - ".set Style", - "S ure", - "Sur e", - "Su re", - "L AND", - "LA ND", - "LAN D", - "▁repe ating", - "▁repeat ing", - "M att", - "Mat t", - "Ma tt", - ". Visibility", - "▁enter prises", - "▁enterprise s", - ". Setup", - ".Set up", - "( scene", - "(s cene", - "(sc ene", - "▁Re active", - "▁React ive", - "ur ge", - "urg e", - "b w", - ". Put", - ".P ut", - "p ersist", - "pers ist", - ". cookie", - ".c ookie", - ".co okie", - "▁A udi", - "▁Aud i", - "▁Au di", - "` s", - "sup plier", - "( Form", - "(F orm", - "_ so", - "_s o", - "▁Leg ion", - "t te", - "tt e", - "N d", - "L oss", - "Lo ss", - "Los s", - "( attrs", - "(attr s", - ".sc atter", - "▁g room", - "▁gr oom", - "▁gro om", - "▁gl impse", - "▁n ails", - "▁na ils", - "▁nail s", - "▁cum ulative", - "▁f azer", - "▁fa zer", - "▁faz er", - "_ services", - "_s ervices", - "_service s", - "_serv ices", - ". Num", - ".N um", - "ib ilit", - "ibil it", - "ibi lit", - "_ resolution", - "_re solution", - "_res olution", - "▁ Tx", - "▁T x", - "umin ium", - "o pa", - "op a", - ". schedule", - ".s chedule", - "sm tp", - "ur ry", - "urr y", - "go og", - "_ signature", - "_sign ature", - ". into", - ".in to", - ".int o", - "▁ Steps", - "▁St eps", - "▁Ste ps", - "▁Step s", - "▁home owners", - "▁ NSURL", - "▁NS URL", - "▁P AC", - "▁PA C", - "▁▁▁▁ ▁▁▁▁▁▁▁▁\n\n", - "▁▁▁▁▁▁▁▁ ▁▁▁▁\n\n", - "▁▁▁▁▁▁▁▁▁▁▁ ▁\n\n", - "▁▁▁▁▁▁▁▁▁ ▁▁▁\n\n", - "▁▁▁▁▁▁ ▁▁▁▁▁▁\n\n", - "▁▁▁▁▁▁▁▁▁▁▁▁ \n\n", - "▁▁▁▁▁▁▁▁▁▁ ▁▁\n\n", - "▁▁▁▁▁▁▁▁▁▁▁▁\n \n", - "> ')\n", - ">' )\n", - "e nh", - "en h", - "▁in cap", - "▁inc ap", - "$ MESS", - "▁mo ins", - "▁moi ns", - "▁ Fi", - "▁F i", - "▁off season", - "pr essions", - "press ions", - "pression s", - "> .. \n", - "=\"#\" >\n", - "=\"#\"> \n", - "▁Gr ass", - "▁Gra ss", - "▁ Goal", - "▁Go al", - "_ pdf", - "_p df", - "_pd f", - "Hand lers", - "Handler s", - "Handle rs", - "▁st acks", - "▁stack s", - "▁sta cks", - ".get FullYear", - "= [];\n", - "=[ ];\n", - "=[] ;\n", - ", V", - "( split", - "(s plit", - "(sp lit", - "▁bake ca", - "▁bak eca", - "▁~ /.", - "▁~/ .", - "p ez", - "pe z", - "t ails", - "ta ils", - "tail s", - "▁G len", - "▁Gl en", - "▁set Image", - "▁C omic", - "▁Com ic", - "▁Co mic", - "B LOCK", - "BL OCK", - "\t This", - "\tT his", - "o ader", - "oad er", - "oa der", - "▁capital ist", - "▁capita list", - "▁capit alist", - "_ STEP", - "_ST EP", - "( Boolean", - "▁ Correct", - "▁C orrect", - "▁Cor rect", - "r ina", - "ri na", - "rin a", - "▁conc aten", - "▁concat en", - "( ):\n\n", - "() :\n\n", - "():\n \n", - "(): \n\n", - "▁un anim", - "▁una nim", - "l li", - "ll i", - "al ars", - "ala rs", - "alar s", - "- ne", - "-n e", - "▁d ivor", - "▁di vor", - "▁div or", - "▁Kick starter", - "] ._", - "]. _", - "< number", - " * < /", - "And rew", - "e rb", - "er b", - ". cluster", - ".cl uster", - "▁dis course", - "▁disc ourse", - "▁discour se", - "▁disco urse", - "_DE FIN", - "_DEF IN", - "▁pued en", - "▁pu eden", - "▁puede n", - "▁ LOW", - "▁L OW", - "▁LO W", - ". av", - ".a v", - "▁pr eca", - "▁pre ca", - "▁prec a", - "▁ quo", - "▁qu o", - "▁q uo", - "▁ve loc", - "▁vel oc", - ", ''", - ",' '", - "▁ xyz", - "▁x yz", - "▁xy z", - "\t padding", - "\tp adding", - "▁tom atoes", - "▁tomato es", - "▁B ent", - "▁Be nt", - "▁Ben t", - "_ curr", - "_c urr", - "_cur r", - "NS Date", - "▁ getCurrent", - "▁get Current", - "▁getC urrent", - "▁[ `", - "Wed nesday", - ". Bar", - ".B ar", - "▁ Vous", - "▁V ous", - "▁Vo us", - "i nz", - "in z", - "▁Qu inn", - "▁Qui nn", - "ex cel", - "exc el", - "d os", - "do s", - "▁out dated", - "O UTH", - "OUT H", - "OU TH", - "▁ Maker", - "▁M aker", - "▁Make r", - "▁Ma ker", - "▁Mak er", - "ep endency", - "epend ency", - "▁d ull", - "▁du ll", - "▁W inn", - "▁Win n", - "▁Wi nn", - "o ge", - "og e", - "cl ave", - "cla ve", - "▁n ova", - "▁no va", - "▁nov a", - "▁ aval", - "▁a val", - "▁av al", - "C apt", - "Cap t", - "Ca pt", - "▁Sp otify", - "▁Spot ify", - "▁j ul", - "▁ju l", - ") tableView", - "▁f ilenames", - "▁file names", - "▁fil enames", - "▁filename s", - "▁esk ort", - "▁sk ew", - "▁ske w", - "t erior", - "ter ior", - "te rior", - "▁fin anc", - "▁ tabla", - "▁tab la", - "▁U IB", - "▁UI B", - "▁ ():", - "▁( ):", - "▁() :", - "▁D ocker", - "▁Do cker", - "▁Doc ker", - "▁Dock er", - "per centage", - "percent age", - "Me et", - "i chi", - "ic hi", - "ich i", - "▁inter im", - "▁inte rim", - "▁' ='", - "▁'= '", - ". JSONObject", - ".JSON Object", - "( fid", - "(f id", - "▁d ownt", - "▁down t", - "▁dow nt", - "▁trans ient", - "▁St eph", - "▁Ste ph", - "▁Step h", - "▁ignor ance", - "▁ Codes", - "▁C odes", - "▁Co des", - "▁Code s", - "▁Cod es", - "= '',", - "=' ',", - "='' ,", - "▁ ICE", - "▁I CE", - "▁IC E", - "▁tran qu", - "▁ Extended", - "▁Ext ended", - "▁ mund", - "▁m und", - "▁mu nd", - "▁mun d", - "▁ HOME", - "▁H OME", - "▁HO ME", - "▁kil ometers", - "▁kilomet ers", - "▁ imagen", - "▁im agen", - "▁image n", - "▁imag en", - "o ux", - "ou x", - "( sz", - "(s z", - "You ng", - "uff ed", - "uf fed", - "▁W ake", - "▁Wa ke", - "▁a ide", - "▁aid e", - "▁ai de", - "PR OC", - "PRO C", - "▁R at", - "▁Ra t", - "▁L ith", - "▁Li th", - "▁Lit h", - "b art", - "bar t", - "ba rt", - "▁Ar range", - "▁Arr ange", - "p rompt", - "prom pt", - "( ct", - "(c t", - "▁ Interval", - "▁Int erval", - "▁Inter val", - "de pt", - "dep t", - "D aniel", - "Dan iel", - "▁f ills", - "▁fil ls", - "▁fill s", - ". tensor", - ".t ensor", - "( trim", - "(t rim", - "(tr im", - "▁je alous", - "F eb", - "Fe b", - "\\ Common", - "▁amendment s", - "▁amend ments", - "_ operator", - "_op erator", - "_oper ator", - "_custom ize", - "▁ ]]", - "▁] ]", - "▁ bn", - "▁b n", - "▁dis appointment", - "▁disappoint ment", - "▁mill enn", - ". when", - ".w hen", - ".wh en", - "▁ob ey", - "▁off enders", - "▁offender s", - "W ild", - "Wil d", - "Wi ld", - "▁cell For", - "▁appar atus", - ". after", - ".a fter", - ".af ter", - "▁ EPS", - "▁E PS", - "▁EP S", - "▁ad orable", - "ope rand", - "oper and", - "( listener", - "(list ener", - "ve al", - "▁ )(", - "▁) (", - "▁cardio vascular", - "uplic ates", - "uplicate s", - "rist ol", - "ris tol", - "▁ref uses", - "▁refuse s", - "(Q Widget", - "▁element o", - "▁elem ento", - "Number Of", - ". delay", - ".d elay", - ".de lay", - ".del ay", - ". groups", - ".group s", - "\" >'+", - "\"> '+", - "\">' +", - "ace ncy", - "ac ency", - "( URL", - "(U RL", - "_ half", - "_h alf", - "_hal f", - "= l", - "▁list View", - "( section", - "(s ection", - "(se ction", - ". toArray", - ".to Array", - "+ /", - "▁Rodrig uez", - "i stream", - "ist ream", - "istr eam", - "▁elig ibility", - ": :-", - ":: -", - ".new Instance", - "P B", - "▁ Assets", - "▁As sets", - "▁Ass ets", - "▁Asset s", - "▁ Composite", - "▁Com posite", - "▁L abs", - "▁La bs", - "▁Lab s", - "▁H amas", - "▁Ham as", - "▁Ha mas", - "++ );\n", - "++) ;\n", - "▁ blk", - "▁b lk", - "▁bl k", - "▁N eo", - "▁Ne o", - "L uc", - "Lu c", - "@ login", - "▁un aware", - "▁una ware", - ". met", - ".m et", - ".me t", - "_RE LEASE", - "( ST", - "(S T", - "AM IL", - "r ike", - "ri ke", - "rik e", - "▁ (){\n", - "▁( ){\n", - "▁() {\n", - "( sprintf", - "(s printf", - "▁ Accounts", - "▁Ac counts", - "▁Account s", - "▁ VIEW", - "▁V IEW", - "▁VI EW", - "▁ Aj", - "▁A j", - "▁wh isk", - "▁ idi", - "▁i di", - "▁id i", - "▁r ode", - "▁ro de", - "▁rod e", - "▁i hn", - "▁ih n", - "▁Element ary", - "Q ty", - "Qt y", - "▁intrig uing", - "J obs", - "Job s", - "Jo bs", - "\t offset", - "\to ffset", - "▁Ah med", - "▁Tal iban", - "▁in jected", - "▁inj ected", - "▁inject ed", - ". Authentication", - ".Auth entication", - "_ linear", - "_line ar", - "_lin ear", - "_li near", - ". Decimal", - ".D ecimal", - ".Dec imal", - "▁app les", - "▁appl es", - "▁apple s", - "▁share holders", - "▁b aked", - "▁ba ked", - "▁bake d", - "▁bak ed", - ". diff", - ".d iff", - ".di ff", - "▁E ddie", - "▁Ed die", - "o kers", - "ok ers", - "oke rs", - "oker s", - "▁confront ed", - "vo ices", - "voice s", - "▁t us", - "▁tu s", - "▁ Spin", - "▁S pin", - "▁Sp in", - "▁Spi n", - "N ODE", - "NO DE", - "_ Un", - "_U n", - "C TX", - "CT X", - "/ google", - "/g oogle", - "/go ogle", - "Tem perature", - "▁' ').", - "▁'' ).", - "▁'') .", - "▁magn ificent", - "▁start Index", - "semb les", - "sem bles", - "semble s", - "sembl es", - "Any one", - "z k", - "e hen", - "eh en", - "▁D ame", - "▁Da me", - "▁Dam e", - ". strict", - ".str ict", - "▁re places", - "▁repl aces", - "▁replace s", - "▁line back", - "▁push es", - "▁che ek", - "▁S hi", - "▁Sh i", - "_BY TES", - "_BYTE S", - "R EA", - "RE A", - "_CON NECTION", - "_CONNECT ION", - "G ateway", - "Gate way", - "▁Tr avis", - "▁Tra vis", - "▁Trav is", - "▁ AX", - "▁A X", - "▁Basic ally", - "▁Bas ically", - "▁ Upgrade", - "▁Up grade", - "th emes", - "the mes", - "theme s", - "them es", - "er mo", - "erm o", - "k or", - "ko r", - "F emale", - "Fe male", - "_ attach", - "_att ach", - "▁p oz", - "▁po z", - "= =============\n", - "== ============\n", - "=== ===========\n", - "============ ==\n", - "============= =\n", - "=========== ===\n", - "============== \n", - "======= =======\n", - "( symbol", - "(s ymbol", - "▁S ector", - "▁Se ctor", - "▁Sec tor", - "__ )\n\n", - "__) \n\n", - "__)\n \n", - "_ padding", - "_p adding", - "_pad ding", - "▁ fabs", - "▁f abs", - "▁fa bs", - "▁fab s", - "▁r anged", - "▁range d", - "▁ran ged", - "▁rang ed", - "set Name", - "▁p error", - "▁per ror", - "▁pe rror", - "▁File Reader", - "▁ful filled", - "▁fulfill ed", - "_ Current", - "_C urrent", - "▁do minate", - "▁dom inate", - "▁domin ate", - "▁sm ugg", - "Post Mapping", - "_ force", - "_f orce", - "_for ce", - "▁b loc", - "▁bl oc", - "▁blo c", - "▁G iant", - "▁Gi ant", - "( video", - "(v ideo", - "▁ CU", - "▁C U", - "System Service", - "▁ elf", - "▁e lf", - "▁el f", - "▁kont akt", - "k ees", - "ke es", - "kee s", - "g tk", - "gt k", - "▁param Int", - "▁mark up", - "u ales", - "ual es", - "ua les", - "uale s", - "▁account ed", - "▁gang bang", - "RY PT", - "▁ Wrong", - "▁W rong", - "▁Wr ong", - "▁cr edited", - "▁cred ited", - "▁credit ed", - "▁ MESSAGE", - "▁M ESSAGE", - "▁fl aws", - "▁flaw s", - "▁b bw", - "▁bb w", - "▁met abolic", - "▁metab olic", - "▁metabol ic", - "▁O EM", - "▁OE M", - "/ event", - "/e vent", - "(C ollectors", - "mon ton", - "mo nton", - "mont on", - "ap pear", - "app ear", - "appe ar", - "▁op ted", - "▁opt ed", - "▁c heat", - "▁ch eat", - "▁che at", - "▁d av", - "▁da v", - "▁Pro ceed", - "▁Proc eed", - "an ked", - "ank ed", - "an sk", - "ans k", - "▁ Hang", - "▁H ang", - "▁Ha ng", - "▁Han g", - "▁C ler", - "▁Cl er", - "▁Cle r", - "▁dis gu", - "▁disg u", - "▁c map", - "▁cm ap", - ". cljs", - ".cl js", - "▁a ument", - "▁au ment", - "l ez", - "le z", - "▁ Joined", - "▁Jo ined", - "▁Join ed", - "▁Joi ned", - "_ received", - "_re ceived", - "_receive d", - "▁a erial", - "▁aer ial", - "▁ae rial", - "o tel", - "ot el", - "ote l", - "▁g reet", - "▁gre et", - "\" s", - "▁Gen esis", - "▁Gene sis", - "▁Cal if", - "pan ion", - "▁tail ored", - "▁tailor ed", - "m apping", - "ma pping", - "map ping", - "and Expect", - ". track", - ".tr ack", - "at omy", - "ato my", - "atom y", - "▁O w", - "ul lah", - "ull ah", - "ulla h", - ". Yes", - ".Y es", - "▁ SimpleName", - "▁Simple Name", - "d bh", - "db h", - "' en", - "'e n", - "▁nons ense", - "▁philosoph ical", - "( getContext", - "(get Context", - "▁is so", - "▁iss o", - "▁ ACE", - "▁A CE", - "▁AC E", - "start Date", - "▁AUTH OR", - "▁Gl obe", - "▁Glo be", - "▁in sects", - "▁insect s", - "▁inse cts", - "_ Al", - "_A l", - "ush ing", - "ushi ng", - "/ Home", - "/H ome", - "▁Local Date", - "ne eded", - "need ed", - "nee ded", - "hes ive", - "▁ill usion", - "▁t rat", - "▁tr at", - "▁tra t", - "x o", - "/ detail", - "/d etail", - "/de tail", - "_M ATCH", - "▁broad band", - "▁ wal", - "▁w al", - "▁wa l", - "▁Illegal StateException", - "IRE CTION", - "IRECT ION", - "▁nor theast", - "▁north east", - "es ium", - "esi um", - "▁ Cliente", - "▁Cl iente", - "▁Client e", - "ul ance", - "ula nce", - "ulan ce", - "n ty", - "nt y", - "▁t ecn", - "▁te cn", - "Device s", - "Dev ices", - "▁gr ains", - "▁grain s", - "▁gra ins", - "▁O g", - "▁ SEL", - "▁S EL", - "▁SE L", - "ud iant", - "udi ant", - "▁ ++;\n", - "▁++ ;\n", - "▁explan ations", - "▁explanation s", - "o cco", - "oc co", - "occ o", - "▁di ets", - "▁die ts", - "▁diet s", - "▁co hort", - "( controller", - "(cont roller", - "(control ler", - ". Iterator", - ".It erator", - ".Iter ator", - "- rich", - "-r ich", - "ro cess", - "roc ess", - "G D", - "▁car bohydr", - "▁f ried", - "▁fr ied", - "▁fri ed", - "▁Em ployment", - "▁Emp loyment", - "▁Employ ment", - "▁Leon ard", - "_ ${", - "_$ {", - "qu ares", - "quare s", - "qua res", - "▁compan ions", - "▁companion s", - "▁p aris", - "▁par is", - "▁pa ris", - "▁st imulation", - "▁stim ulation", - "▁Z oo", - "▁Zo o", - "▁re levance", - "▁ Colour", - "▁Col our", - "▁s pear", - "▁sp ear", - "▁spe ar", - "ot ional", - "otion al", - "▁ Lite", - "▁L ite", - "▁Li te", - "▁Lit e", - "▁K osten", - "▁Ko sten", - "▁Kos ten", - "_ attachment", - "_att achment", - "_attach ment", - "orph ic", - "▁da mit", - "▁dam it", - "▁ dlg", - "▁d lg", - "▁dl g", - "▁th rive", - "▁thr ive", - "CH ANGE", - "▁App arently", - "▁at ual", - "▁ro oted", - "▁root ed", - "( images", - "(image s", - "(im ages", - "a wi", - "aw i", - "ar iat", - "ari at", - "aria t", - "▁ch erry", - "▁cher ry", - "ST ATIC", - "STAT IC", - "m nt", - "mn t", - "▁ UserId", - "▁User Id", - "il let", - "ill et", - "ille t", - "▁His panic", - "▁ nak", - "▁n ak", - "▁na k", - "▁cent ro", - "▁centr o", - "▁ dims", - "▁d ims", - "▁di ms", - "▁dim s", - "_ initialize", - "_initial ize", - "▁Cent ers", - "▁Center s", - "R EN", - "RE N", - "▁evolution ary", - "▁ Topics", - "▁Top ics", - "▁Topic s", - "_ damage", - "_d amage", - "_da mage", - "e mer", - "em er", - "eme r", - "▁r und", - "▁run d", - "▁ru nd", - "▁pun ished", - "▁punish ed", - "▁c ubic", - "▁cub ic", - "f air", - "fa ir", - "[ ];\n\n", - "[] ;\n\n", - "[];\n \n", - "▁in stantiate", - "▁instant iate", - "▁over see", - "▁overs ee", - "▁overse e", - "- delete", - "-de lete", - "-del ete", - "unt eer", - "unte er", - "start Time", - "▁ Pipeline", - "▁P ipeline", - "▁Pipe line", - "_ GAME", - "_G AME", - "▁C ir", - "▁Ci r", - "\t Null", - "\tN ull", - ".Format ting", - "uc umber", - "▁R ide", - "▁Rid e", - "▁Ri de", - "▁z oo", - "▁zo o", - "▁check er", - "▁che cker", - "= C", - "▁g rit", - "▁gr it", - "▁gri t", - "\" );//", - "\") ;//", - "\"); //", - "_ xy", - "_x y", - "▁ Declaration", - "▁De claration", - "▁call able", - "F oo", - "▁ ListItem", - "▁List Item", - "▁in accur", - "m lin", - "ml in", - "\t Data", - "\tD ata", - "▁ev olving", - "a wan", - "aw an", - "awa n", - "▁c afe", - "▁ca fe", - "▁caf e", - "f olk", - "fo lk", - "fol k", - "_ID X", - "_I DX", - "▁Any thing", - "▁Palest ine", - "▁Palestin e", - "▁ GridView", - "▁Grid View", - "▁col ony", - "▁colon y", - "▁German s", - "▁Germ ans", - "( +", - ". pid", - ".p id", - ".pi d", - ". jsx", - ".j sx", - ".js x", - "▁Sup erior", - "▁Super ior", - "Christ ian", - "▁L ect", - "▁Le ct", - "\t Game", - "\tG ame", - "▁instrument al", - "Animation s", - "Anim ations", - "▁M oses", - "▁Mo ses", - "▁Mos es", - "\t\t\r\n \t\t\r\n", - "z s", - "k te", - "kt e", - "_D IST", - "_DIS T", - "_DI ST", - "b itmap", - "bit map", - "d B", - "▁p ersistence", - "▁persist ence", - "$ l", - "B ron", - "Br on", - "Bro n", - "▁ {|", - "▁{ |", - "_ chart", - "_c hart", - "_ch art", - "_char t", - "▁ Consum", - "▁Con sum", - "▁Cons um", - "▁h emp", - "▁he mp", - "▁hem p", - "▁ \"))\n", - "▁\" ))\n", - "▁\") )\n", - "▁attack ers", - "▁attacker s", - "▁knowledge able", - "▁c et", - "▁ce t", - "▁vir uses", - "▁virus es", - "' I", - "▁pitch er", - "▁pit cher", - "▁swe eping", - "▁sweep ing", - "= list", - "=l ist", - "apt ops", - "aptop s", - ". depth", - ".de pth", - "▁instruct ed", - "▁R us", - "▁Ru s", - "benh avn", - "S ports", - "Sp orts", - "Sport s", - "▁on set", - "▁ons et", - ". RED", - ".R ED", - ".RE D", - "_ si", - "_s i", - "▁P ST", - "▁PS T", - ". onChange", - ".on Change", - "> tag", - ">t ag", - "▁R oh", - "▁Ro h", - "_ character", - "_char acter", - "▁L aws", - "▁La ws", - "▁Law s", - "▁B achelor", - "_ swap", - "_s wap", - "_sw ap", - ".re activex", - "▁reward ing", - "M edium", - "Med ium", - "- [", - "▁ Recently", - "▁Rec ently", - "▁Recent ly", - "J oint", - "Join t", - "Jo int", - "part ition", - "▁ Minutes", - "▁Min utes", - "▁Minute s", - "▁ indo", - "▁in do", - "▁ind o", - "▁absor bed", - "▁absorb ed", - "▁ GN", - "▁G N", - "_ IND", - "_IN D", - "_I ND", - "▁s aber", - "▁sa ber", - "▁sab er", - "Sp awn", - "out puts", - "output s", - "▁Jeff rey", - "▁med ieval", - "▁medi eval", - "h ed", - "he d", - "G uide", - "Gui de", - "Guid e", - "Gu ide", - "▁psych o", - "▁psy cho", - "▁g lam", - "▁gl am", - "E lim", - "El im", - "_ plain", - "_p lain", - "_pl ain", - "▁S au", - "▁Sa u", - "- four", - "-f our", - "▁analy zing", - "QUE RY", - "QU ERY", - "▁tom ato", - "_ buttons", - "_button s", - "V EN", - "VE N", - ".set Status", - ". Url", - ".U rl", - "+ \n\n", - "+\n \n", - "▁compl aining", - "▁complain ing", - "d egree", - "de gree", - "deg ree", - "conf irmed", - "confirm ed", - "▁su bt", - "▁sub t", - "p arsed", - "par sed", - "parse d", - "▁tor que", - "▁trouble d", - "▁troub led", - "▁trou bled", - "▁ TARGET", - "▁T ARGET", - "▁trad emarks", - "▁trade marks", - "▁trademark s", - "▁ Coordinate", - "▁Co ordinate", - "▁Coord inate", - "▁V iv", - "▁Vi v", - "▁ //}\n\n", - "▁// }\n\n", - "▁//}\n \n", - ". getPosition", - ".get Position", - ".getP osition", - "(Key Code", - "▁Sil va", - "▁m eteor", - "▁met eor", - "▁endorse ment", - "▁endors ement", - "Over view", - "▁P oss", - "▁Po ss", - "▁Pos s", - ". Inject", - ".In ject", - "▁even ly", - "▁visual ization", - "▁w char", - "▁wc har", - "▁H DMI", - "▁HD MI", - "▁f unct", - "▁fun ct", - "▁func t", - "ick name", - "',' ','", - "▁for wards", - "▁forward s", - "Managed Object", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "\t server", - "\ts erver", - "▁Out look", - "▁Chron icle", - "▁dub bed", - "▁d ok", - "▁do k", - "▁W ear", - "▁We ar", - ". AL", - ".A L", - "p aren", - "par en", - "pare n", - "pa ren", - ". Interface", - ".Inter face", - "Inter faces", - "Interface s", - ". cod", - ".c od", - ".co d", - "▁d ib", - "▁di b", - ".Global ization", - "▁Acad emic", - "▁as sms", - "▁ass ms", - "A utom", - "Auto m", - "Aut om", - "▁ lw", - "▁l w", - "▁N W", - "▁&& \r\n", - "▁proble ma", - "▁problem a", - "▁probl ema", - "▁Manufact uring", - "l imits", - "li mits", - "lim its", - "limit s", - "- mobile", - "-m obile", - "▁fil me", - "▁film e", - "/ map", - "/m ap", - "▁d oit", - "▁do it", - "▁doi t", - "▁I nk", - "▁In k", - "▁s ued", - "▁su ed", - "▁sue d", - ". arr", - ".a rr", - ".ar r", - "▁under min", - "▁ Proc", - "▁P roc", - "▁Pro c", - "▁Pr oc", - "croll View", - "_ _$", - "__ $", - "▁side walk", - "▁sidew alk", - "( that", - "(t hat", - "(th at", - "[ q", - "gram mar", - "q uito", - "qu ito", - "quit o", - "qui to", - "▁sp iral", - "▁spir al", - "▁spi ral", - "ext ended", - "extend ed", - "▁f ocal", - "▁foc al", - "▁fo cal", - "▁dig ging", - "p as", - "pa s", - "▁T all", - "▁Tal l", - "▁Ta ll", - ". proxy", - ".pro xy", - ".pr oxy", - "i tures", - "it ures", - "iture s", - "itu res", - "itur es", - "T RACT", - "TR ACT", - "TRA CT", - "▁Re alm", - "▁Real m", - "▁f eder", - "▁fe der", - "▁fed er", - "▁ oriented", - "▁orient ed", - "▁ori ented", - "▁Altern ative", - "▁Alter native", - "▁ owe", - "▁o we", - "▁ow e", - "▁s ourced", - "▁source d", - "▁sour ced", - "in ker", - "ink er", - ". det", - ".d et", - ".de t", - "S ep", - "Se p", - "▁ Qui", - "▁Q ui", - "▁Qu i", - "▁Pal mer", - "▁Palm er", - "( _,", - "(_ ,", - "s amples", - "sample s", - "o yer", - "oy er", - "ul lan", - "ull an", - "ulla n", - "q uez", - "qu ez", - "que z", - "Ed ges", - "Edge s", - "▁sh out", - "▁A chie", - "▁Ach ie", - "▁ha ar", - "_ Construct", - "_Con struct", - "▁prem ature", - "▁re vert", - "▁rev ert", - "▁reve rt", - "▁rever t", - "' ).\n", - "') .\n", - "'). \n", - "▁s chn", - "▁sc hn", - "▁sch n", - "filter ed", - "fil tered", - "null ptr", - "S aved", - "Save d", - "Sa ved", - "itect ure", - "C LA", - "CL A", - "▁ vl", - "▁v l", - "st ell", - "ste ll", - "\t Me", - "\tM e", - "▁L ip", - "▁Li p", - "n ational", - "nat ional", - "▁wh olly", - "▁spr ings", - "▁spring s", - ". Timer", - ".T imer", - ".Time r", - "\t src", - "\ts rc", - "e lsen", - "el sen", - "else n", - "els en", - "▁communic ating", - "▁ Quiz", - "▁Qu iz", - "▁Qui z", - "▁t eng", - "▁te ng", - "▁ten g", - "▁g ez", - "▁ge z", - "▁ Outside", - "▁Out side", - ". Sign", - ".S ign", - "( cs", - "(c s", - "▁disp utes", - "▁dispute s", - "▁disput es", - "▁We iss", - "▁Wei ss", - "an nes", - "ann es", - "anne s", - "> No", - ">N o", - "▁B ach", - "▁Ba ch", - ".remove All", - "re fer", - "ref er", - "/ dashboard", - "/d ashboard", - "▁ Ajax", - "▁A jax", - "▁Aj ax", - "Index Changed", - "▁ Weak", - "▁We ak", - "' \"\n", - "'\" \n", - "▁s ights", - "▁sight s", - "▁sigh ts", - "access Token", - "▁J oi", - "▁Jo i", - "( domain", - "(d omain", - "(dom ain", - "\t cv", - "\tc v", - "▁contin uation", - "▁continu ation", - "▁pl um", - "a dir", - "ad ir", - "adi r", - ".set Message", - "▁sw allow", - "▁swal low", - "▁L amp", - "▁La mp", - "▁Lam p", - "▁q w", - "▁ uu", - "▁u u", - "C oin", - "Co in", - "ub ic", - "ubi c", - "▁De als", - "▁Deal s", - "r ace", - "ra ce", - "rac e", - "▁dict ator", - "▁m eme", - "▁me me", - "▁mem e", - "turn ed", - "▁Jul ie", - "▁Ju lie", - ".grid Column", - "▁pup py", - "▁pu ppy", - "▁p am", - "▁pa m", - "▁ ){\r\n", - "▁) {\r\n", - "▁){ \r\n", - "▁inv iting", - "▁f rench", - "▁fr ench", - "▁fren ch", - "v im", - "vi m", - "▁wr apping", - "▁wrap ping", - "▁#- }\n", - "( [-", - "([ -", - "Ear ly", - "▁sh iny", - ". faces", - ".f aces", - ".face s", - ".fac es", - "▁re bell", - "▁reb ell", - "▁rebel l", - "abc def", - "▁est imation", - "▁estim ation", - "ph ys", - "phy s", - "los ures", - "losure s", - "_ REL", - "_RE L", - "_R EL", - "▁ex clusion", - "▁exclus ion", - "▁Sk ype", - "▁Sky pe", - "we ise", - "wei se", - "- stop", - "-s top", - "-st op", - "no thing", - "▁E gg", - "▁Eg g", - "is ors", - "iso rs", - "isor s", - "Rich ard", - "▁counsel ing", - "▁com mem", - "▁comm em", - "▁comme m", - "▁Q MessageBox", - "▁Sy nd", - "▁Syn d", - "▁F rost", - "▁Fr ost", - "▁Fro st", - "▁Com petition", - "▁Compet ition", - "▁Aw ake", - "▁ ted", - "▁t ed", - "▁te d", - "ic iones", - "ici ones", - "icio nes", - "icion es", - "▁Dev Components", - "VERTISE MENT", - "ot ti", - "ott i", - ". runner", - ".r unner", - ".run ner", - "▁unique ly", - "▁uniqu ely", - ". flag", - ".f lag", - ".fl ag", - "\t rs", - "\tr s", - "_ generic", - "_g eneric", - "_gen eric", - "_gene ric", - "▁`` `\n", - "▁``` \n", - "ACH INE", - "▁me in", - "( Application", - "(App lication", - "( br", - "(b r", - "▁rat ios", - "▁ratio s", - ": ,", - "▁XCT est", - "▁XC Test", - "ustain able", - "- www", - "-w ww", - "it les", - "itle s", - "_ TEMP", - "_T EMP", - "_TE MP", - "▁s yst", - "▁sys t", - "▁sy st", - "umeric UpDown", - "\t assertTrue", - "\tassert True", - "▁ wf", - "▁w f", - ". peek", - ".pe ek", - "▁B ulg", - "▁Bul g", - "▁Bu lg", - "▁terr ifying", - ". MODE", - ".M ODE", - "▁G W", - "▁ fic", - "▁f ic", - "▁fi c", - "▁commit ments", - "▁commitment s", - "- tech", - "-t ech", - "-te ch", - "▁L iquid", - "o pez", - "op ez", - "ope z", - "z heimer", - "- media", - "-m edia", - "-me dia", - "-med ia", - "( animated", - "(an imated", - "_ goal", - "_go al", - "▁g um", - "▁gu m", - "y stone", - "yst one", - "ys tone", - ". SET", - ".S ET", - ".SE T", - "▁W end", - "▁We nd", - "▁Wen d", - "set CellValue", - "▁msg s", - "▁ms gs", - "c ash", - "ca sh", - "cas h", - "AL LOC", - "ALL OC", - "/ aws", - "/a ws", - "▁micro wave", - "▁mic rowave", - ". Pointer", - ".Point er", - "\t Console", - "_ sorted", - "_s orted", - "_sort ed", - "▁Fil ip", - "▁Fi lip", - "P rod", - "Pro d", - "Pr od", - "▁//! <", - "in group", - "ing roup", - "▁ ks", - "▁k s", - "_T RI", - "_TR I", - "▁teas poon", - "▁ ATT", - "▁A TT", - "▁AT T", - "▁recover ing", - "▁ GLOBAL", - "▁G LOBAL", - ". Par", - ".P ar", - "▁/ >;\n", - "▁/> ;\n", - "▁mar ble", - "ul ators", - "ulator s", - "▁ Cycle", - "▁C ycle", - "▁Cy cle", - "▁her bs", - "▁herb s", - "_ metric", - "_m etric", - "_met ric", - ") !", - "_C LOCK", - "_CL OCK", - "_ Button", - "_B utton", - "H arry", - "Har ry", - "▁str ains", - "▁strain s", - "▁App Bar", - "▁ Chan", - "▁C han", - "▁Ch an", - "▁Cha n", - "/ video", - "/v ideo", - "▁b am", - "▁ba m", - ". Progress", - ".Pro gress", - "$ f", - "l emen", - "le men", - "lem en", - "▁ir regular", - "▁D uncan", - "▁Dun can", - "▁M int", - "▁Min t", - "▁Mi nt", - "- video", - "-v ideo", - "▁ EMPTY", - "▁EM PTY", - "▁EMP TY", - "▁st acked", - "▁stack ed", - "▁ HA", - "▁H A", - "_ cut", - "_c ut", - "▁where in", - "▁W ays", - "▁Way s", - "▁Wa ys", - "( counter", - "(c ounter", - "(count er", - "(co unter", - "Form Group", - "▁bl ew", - "▁ble w", - "c ourses", - "co urses", - "course s", - "▁product os", - "▁producto s", - "r ys", - "ry s", - "▁ Restr", - "▁R estr", - "▁Re str", - "▁Res tr", - "▁Rest r", - "▁sty ling", - "▁styl ing", - "> s", - "▁p iv", - "▁pi v", - "▁it ertools", - "▁iter tools", - "get Repository", - "▁ Ik", - "▁I k", - "_ devices", - "_device s", - "_dev ices", - "lay ui", - "▁half way", - "▁t uning", - "▁tu ning", - "▁tun ing", - "O A", - "_ Node", - "_N ode", - "_No de", - "ar de", - "ard e", - "▁fi erce", - "▁fier ce", - "l icted", - "lic ted", - "lict ed", - "# \r\n", - "▁break through", - "▁E rik", - "▁Er ik", - "▁b ride", - "▁br ide", - "▁bri de", - "▁ .\"", - "▁. \"", - "c ulus", - "cul us", - "in side", - "ins ide", - "insi de", - "▁Indian apolis", - "▁ EE", - "▁E E", - "▁y og", - "▁yo g", - "ur ret", - "urre t", - "urr et", - ". fs", - ".f s", - ". grad", - ".g rad", - ".gr ad", - "_ cards", - "_c ards", - "_card s", - "_car ds", - "_ accuracy", - "_ac curacy", - "_acc uracy", - "_e pi", - "_ep i", - "qu eda", - "que da", - "/ org", - "/or g", - "/o rg", - "▁com pte", - "▁comp te", - "▁compt e", - ") )[", - ")) [", - "Out side", - "G reater", - "Great er", - "▁ Renderer", - "▁Render er", - ". actor", - ".a ctor", - ".ac tor", - ".act or", - "Account s", - "Ac counts", - "Id le", - "_ hours", - "_h ours", - "_hour s", - "er ner", - "ern er", - "Join ed", - "Jo ined", - "▁me nj", - "▁men j", - "re quires", - "require s", - "requ ires", - "▁ OPER", - "▁O PER", - "▁OP ER", - ".remove Child", - "\t sp", - "\ts p", - "▁ esse", - "▁es se", - "▁ess e", - "r ift", - "ri ft", - "x FE", - "xF E", - "▁Sh akespeare", - "____ ________", - "________ ____", - "▁budget s", - "▁bud gets", - "Model State", - "fill able", - "- component", - "-com ponent", - "o cos", - "oc os", - "oco s", - "▁ BUTTON", - "▁B UTTON", - "▁BUT TON", - "/ io", - "/i o", - ", out", - ",o ut", - "s ms", - "sm s", - "Th omas", - "▁Ar med", - "▁Arm ed", - "re sume", - "res ume", - "▁rot ating", - "▁V ault", - "▁Va ult", - "▁se us", - "▁seu s", - ". (*", - ".( *", - "▁a mino", - "▁am ino", - "▁ami no", - "▁[ ]);\n\n", - "▁[] );\n\n", - "▁[]) ;\n\n", - "▁[]);\n \n", - "▁prov oc", - "n ox", - "no x", - ".Get Enumerator", - "==== ===\n", - "====== =\n", - "===== ==\n", - "======= \n", - "_ scroll", - "_s croll", - "_sc roll", - "_scr oll", - "▁fil med", - "▁film ed", - "▁filme d", - "▁S oci", - "▁So ci", - "▁Soc i", - "g ap", - "ga p", - "g ro", - "gr o", - "V ote", - "Vo te", - "\" But", - "_ RC", - "_R C", - "An imal", - "Anim al", - "ib ile", - "ibil e", - "ibi le", - "▁aw aken", - "▁awake n", - "o rest", - "or est", - "ore st", - "ores t", - "in ja", - "▁I van", - "▁Iv an", - "( Command", - "▁ *****", - "▁* ****", - "▁** ***", - "▁*** **", - "▁**** *", - "▁kv inder", - "▁kvin der", - "/ helpers", - "/h elpers", - "_ cases", - "_c ases", - "_case s", - "_ca ses", - "t g", - "Register ed", - "\t pass", - "\tp ass", - "_ digits", - "_d igits", - "_digit s", - "▁con tour", - "▁cont our", - "▁inf ants", - "▁infant s", - "▁just ification", - "▁Fort unately", - "Cont r", - "Con tr", - "▁onCreate View", - "_S AMPLE", - "▁allow Null", - "▁n ud", - "▁nu d", - "▁f etched", - "▁fetch ed", - "▁fet ched", - "_ equ", - "_e qu", - "_eq u", - "▁ Unable", - "▁U nable", - "▁Un able", - "▁Una ble", - "= \\\"\"", - "=\\\" \"", - "=\\ \"\"", - "> {\n", - ">{ \n", - "▁commit tees", - "▁committee s", - "ist ema", - "iste ma", - "+ \".", - "+\" .", - "m ant", - "man t", - "ma nt", - "▁sou theast", - "▁south east", - "dialog s", - "dia logs", - "PRO JECT", - "ch arger", - "char ger", - "charge r", - "charg er", - "- port", - "-p ort", - "( uuid", - "(u uid", - ". export", - ".ex port", - ".exp ort", - "S ix", - "Si x", - "▁ RP", - "▁R P", - "P rem", - "Pr em", - "Pre m", - "▁con science", - "▁consc ience", - "▁margin Right", - "_d istribution", - "_dis tribution", - "y aml", - "ya ml", - "res izing", - "D ock", - "Do ck", - "Doc k", - "▁ Locations", - "▁L ocations", - "▁Location s", - "▁Loc ations", - "G Y", - "S eed", - "Se ed", - "See d", - "B UFFER", - "BUF FER", - "oss ip", - "ul len", - "ull en", - "ulle n", - "Th ings", - "Thing s", - "- self", - "-s elf", - "-se lf", - ". poll", - ".p oll", - ".po ll", - "PL AYER", - "PLAY ER", - "G ROUP", - "▁A way", - "▁Aw ay", - "▁g ospel", - "x fd", - "xf d", - "M ary", - "Mar y", - "Ma ry", - "▁Port able", - "▁Por table", - "T URE", - "▁util is", - "▁se it", - "▁sei t", - "▁st rand", - "▁str and", - "▁trans c", - "▁tran sc", - "▁ (^", - "▁( ^", - "▁Al fred", - ". mem", - ".m em", - ".me m", - ". circle", - ".c ircle", - "▁ ~/", - "▁~ /", - "for cing", - "forc ing", - "▁r iot", - "▁ri ot", - "p rox", - "pr ox", - "pro x", - "TH ON", - "▁ NI", - "▁N I", - "r ost", - "ro st", - "ros t", - "▁dis pro", - "▁disp ro", - "_ instances", - "_in stances", - "_instance s", - "_inst ances", - "ograph er", - "en das", - "end as", - "enda s", - "▁Isa ac", - "▁P ine", - "▁Pin e", - "▁Pi ne", - "/ dis", - "/d is", - "▁color With", - "it erate", - "ite rate", - "iter ate", - "_ stride", - "_st ride", - "_str ide", - "▁p unto", - "▁pun to", - "▁punt o", - ". EventArgs", - ".Event Args", - "( center", - "(c enter", - "▁neighb oring", - "▁neighbor ing", - "▁Pr ison", - "▁Pri son", - "▁M essenger", - "▁Mess enger", - "▁epid emic", - "▁epidemi c", - "d ao", - "da o", - "_ complex", - "_com plex", - "_comp lex", - "▁gr avel", - "▁grave l", - "▁gra vel", - "▁grav el", - "_D IP", - "_DI P", - "▁A ri", - "▁Ar i", - "_ bitmap", - "_b itmap", - "_bit map", - ". quit", - ".q uit", - ".qu it", - "( valid", - "(val id", - "▁ pend", - "▁p end", - "▁pe nd", - "▁pen d", - "▁respir atory", - "▁re bound", - "▁reb ound", - "Default Value", - "▁com mits", - "▁comm its", - "▁commit s", - ". tests", - ".t ests", - ".test s", - ".te sts", - "_ fr", - "_f r", - "it et", - "ite t", - ". sf", - ".s f", - "▁space craft", - "c ritical", - "cri tical", - "cr itical", - "crit ical", - "▁de pressed", - "▁dep ressed", - "▁depr essed", - "▁depress ed", - "▁Any Object", - "▁u nb", - "▁un b", - "▁dis cern", - "▁disc ern", - "( mysql", - "(m ysql", - "(my sql", - "L atin", - "La tin", - "Lat in", - "▁B og", - "▁Bo g", - "▁Wild life", - "To File", - "iox id", - "@ RestController", - "▁\" $(", - "▁\"$ (", - "▁ <<\"", - "▁<< \"", - "▁defe cts", - "▁defect s", - "▁ datum", - "▁d atum", - "▁dat um", - "h in", - "hi n", - "▁real izar", - "▁realiz ar", - "any ahu", - "anya hu", - "▁ Sig", - "▁S ig", - "▁Si g", - "@ Data", - "ad aptive", - "ada ptive", - "▁C atherine", - ". cr", - ".c r", - "▁ COOKIE", - "▁CO OKIE", - "▁p ictured", - "▁picture d", - "▁Fight er", - "Query able", - "▁ Anyway", - "▁Any way", - "▁GL FW", - "_ namespace", - "_n amespace", - "_name space", - "_names pace", - "_ ft", - "_f t", - "▁ ])", - "▁] )", - "Organ ization", - "▁constit utes", - "▁constitu tes", - "▁constitute s", - "▁qu and", - "( chunk", - "(ch unk", - "\" />\r\n", - "\"/ >\r\n", - "\"/> \r\n", - "▁L akes", - "▁La kes", - "▁Lake s", - "▁Lak es", - "main window", - "Car thy", - "Cart hy", - "s pin", - "sp in", - "spi n", - "( csv", - "(c sv", - "(cs v", - ": red", - "- commerce", - "-com merce", - "▁discover ing", - "▁ eco", - "▁e co", - "▁ec o", - "_ fac", - "_f ac", - "ince ton", - "inc eton", - "▁Green s", - "▁Gre ens", - "▁Gree ns", - "j wt", - "▁Bron cos", - "▁ Goods", - "▁G oods", - "▁Go ods", - "▁Good s", - "( GTK", - "(G TK", - "▁ returnValue", - "▁return Value", - "▁si empre", - "▁neu tr", - "▁neut r", - "w ent", - "we nt", - "wen t", - "▁N atal", - "▁Na tal", - "▁Nat al", - "▁enthusi astic", - "▁enthusiast ic", - "F N", - "/ database", - "/d atabase", - "/data base", - "C atalog", - "Cat alog", - "▁b run", - "▁br un", - "▁bru n", - "▁K ash", - "▁Ka sh", - "▁Kas h", - "_ Pl", - "_P l", - "isc rim", - ", width", - ",w idth", - "▁in mates", - "Ass ignment", - "Assign ment", - "▁H aven", - "▁Have n", - "▁Ha ven", - "▁Hav en", - "▁play ground", - "ex am", - "@ Controller", - "ul iar", - "uli ar", - ". getParent", - ".get Parent", - ".getP arent", - "▁ \";\n\n", - "▁\" ;\n\n", - "▁\";\n \n", - "▁\"; \n\n", - ": size", - ":s ize", - "iss ors", - "▁f is", - "▁fi s", - "▁ alc", - "▁a lc", - "▁al c", - "ens ation", - "ensa tion", - "▁N ixon", - "▁Ni xon", - "▁might y", - "- str", - "-s tr", - "-st r", - "_ special", - "_s pecial", - "_spec ial", - "_ ADC", - "_A DC", - "_AD C", - "▁ Twig", - "▁T wig", - "▁Tw ig", - "um bling", - "umb ling", - "- address", - "-add ress", - "▁her oin", - "▁hero in", - "Y TE", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁\n", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁\n", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ \n", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁\n", - "F riend", - "Fri end", - "▁ ave", - "▁a ve", - "▁av e", - "▁ PNG", - "▁P NG", - "▁Kurd ish", - "DataSet Changed", - "▁bl ades", - "▁blade s", - "b ral", - "br al", - "bra l", - "S team", - "St eam", - "Ste am", - "▁s igu", - "▁si gu", - "▁sig u", - "IRT UAL", - "a cos", - "ac os", - "aco s", - "U DP", - "UD P", - "( database", - "(d atabase", - "(data base", - "h ec", - "he c", - "▁ Strings", - "▁String s", - "▁Str ings", - "_ scalar", - "_s calar", - "_sc alar", - "_scal ar", - "\t desc", - "\td esc", - "\tdes c", - "\tde sc", - "▁ TLS", - "▁T LS", - "▁TL S", - "; \"\n", - ";\" \n", - "▁Cor byn", - "Simple Name", - "u ell", - "ue ll", - "uel l", - "▁En tre", - "▁Ent re", - "▁Entr e", - "ell ites", - "ellite s", - "elli tes", - "- place", - "-p lace", - "-pl ace", - "▁frank ly", - "▁E rf", - "▁Er f", - "C EL", - "CE L", - "▁h edge", - "▁hed ge", - "▁ latent", - "▁late nt", - "▁lat ent", - "▁ IRQ", - "▁IR Q", - "▁H erald", - "▁Her ald", - "▁P rec", - "▁Pr ec", - "▁Pre c", - ". TEXT", - ".T EXT", - "S alary", - "Sal ary", - "▁aut umn", - "▁trav ail", - "▁trava il", - ". Sum", - ".S um", - "▁c ared", - "▁car ed", - "▁ca red", - "▁care d", - "M or", - "Mo r", - "▁int uitive", - "▁j ournals", - "▁journal s", - "_ IT", - "_I T", - "▁T rou", - "▁Tr ou", - "▁Tro u", - "Has ColumnName", - "Com posite", - "▁sp ice", - "▁spi ce", - "_ disk", - "_d isk", - "_dis k", - "_di sk", - "_CODE S", - "_CO DES", - "▁Int roduced", - "▁Intro duced", - "i ona", - "ion a", - "io na", - "▁nue stra", - "▁nuest ra", - "o ct", - "oc t", - "▁▁▁▁\n ▁▁▁▁\n▁▁▁▁\n", - "▁▁▁▁\n▁▁▁▁\n ▁▁▁▁\n", - "( parameter", - "(param eter", - "▁stud ios", - "▁studio s", - "▁project Id", - "▁bd sm", - ".Sql Client", - "im izer", - "imize r", - "imi zer", - "▁ CARD", - "▁C ARD", - "▁CA RD", - "▁CAR D", - "+ t", - "a an", - "aa n", - ". sol", - ".s ol", - ".so l", - "_ Adjust", - "_Ad just", - "▁right eous", - "▁ Logging", - "▁Log ging", - ". filters", - ".f ilters", - ".filter s", - "_T AB", - "\t sys", - "\ts ys", - "roph ic", - "o therapy", - "other apy", - "▁ Browse", - "▁B rowse", - "▁Brow se", - "key board", - "R ON", - "RO N", - "+ \\", - "r opped", - "ro pped", - "rop ped", - "▁ext ensively", - "▁extensive ly", - "f k", - "▁ lime", - "▁l ime", - "▁li me", - "▁lim e", - "y ears", - "year s", - "ye ars", - "E xc", - "Ex c", - "▁s ph", - "▁sp h", - "▁che ating", - "▁cheat ing", - "an dro", - "and ro", - "▁pr ince", - "▁pri nce", - "o ire", - "oi re", - "oir e", - "▁ Destination", - "▁D estination", - "▁Dest ination", - "▁Con verts", - "▁Convert s", - "▁Conv erts", - "▁up stream", - "o led", - "ol ed", - "ole d", - "▁serv ants", - "▁servant s", - "▁ semantic", - "▁sem antic", - "▁cr unch", - "▁event ual", - "r unner", - "run ner", - "/ error", - "/e rror", - "S pin", - "Sp in", - "▁secret ly", - "▁as semble", - ". Person", - ".P erson", - ".Per son", - "end error", - "ender ror", - "ende rror", - "_ <", - "▁p endant", - "▁pend ant", - "S leep", - "▁Chem istry", - "▁boss es", - "▁bos ses", - "l k", - ") )),\n", - ")) ),\n", - "))) ,\n", - "))), \n", - "Block ly", - "DE VICE", - "DEV ICE", - "▁reflect ing", - "▁ ample", - "▁am ple", - "▁ampl e", - "▁amp le", - "M illiseconds", - "Mill iseconds", - "▁Pres idential", - "▁President ial", - "▁ usuarios", - "▁us uarios", - "▁usuario s", - "▁usu arios", - "▁N Z", - "▁ Salary", - "▁S alary", - "▁Sal ary", - "▁A manda", - "▁Am anda", - "_ np", - "_n p", - "j ury", - "ju ry", - "▁ther apist", - "▁therap ist", - "▁hom osexual", - "▁homosex ual", - "▁homo sexual", - "▁Dr ake", - "- window", - "-w indow", - "▁ Located", - "▁Loc ated", - ". Driver", - ".D river", - "▁ VIDEO", - "▁V IDEO", - "▁merch ants", - "▁merchant s", - "▁C hest", - "▁Ch est", - "▁Che st", - "- lock", - "-l ock", - "-lo ck", - "/ php", - "/p hp", - "▁mil ano", - "_ST YLE", - "ar ger", - "arg er", - "arge r", - "i dea", - "id ea", - "ide a", - "G UID", - "GUI D", - "GU ID", - "adv anced", - "advance d", - "me al", - "Options ItemSelected", - "= '%", - "=' %", - "▁C ham", - "▁Ch am", - "▁Cha m", - ": data", - ":d ata", - "( stat", - "(st at", - "Will Appear", - "▁inf ormal", - "▁inform al", - "a ji", - "aj i", - "▁re productive", - "▁C AS", - "▁CA S", - "F UNC", - "▁R uth", - "▁Ru th", - "▁Rut h", - ") +(", - ")+ (", - "CON ST", - "CO NST", - "▁F ans", - "▁Fa ns", - "▁Fan s", - "▁ groupId", - "▁group Id", - "x ffffffff", - "xff ffffff", - "xffff ffff", - "▁s ampler", - "▁sample r", - "▁sam pler", - "▁samp ler", - "▁}} \">", - "▁}}\" >", - ". the", - ".t he", - ".th e", - "▁h ollow", - "▁hol low", - "W AY", - "WA Y", - "▁Fac ulty", - "Attrib utedString", - "▁ Looks", - "▁L ooks", - "▁Lo oks", - "▁Look s", - "▁R ex", - "▁Re x", - "j k", - "▁M IL", - "▁MI L", - "▁b ard", - "▁bar d", - "▁ba rd", - ". Long", - ".L ong", - "▁li vest", - "▁live st", - "▁lives t", - "▁liv est", - "▁s kal", - "▁sk al", - "▁ska l", - "ic ism", - "ici sm", - "M AIN", - "MA IN", - "▁much o", - "▁mu cho", - "B ODY", - "▁ ese", - "▁e se", - "▁es e", - "\t use", - "\tu se", - "F oot", - "Foo t", - ". SQLException", - ".SQL Exception", - "▁inherit ance", - "re ceived", - "receive d", - "rece ived", - "▁p utas", - "▁put as", - "▁pu tas", - "e dis", - "ed is", - "edi s", - "al sa", - "als a", - "▁ ErrorMessage", - "▁Error Message", - "Bo oking", - "Book ing", - "▁ tract", - "▁tr act", - "▁tra ct", - "a cz", - "ac z", - "▁C ant", - "▁Can t", - "▁Ca nt", - "_ regex", - "_reg ex", - "▁ide ological", - "▁j ihad", - "h os", - "ho s", - "/ sys", - "/s ys", - "co lm", - "col m", - "( pool", - "(p ool", - "▁ Pending", - "▁P ending", - "▁Pen ding", - ") );\n\n\n", - ")) ;\n\n\n", - "));\n \n\n", - "));\n\n \n", - ")); \n\n\n", - "trans actions", - "transaction s", - "▁w ield", - "▁wie ld", - "▁wi eld", - "i tere", - "it ere", - "ite re", - "iter e", - "er ture", - "ert ure", - "_ ss", - "_s s", - "▁stretch ing", - "▁stret ching", - "▁prison er", - "▁pris oner", - ".Read All", - "▁b esch", - "▁be sch", - "▁bes ch", - "-- ;\r\n", - "--; \r\n", - "▁cr isp", - "▁cri sp", - "▁cris p", - "_S CAN", - "_SC AN", - "▁ ae", - "▁a e", - "Str ict", - "▁Min neapolis", - "▁Bo eing", - "a ris", - "ar is", - "ari s", - "r ek", - "re k", - "_ pipe", - "_p ipe", - "_pi pe", - "▁pri ests", - "▁priest s", - "( EIF", - "(E IF", - "eh icles", - "ehicle s", - "▁Inter active", - "b etween", - "bet ween", - "\tNull Check", - "▁Bl air", - "▁L t", - "_ inline", - "_in line", - "eth yl", - "_ packages", - "_p ackages", - "_package s", - "_pack ages", - "▁bar rels", - "▁barrel s", - "▁barr els", - "_ he", - "_h e", - "▁ regexp", - "▁reg exp", - "▁regex p", - "_ pts", - "_p ts", - "_pt s", - "_ Handler", - "_H andler", - "_Handle r", - "ing ular", - "ingu lar", - "▁N issan", - "▁R anch", - "▁Ran ch", - "▁per ch", - "▁pe rch", - "▁perc h", - "Un supported", - "S mith", - "Sm ith", - "▁Leg ends", - "▁Legend s", - "M i", - "▁ gf", - "▁g f", - "st eder", - "ste der", - "sted er", - "▁acqu iring", - "▁sim ulator", - "( ),\"", - "() ,\"", - "(), \"", - "re ceive", - "rece ive", - "▁in place", - "▁inp lace", - "A CTION", - "AC TION", - "ACT ION", - "▁ WebDriver", - "▁Web Driver", - "file system", - "files ystem", - "< Order", - "l open", - "lo pen", - "lop en", - "lope n", - "▁ HEIGHT", - "▁HE IGHT", - ".set Border", - "__ [\"", - "▁cl amp", - "▁clam p", - "Seg oe", - "b ands", - "ban ds", - "band s", - "to List", - "am ba", - "amb a", - ">' +\n", - ">'+ \n", - "▁ credible", - "▁cred ible", - "a mat", - "am at", - "ama t", - "pl aying", - "play ing", - "pla ying", - ".setImage Resource", - "q uel", - "qu el", - "que l", - "▁po dr", - "▁pod r", - "ge om", - "geo m", - "E k", - "▁Q atar", - "▁g eld", - "▁ge ld", - "▁gel d", - "? ',\n", - "?' ,\n", - "?', \n", - "▁c yl", - "▁cy l", - "( ax", - "(a x", - "▁ WI", - "▁W I", - "ur ally", - "ural ly", - "▁Br asil", - "▁Bra sil", - "▁Bras il", - "▁s enza", - "▁sen za", - "a ley", - "al ey", - "ale y", - "o nen", - "on en", - "one n", - "▁b ah", - "▁ba h", - "▁m olecule", - "▁molec ule", - "R ad", - "Ra d", - "AN CH", - "ANC H", - "- background", - "-back ground", - "- agent", - "-a gent", - "-ag ent", - "-age nt", - "▁prol ifer", - ": boolean", - "▁t ide", - "▁ti de", - "▁tid e", - "erial izer", - "erialize r", - "_ ;\r\n", - "_; \r\n", - "F ee", - "Fe e", - "* *)", - "** )", - "er gy", - "erg y", - "▁H onor", - "▁Hon or", - "▁Ho nor", - ". Logging", - ".Log ging", - "i ris", - "ir is", - "iri s", - "▁under mine", - "▁undermin e", - "▁D y", - "▁t yr", - "▁ty r", - "▁ deque", - "▁de que", - "▁d amer", - "▁da mer", - "▁dam er", - "( [])\n", - "([ ])\n", - "([] )\n", - ".layout ControlItem", - ".layoutControl Item", - "pe ated", - "peat ed", - "C AN", - "CA N", - "ra gments", - "rag ments", - "ragment s", - "L and", - "La nd", - ") ]);\n", - ")] );\n", - ")]) ;\n", - "▁S ah", - "▁Sa h", - "▁ DECL", - "▁DE CL", - "▁DEC L", - "With in", - "▁ Namespace", - "▁N amespace", - "▁Name space", - "▁Names pace", - "an other", - "ano ther", - "semb ling", - "sem bling", - "sembl ing", - ". describe", - ".de scribe", - ".des cribe", - "Con sum", - "Cons um", - "▁F ear", - "▁Fe ar", - "g iven", - "gi ven", - "give n", - "O range", - "Or ange", - "< boolean", - " This", - ">T his", - "▁data Index", - "▁print able", - "▁E yes", - "▁Eye s", - "▁Ey es", - "_ targets", - "_target s", - "( Py", - "(P y", - ". over", - ".o ver", - "▁ bru", - "▁b ru", - "▁br u", - "am pton", - "amp ton", - "▁plaint iff", - "< Key", - " );\n", - ">) ;\n", - "in vest", - "inv est", - ". *\n\n", - ".* \n\n", - ".*\n \n", - "▁su perf", - "▁super f", - "▁ cascade", - "▁c ascade", - "▁cas cade", - "D TD", - "DT D", - "▁vi vid", - "▁viv id", - "▁subsid ies", - "▁subsidi es", - "▁H ass", - "▁Has s", - "▁Ha ss", - "▁coll aps", - "▁cer amic", - "{ }\".", - "{} \".", - "▁Leak age", - "-tr ash", - "coll apsed", - "collapse d", - "- social", - "-s ocial", - "-so cial", - "▁C had", - "▁Ch ad", - "▁Cha d", - "▁inc lined", - "▁incl ined", - "▁ sto", - "▁s to", - "▁st o", - "▁story board", - ". payment", - ".p ayment", - ".pay ment", - "stack overflow", - "▁Ra iders", - "▁Raid ers", - "▁# '", - "ol icies", - "olic ies", - "e map", - "em ap", - "ema p", - "▁k j", - "▁qu ota", - "▁quot a", - "▁quo ta", - "▁Gar dens", - "▁Garden s", - "▁Gard ens", - "▁Ang els", - "▁Ange ls", - "▁Angel s", - "▁ oft", - "▁o ft", - "▁of t", - "▁lower case", - "▁i Param", - "▁che apest", - "▁cheap est", - "un ta", - "unt a", - "_ pkt", - "_p kt", - "_pk t", - "ic ators", - "icator s", - "▁l eurs", - "▁le urs", - "▁leur s", - "▁decre ases", - "▁decrease s", - "\t define", - "\tdef ine", - "PR EC", - "PRE C", - "am mers", - "amm ers", - "▁ PreparedStatement", - "▁Pre paredStatement", - "( direction", - "(d irection", - "(dir ection", - "(di rection", - "▁cr ews", - "▁cre ws", - "▁crew s", - "ar ked", - "ark ed", - "▁Mem phis", - "▁S ell", - "▁Se ll", - "▁Sel l", - "G TK", - "GT K", - "▁ maid", - "▁m aid", - "▁ma id", - "▁mai d", - ": disable", - "▁P f", - "▁al beit", - "op enh", - "open h", - "ope nh", - "?> \">\n", - "?>\" >\n", - ".get Source", - ".getS ource", - "( scale", - "(s cale", - "(sc ale", - "D u", - "▁P IL", - "▁PI L", - "_ refresh", - "_ref resh", - "▁b ets", - "▁be ts", - "▁bet s", - "( car", - "(c ar", - "▁V on", - "▁Vo n", - "| --------------------------------------------------------------------------\n", - "▁G rat", - "▁Gr at", - "▁Gra t", - "M uch", - "Mu ch", - "( Dialog", - "(D ialog", - ".stop Propagation", - "▁ tek", - "▁t ek", - "▁te k", - "▁ex its", - "▁exit s", - "'] ,$", - "'], $", - "▁ phoneNumber", - "▁phone Number", - "u cs", - "uc s", - "ec imal", - "- -------------", - "-- ------------", - "---- ----------", - "-------- ------", - "--- -----------", - "------------ --", - "----- ---------", - "---------- ----", - "------ --------", - "----------- ---", - "------------- -", - "------- -------", - "--------- -----", - "i np", - "in p", - ".po jo", - "▁cor pus", - "▁corp us", - "▁practition ers", - "▁practitioner s", - ". pic", - ".p ic", - ".pi c", - "\" testing", - "▁string By", - ". NotNull", - ".Not Null", - "▁r ang", - "▁ran g", - "▁ra ng", - ". Dynamic", - ".D ynamic", - "_ Render", - "_R ender", - "_Re nder", - "Wait ing", - "▁W ik", - "▁Wi k", - "▁overwhel med", - "% \">", - "%\" >", - "▁ AE", - "▁A E", - "} }>\n", - "}} >\n", - "u w", - "_ typ", - "_t yp", - "_ty p", - "▁b uckets", - "▁bucket s", - "▁buck ets", - "▁g reeting", - "▁gre eting", - "▁greet ing", - "▁ laughter", - "▁la ughter", - "▁laugh ter", - "▁ant agon", - "ugg estion", - "uggest ion", - "- email", - "-e mail", - "-em ail", - "\t top", - "\tt op", - "\tto p", - "▁ eros", - "▁e ros", - "▁er os", - "_ tri", - "_t ri", - "_tr i", - "▁iss uing", - "▁issu ing", - "▁is olate", - "▁isol ate", - "▁iso late", - "Over flow", - ", E", - "▁nut ritional", - "▁nutrition al", - "▁Abb ott", - "▁ nf", - "▁n f", - ". touch", - ".t ouch", - ".to uch", - ".fetch all", - "_ zip", - "_z ip", - "\" )}\n", - "\") }\n", - "▁ amat", - "▁a mat", - "▁am at", - "▁C isco", - "P LEX", - "PL EX", - "PLE X", - "▁s ei", - "▁se i", - "f oto", - "fo to", - ".to Json", - "▁Kle in", - "▁ libc", - "▁li bc", - "▁lib c", - "▁m iners", - "▁min ers", - "▁mi ners", - "▁mine rs", - "▁miner s", - "- print", - "-p rint", - "-pr int", - "▁P ride", - "▁Pr ide", - "▁Pri de", - "T odos", - "To dos", - "Todo s", - "▁mask ed", - "▁mas ked", - "▁ setData", - "▁set Data", - "▁tele fon", - "▁un happy", - "▁unh appy", - "▁ Tables", - "▁T ables", - "▁Table s", - "▁Tab les", - "▁Ta bles", - "g eb", - "ge b", - "( debug", - "(de bug", - "_ allowed", - "_all owed", - "_allow ed", - "- access", - "-a ccess", - "-ac cess", - "▁log istics", - "▁g ems", - "▁ge ms", - "▁gem s", - "▁M ature", - "▁Mat ure", - "▁Ma ture", - "▁ rsp", - "▁r sp", - "▁rs p", - "▁Al le", - "▁All e", - ". getBytes", - ".get Bytes", - ".getBy tes", - "\\ web", - "ynchron ized", - "ynchronize d", - "Par agraph", - "Para graph", - "▁th rottle", - ". sqlite", - ".sql ite", - "cons ulta", - "consult a", - "▁S eah", - "▁Se ah", - "▁Sea h", - "C e", - "▁sub mar", - "E RE", - "ER E", - "V ous", - "Vo us", - "▁ reddit", - "▁re ddit", - "▁red dit", - "▁sql alchemy", - "-m ile", - "oc ide", - "oci de", - "P our", - "Po ur", - "}} \">\n", - "}}\" >\n", - "st ead", - "ste ad", - "▁ @(", - "▁@ (", - "▁ [])", - "▁[ ])", - "▁[] )", - "▁ Ads", - "▁A ds", - "▁Ad s", - "▁over load", - "▁overl oad", - "r idden", - "ri dden", - "rid den", - "▁De sert", - "▁Des ert", - "▁ Wrap", - "▁W rap", - "▁Wr ap", - "▁Portug uese", - "e tz", - "et z", - "\t first", - "\tf irst", - "\tfi rst", - "▁miles tone", - "▁mile stone", - "( success", - "(s uccess", - "< Vector", - " \")\n", - ">\" )\n", - "▁D ollar", - "▁Dol lar", - "▁Doll ar", - "▁ emoji", - "▁em oji", - "Car ousel", - "- player", - "-p layer", - "-play er", - "-pl ayer", - "▁adjust ing", - "▁adj usting", - "▁j uga", - "▁ju ga", - "▁jug a", - "allenge s", - "alleng es", - "allen ges", - "g ene", - "ge ne", - "gen e", - "(body Parser", - "lop edia", - "lope dia", - "▁Beh ind", - "▁slee ves", - "▁sleeve s", - "▁drag ging", - "▁Che vrolet", - "▁ biz", - "▁b iz", - "▁bi z", - "iv ities", - "ivi ties", - "▁ Frequency", - "▁F requency", - "▁Frequ ency", - ", char", - ",c har", - ". WHITE", - ".W HITE", - "_ preview", - "_p review", - "_pre view", - "_prev iew", - ") ';\n", - ")' ;\n", - "_ ax", - "_a x", - "I ONS", - "ION S", - "IO NS", - ". cpu", - ".c pu", - ". inputs", - ".in puts", - ".input s", - "U BE", - "UB E", - "_ feed", - "_f eed", - "_fe ed", - "_fee d", - "▁Sup plement", - "! ).", - "!) .", - "es us", - "▁ UDP", - "▁U DP", - "▁micro phone", - "▁conf irms", - "▁confirm s", - ".is NotEmpty", - "\": \"\",\n", - "\":\" \",\n", - "_ SCREEN", - "_S CREEN", - "_SC REEN", - "\t expected", - "\tex pected", - "\texpect ed", - "\texp ected", - "+-+- +-+-", - "▁H ait", - "▁Ha it", - "fast call", - "▁dep ict", - "v b", - "_ picture", - "_p icture", - "_pic ture", - "\t description", - "\td escription", - "\tdes cription", - "\tde scription", - "▁W ife", - "▁Wi fe", - "u ci", - "uc i", - "▁v icious", - "▁vic ious", - "ue ba", - "▁set User", - "▁d iving", - "▁di ving", - "▁div ing", - "▁op era", - "▁oper a", - "user content", - "a rah", - "ar ah", - "ara h", - ") },", - ")} ,", - "y un", - "yu n", - "v elt", - "ve lt", - "vel t", - "▁un covered", - "▁uncover ed", - "▁ hips", - "▁h ips", - "▁hi ps", - "▁hip s", - "▁osc ill", - "▁assert ing", - "▁X i", - ". restore", - ".re store", - ".rest ore", - "k ea", - "ke a", - "▁sp elling", - "▁spell ing", - "▁ derive", - "▁de rive", - "▁der ive", - "▁deriv e", - "ab we", - "▁D ow", - "▁Do w", - ".set Type", - "_ vs", - "_v s", - "▁co zy", - ". categories", - ".c ategories", - "O rg", - "Or g", - "_ mgr", - "_m gr", - "▁d ungeon", - "collection View", - "▁ Blank", - "▁Bl ank", - "ac ias", - "aci as", - "acia s", - "_ cleanup", - "_c leanup", - "_clean up", - "_ACT IVITY", - "▁tri angles", - "▁triangle s", - ". MenuItem", - ".Menu Item", - "▁ iphone", - "▁i phone", - "▁ip hone", - "▁W on", - "▁Wo n", - "] ]\n\n", - "]] \n\n", - "]]\n \n", - "▁ Comparison", - "▁Com parison", - "▁Compar ison", - ". Doc", - ".D oc", - ".Do c", - "▁can onical", - "▁canon ical", - "▁Su dan", - "▁Sud an", - "' ){", - "') {", - "Up Inside", - "b uiltin", - "built in", - "E NCY", - "EN CY", - "ENC Y", - "x be", - "xb e", - "▁ch uck", - "▁contrad ict", - "▁contra dict", - "▁nu estro", - "▁nuest ro", - "▁architect ural", - "▁F ib", - "▁Fi b", - "▁comp ares", - "▁compar es", - "▁compare s", - "* k", - "C fg", - "n ten", - "nt en", - "nte n", - "M atches", - "Match es", - "Mat ches", - "▁DOWN LOAD", - "_HANDLE R", - "_HAND LER", - "man agement", - "manage ment", - "mana gement", - "[ S", - "E NG", - "EN G", - "f ang", - "fa ng", - "fan g", - "▁sl ipped", - "▁slip ped", - "▁L anka", - "▁Lan ka", - "esc aping", - "▁tack les", - "▁tackle s", - "▁Pe dro", - "▁Ped ro", - ". Prop", - ".P rop", - ".Pro p", - ".Pr op", - ". ''", - ".' '", - ". Generated", - ".G enerated", - ".Generate d", - ".New Guid", - "at rigesimal", - "il lon", - "ill on", - "illo n", - "▁stat istic", - "▁statist ic", - "spec ies", - "h olding", - "hold ing", - "hol ding", - "Dr upal", - "▁fundament ally", - "▁fundamental ly", - "▁bond age", - "▁res olutions", - "▁resolution s", - "Inline Data", - "\\ Type", - "es tion", - "est ion", - "esti on", - ". wrap", - ".w rap", - "▁war riors", - "▁warrior s", - "▁ LOCAL", - "▁LO CAL", - "▁LOC AL", - "Arch ive", - "▁embr aced", - "▁embrace d", - ". Ver", - ".V er", - "▁Aff ordable", - "ole sale", - "oles ale", - "▁Ap plied", - "▁Appl ied", - "▁ Conversion", - "▁Con version", - "▁Conv ersion", - "▁Convers ion", - "m ega", - "me ga", - "_ cam", - "_c am", - "_ca m", - "▁cer emon", - "▁cere mon", - "a urus", - "au rus", - "aur us", - "▁V olk", - "▁Vol k", - "▁Vo lk", - ". opens", - ".open s", - ".op ens", - "/ about", - "▁ Std", - "▁S td", - "▁St d", - "j ournal", - "jour nal", - "( )){\r\n", - "() ){\r\n", - "()) {\r\n", - ", \"\\", - ",\" \\", - "( Arrays", - "(Array s", - "▁D ense", - "▁Den se", - "/ stat", - "/st at", - "user Data", - "▁g erman", - "▁ger man", - "▁ tz", - "▁t z", - "w orthy", - "worth y", - "wort hy", - "wor thy", - "Format Exception", - "ph erd", - "pher d", - "▁sm iles", - "▁smile s", - "▁Wh enever", - "▁When ever", - "▁Whe never", - "( adapter", - "(ad apter", - ".bad logic", - "▁brief ing", - ".Grid Column", - "- char", - "-c har", - "-ch ar", - "d imension", - "dim ension", - "▁C opper", - "▁Co pper", - "▁Cop per", - "▁n inth", - "▁ni nth", - "▁nin th", - "▁' {{", - "▁'{ {", - "▁r av", - "▁ra v", - "_ Table", - "_T able", - "▁deriv atives", - "▁derivative s", - "▁R aise", - "▁Ra ise", - "▁F ut", - "▁Fu t", - "ar mor", - "arm or", - "- padding", - "-p adding", - "▁re min", - "▁r emin", - "▁rem in", - "\t style", - "\tst yle", - "▁Member ship", - "▁Members hip", - "▁sp reads", - "▁spread s", - "▁gall eries", - "▁Clark e", - "▁Clar ke", - "▁con ception", - "▁concept ion", - "▁conce ption", - "min ute", - "▁ab usive", - "_ adj", - "_ad j", - "▁terr ific", - "▁o vert", - "▁over t", - "▁ov ert", - "our cing", - "▁entr ada", - "level s", - "lev els", - "▁crit ique", - "▁res pects", - "▁respect s", - "▁M MA", - "▁MM A", - "i ene", - "ie ne", - "ien e", - "▁en caps", - "▁enc aps", - "▁Ray mond", - "Div ider", - "Di vider", - "i vable", - "iv able", - "iva ble", - "b az", - "ba z", - "▁@ _;\n", - "▁Cl aire", - "▁Cla ire", - "▁ur ging", - "▁urg ing", - "C EE", - "CE E", - "▁trans former", - "▁transform er", - "dis cord", - "disc ord", - "▁J ourney", - "t os", - "to s", - "▁compet itions", - "▁competition s", - "▁competit ions", - "▁ OBJ", - "▁O BJ", - "▁OB J", - "▁B is", - "▁Bi s", - "▁relax ation", - "i dy", - "id y", - "_ INSTANCE", - "_IN STANCE", - "_INST ANCE", - "▁ Pref", - "▁P ref", - "▁Pr ef", - "▁Pre f", - "d ados", - "da dos", - "dad os", - "ici encies", - "▁Media Query", - "▁ Cube", - "▁C ube", - "▁Cub e", - "▁Cu be", - "▁St range", - "▁Str ange", - "g pu", - "gp u", - "( days", - "(d ays", - "(day s", - "_Init Struct", - "▁f ingerprint", - "▁finger print", - "e mat", - "em at", - "ema t", - "▁Ge cko", - "▁ rails", - "▁r ails", - "▁rail s", - "▁ra ils", - "▁L um", - "▁Lu m", - "s traction", - "st raction", - "str action", - "stract ion", - "stra ction", - "ig ung", - "igu ng", - "( movie", - "(m ovie", - "_ dictionary", - "_d ictionary", - "_ interrupt", - "_int errupt", - "_inter rupt", - "▁ QC", - "▁Q C", - "i ked", - "ik ed", - "ike d", - "append Child", - "rec ipient", - "V e", - "▁tow el", - ".last IndexOf", - "▁place bo", - "▁W ie", - "▁Wi e", - ". esp", - ".e sp", - ".es p", - "( Debug", - "oper ative", - "▁dece ased", - "& id", - "\t mutex", - "\tm utex", - "e lic", - "el ic", - "eli c", - "▁b apt", - "▁ba pt", - "\t \r\n\r\n", - "\t\r\n \r\n", - "▁far ther", - "H alf", - "Ha lf", - "Hal f", - ". disable", - ".dis able", - ".menu Strip", - "le ccion", - "lec cion", - "▁result Code", - "▁c ans", - "▁can s", - "▁ca ns", - "- election", - "-e lection", - "-elect ion", - "f emale", - "fe male", - "_ FIX", - "_F IX", - "aus ible", - "▁ POWER", - "▁P OWER", - "▁PO WER", - "▁re construction", - "▁recon struction", - "▁reconstruct ion", - "▁sc ans", - "▁scan s", - "▁sca ns", - ".Xtra Bars", - "Rem oved", - "Remove d", - "▁paragraph s", - "_ margin", - "_m argin", - "_mar gin", - "▁l ymph", - "▁ly mph", - "▁b os", - "▁bo s", - "l ington", - "ling ton", - "▁Bapt ist", - "▁advertis ements", - "▁advertisement s", - "▁advertise ments", - "▁ Manage", - "▁Man age", - "▁Mana ge", - "/ yyyy", - "/y yyy", - "I OUS", - "IO US", - "EN CES", - "ENCE S", - "ENC ES", - "▁F iction", - "▁Fi ction", - "\t menu", - "\tm enu", - "\tme nu", - "▁File OutputStream", - "o van", - "ov an", - "ova n", - "▁F eng", - "▁Fe ng", - "▁Fen g", - "▁sk ipping", - "▁skip ping", - "▁ski pping", - "get Class", - "getC lass", - "an ni", - "ann i", - "▁re bounds", - "▁reb ounds", - "▁rebound s", - "▁public ity", - "▁pub licity", - "▁in gres", - "▁ing res", - "us ement", - "use ment", - "▁thought ful", - ". Chart", - ".C hart", - ".Ch art", - ".Char t", - "▁ha tte", - "▁hat te", - "pass port", - "pas sport", - "▁hook ed", - "▁ho oked", - "▁L ens", - "▁Le ns", - "▁Len s", - "▁flag ship", - "▁flags hip", - "▁s tip", - "▁st ip", - "▁ GEN", - "▁G EN", - "▁GE N", - "▁cl ues", - "▁clue s", - "i pv", - "ip v", - "▁R ise", - "▁Ri se", - "▁Ris e", - "▁G ew", - "▁Ge w", - "table name", - "tab lename", - "▁fore most", - "_ validate", - "_valid ate", - "_ analysis", - "_an alysis", - "o lla", - "ol la", - "oll a", - "▁qual ifications", - "▁qualification s", - "▁d istributions", - "▁distrib utions", - "▁distribution s", - "▁F lower", - "▁Fl ower", - "▁Flo wer", - "▁Flow er", - "▁t ense", - "▁ten se", - "▁tens e", - "▁thank ful", - "▁cl utch", - "▁un ified", - "ro ads", - "road s", - "▁s iti", - "▁sit i", - "▁si ti", - "▁st all", - "▁sta ll", - "_P RIORITY", - "c stdlib", - "_USER NAME", - ". bytes", - ".by tes", - ".byte s", - "? page", - "er malink", - "ermal ink", - "▁Ve get", - "/v nd", - "- author", - "-a uthor", - "-auth or", - "-aut hor", - ". NONE", - ".N ONE", - ".NO NE", - "▁Con current", - "▁C ry", - "▁Cr y", - "▁st arters", - "▁start ers", - "▁star ters", - "▁starter s", - "▁ Interaction", - "▁Inter action", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁ LEVEL", - "▁LE VEL", - "E ll", - "El l", - "▁com boBox", - "▁combo Box", - "▁The resa", - "▁Th eresa", - "▁There sa", - "▁Ther esa", - "t ek", - "te k", - "_ Handle", - "_H andle", - "▁ aby", - "▁a by", - "▁ab y", - ".g dx", - ", end", - ",e nd", - "( Local", - "(L ocal", - "O l", - "kn ife", - "a rial", - "ar ial", - "ari al", - "aria l", - "▁H off", - "▁Ho ff", - "▁prostituer ade", - "Do ctor", - "Doc tor", - "In stances", - "Instance s", - "Inst ances", - ". SetValue", - ".Set Value", - "\t from", - "\tf rom", - "▁lux urious", - "In dent", - "Ind ent", - "Alloc ator", - "_D RAW", - "_DR AW", - "(\" ,\",", - "(\", \",", - "(\",\" ,", - "▁Fr ances", - "▁France s", - "▁Franc es", - "▁Fran ces", - "▁group Box", - "( schema", - "(s chema", - "Print f", - "OR IES", - "- gradient", - "▁re put", - "▁rep ut", - "a rin", - "ar in", - "ari n", - "_D ONE", - "_DO NE", - "in cre", - "inc re", - "ig nty", - "ign ty", - "▁ex ert", - "▁exe rt", - "▁ -.", - "▁- .", - "/ App", - "/A pp", - "- through", - "-th rough", - "▁dec lining", - "▁decl ining", - "▁des sert", - "▁dess ert", - "▁inc umb", - "▁design ation", - ". PORT", - ".P ORT", - ", strong", - ",str ong", - "▁s andbox", - "▁sand box", - "▁w ines", - "▁win es", - "▁wine s", - "▁wi nes", - "▁P av", - "▁Pa v", - "$ str", - "$s tr", - "ask ell", - "▁ PY", - "▁P Y", - "Get Instance", - "Text Input", - "game Object", - "/ events", - "/e vents", - "/event s", - "created At", - "▁local Var", - "▁ WHITE", - "▁W HITE", - "▁WH ITE", - "p ered", - "pe red", - "per ed", - "i lege", - "ile ge", - "eff icient", - ", color", - ",c olor", - ",col or", - "c ate", - "ca te", - "cat e", - "▁C afe", - "▁Ca fe", - "▁Caf e", - "▁similar ities", - "▁p umps", - "▁pump s", - "▁Hun gary", - "▁Hung ary", - ". Username", - ".User name", - "▁sk ate", - "▁ska te", - "▁touchdown s", - "▁acceler ate", - "▁H elen", - "▁He len", - "▁Hel en", - "O MEM", - "OM EM", - "OME M", - "▁K un", - "▁Ku n", - "_ vol", - "_v ol", - "▁ findAll", - "▁find All", - "▁Mens chen", - "a head", - "ah ead", - ") ;\"", - "); \"", - "k ommen", - "kom men", - "▁poss essed", - "▁possess ed", - ".arg max", - ". transition", - ".trans ition", - "A RP", - "AR P", - "OL UME", - "OLUM E", - "( script", - "(s cript", - "▁ Finding", - "▁F inding", - "▁Fin ding", - "▁Find ing", - "on ces", - "once s", - "I o", - "B old", - "Bo ld", - "▁renew al", - "_D IALOG", - "▁dis reg", - "IN TERN", - "INT ERN", - "INTER N", - "▁t oute", - "▁to ute", - "▁tou te", - "▁tout e", - "▁elect r", - "▁ele ctr", - "▁G ross", - "▁Gr oss", - "▁Gro ss", - "\t true", - "\ttr ue", - ". Fields", - ".F ields", - ".Field s", - "▁ WIDTH", - "▁W IDTH", - "▁D ent", - "▁De nt", - "▁Den t", - "NS Notification", - "▁a os", - "▁ao s", - "▁me lee", - "▁mel ee", - ". Validation", - ".Valid ation", - "▁ DEC", - "▁D EC", - "▁DE C", - "- dependent", - "-depend ent", - "▁su ic", - "T raits", - "Tr aits", - "Tra its", - "Trait s", - "$ message", - "$m essage", - "▁ Dear", - "▁D ear", - "▁De ar", - "\t FILE", - "\tF ILE", - "l anguages", - "language s", - ". Prot", - ".P rot", - ".Pro t", - ".Pr ot", - ". addr", - ".add r", - ".ad dr", - "-g eneration", - "-gen eration", - "I CON", - "IC ON", - "ICO N", - "▁trans plant", - "- description", - "-d escription", - "-de scription", - "-des cription", - "▁ch asing", - "▁ch ees", - "▁che es", - "▁ }*/\n", - "▁} */\n", - "T rad", - "Tr ad", - "Tra d", - "qu eries", - "que ries", - "quer ies", - "/ widgets", - "/widget s", - "sub package", - "▁e spec", - "▁es pec", - "▁esp ec", - "▁cr acked", - "▁crack ed", - "▁compet itor", - "▁competit or", - "P urchase", - "- team", - "-t eam", - "-te am", - "ole cular", - "olec ular", - "or Thunk", - "& P", - "▁rel ent", - "▁rele nt", - "/ #{", - "/# {", - "▁ productId", - "▁product Id", - "▁L av", - "▁La v", - "▁Al ter", - "▁Alt er", - ". Mode", - ".M ode", - ".Mod e", - "AD IO", - "ADI O", - "g rp", - "gr p", - "Q uit", - "Qu it", - "Qui t", - "▁dep ths", - "▁depth s", - "▁dept hs", - "- category", - "-c ategory", - "▁ DATABASE", - "▁D ATABASE", - "▁DATA BASE", - "S PELL", - "SP ELL", - "▁F alcon", - "▁Fal con", - "▁QString List", - "▁' '.", - "▁'' .", - "▁In stitution", - "▁Inst itution", - "▁Instit ution", - "d amage", - "da mage", - "dam age", - "az or", - "azo r", - "bel ongsTo", - "ver ages", - "verage s", - "▁ NONE", - "▁N ONE", - "▁NO NE", - "▁NON E", - "ipp ets", - "ippet s", - ", \\\n", - ",\\ \n", - "▁foot print", - "_ archive", - "_arch ive", - "n ak", - "na k", - ". getField", - ".get Field", - "▁ Reflection", - "▁Ref lection", - "▁Reflect ion", - "▁ ']", - "▁' ]", - "▁H BO", - "▁HB O", - "_ discount", - "_dis count", - "_disc ount", - "▁in cest", - "▁inc est", - "▁D odge", - "▁Dod ge", - "▁W ade", - "▁Wa de", - ". NO", - ".N O", - "\" encoding", - "▁Block chain", - "▁laws uits", - "▁lawsuit s", - "▁M aint", - "▁Main t", - "▁Ma int", - "▁Mai nt", - "ch ten", - "cht en", - "chte n", - "_ ctl", - "_c tl", - "_ct l", - "( timer", - "(t imer", - "(time r", - "B attle", - "Bat tle", - "i zo", - "iz o", - "ay ed", - "aye d", - "I OR", - "IO R", - "▁Glas gow", - "▁s ynth", - "▁sy nth", - "▁syn th", - "_ logs", - "_l ogs", - "_log s", - "_lo gs", - ". pose", - ".p ose", - ".pos e", - ".po se", - "_Adjust orThunk", - "( (&", - "(( &", - "▁un sure", - "▁uns ure", - "y state", - "yst ate", - "O ULD", - "OU LD", - ". ng", - ".n g", - "▁default dict", - "work space", - "works pace", - "▁select ive", - "Picker Controller", - "YNAM IC", - ". methods", - ".method s", - "▁path ways", - "▁pathway s", - "▁F ew", - "▁Fe w", - "K G", - "C RYPT", - "CRY PT", - "follow ing", - "▁D LC", - "▁DL C", - "▁S ara", - "▁Sar a", - "▁Sa ra", - "▁p reset", - "▁pre set", - "▁pres et", - "e structor", - "estruct or", - "▁K urt", - "▁Kur t", - "▁Ku rt", - "▁air plane", - "▁ omp", - "▁o mp", - "▁om p", - "▁Par ents", - "▁Parent s", - "▁Paren ts", - "▁Mart inez", - "▁Martin ez", - ". complete", - ".com plete", - ".comp lete", - "▁broad ly", - "▁s care", - "▁sc are", - "▁sca re", - "▁scar e", - "▁elim ination", - "▁elimin ation", - "▁p oured", - "▁po ured", - "▁pour ed", - "▁pou red", - "/ sw", - "/s w", - "▁com un", - "▁co mun", - "▁m asc", - "▁ma sc", - "▁mas c", - "▁Organ ic", - "▁Org anic", - "▁ StringUtils", - "▁String Utils", - "il ateral", - "▁reluct ant", - "- age", - "-a ge", - "-ag e", - "▁ nz", - "▁n z", - ". \"\\", - ".\" \\", - "▁past or", - "▁pas tor", - "▁pa stor", - "a lez", - "al ez", - "ale z", - "▁e fect", - "▁ef ect", - "p rov", - "pr ov", - "pro v", - "/ init", - "/i nit", - "/in it", - "▁p enn", - "▁pe nn", - "▁pen n", - "un ds", - "und s", - "▁s size", - "▁ss ize", - "▁ Proj", - "▁Pro j", - "▁Pr oj", - "b asename", - "base name", - "bas ename", - "▁sh ells", - "▁shell s", - "▁Ne ck", - "▁En forcement", - "v ided", - "vid ed", - "vi ded", - "vide d", - "s town", - "st own", - "sto wn", - "S phere", - "Sp here", - "$ r", - "us sen", - "uss en", - "a fil", - "af il", - "afi l", - "▁Tele gram", - "▁analy tical", - "us ually", - "x n", - "▁histor ian", - "▁hist orian", - "▁historia n", - "▁Greg ory", - "ol ph", - "▁U na", - "▁Un a", - "▁con tributes", - "▁contrib utes", - "▁contribute s", - "% -", - "anti ago", - ". region", - ".reg ion", - "▁ab rupt", - "▁Unsupported OperationException", - "▁T ASK", - "▁TA SK", - "_ finish", - "_f inish", - "_fin ish", - "▁not orious", - "▁ Vs", - "▁V s", - "▁ MQ", - "▁M Q", - "▁s unset", - "▁sun set", - "▁un acceptable", - "ar cer", - "arc er", - "▁ill umin", - "▁illum in", - "▁O rb", - "▁Or b", - "▁ bh", - "▁b h", - "E ste", - "Est e", - "Es te", - "_ dispatch", - "_dis patch", - "_disp atch", - "▁r ipped", - "▁rip ped", - "▁ri pped", - "▁tou jours", - "▁ Parcel", - "▁Par cel", - "_ ll", - "_l l", - ". userName", - ".user Name", - ". classes", - ".c lasses", - ".class es", - ".cl asses", - "S OURCE", - "( Number", - "(N umber", - "▁head phones", - "( side", - "(s ide", - "con stitution", - "const itution", - "an nah", - "ann ah", - "anna h", - "\r\n ▁▁▁▁▁▁▁▁\r\n", - "▁cl iff", - "▁cli ff", - "- ref", - "-r ef", - "-re f", - "▁most rar", - "▁mo strar", - "▁mostr ar", - "▁Po well", - "▁Pow ell", - "+ y", - "▁ BG", - "▁B G", - "_ fragment", - "_f ragment", - "_fr agment", - ". Port", - ".P ort", - "▁real izing", - "▁realiz ing", - "param ref", - "▁h ometown", - "▁home town", - "@ Table", - "+ \" --}}\n", - "F rench", - "Fr ench", - "Entity Manager", - "▁ Plain", - "▁P lain", - "▁Pl ain", - "//// ////////////////////////////////////////////////////////////////", - "//////////////////////////////////////////////////////////////// ////", - "//////////// ////////////////////////////////////////////////////////", - "//////////////////////////////////////////////////////// ////////////", - "( RE", - "(R E", - "c apt", - "ca pt", - "cap t", - "▁organ isms", - "▁organis ms", - "▁organism s", - "▁j ets", - "▁je ts", - "▁jet s", - "o location", - "ol ocation", - "▁App RoutingModule", - "▁gl orious", - "▁glor ious", - "▁disc arded", - "▁discard ed", - "\t \t\t\t▁▁▁▁▁", - "\t\t \t\t▁▁▁▁▁", - "\t\t\t\t ▁▁▁▁▁", - "\t\t\t \t▁▁▁▁▁", - "\t\t\t\t▁ ▁▁▁▁", - "\t\t\t\t▁▁▁ ▁▁", - "\t\t\t\t▁▁ ▁▁▁", - "\t\t\t\t▁▁▁▁ ▁", - "▁Arn old", - "l ug", - "lu g", - "▁p arl", - "▁par l", - "▁pa rl", - "▁horm ones", - "▁hormone s", - "▁m ah", - "▁ma h", - "▁S onic", - "▁So nic", - "▁Son ic", - "▁organ izers", - "▁organiz ers", - "▁organize rs", - "▁organizer s", - "_PL ATFORM", - ". inv", - ".in v", - ".i nv", - "▁ch ord", - "▁cho rd", - "vent ional", - "vention al", - "\t of", - "\to f", - "Ep isode", - ". Enum", - ".E num", - ".En um", - "un kt", - "unk t", - "▁D h", - "▁J ared", - "▁Ja red", - "▁Jar ed", - "▁N ak", - "▁Na k", - "▁int ends", - "▁intend s", - "End ian", - "▁a ustralia", - "_ cv", - "_c v", - "( resolve", - "(res olve", - "(re solve", - "▁clin ics", - "▁clinic s", - "l iked", - "li ked", - "like d", - "lik ed", - "ASH INGTON", - "in ha", - "inh a", - "' *", - "▁ NP", - "▁N P", - "_ beh", - "_b eh", - "_be h", - "▁ hf", - "▁h f", - "c ategoria", - "$ form", - "$f orm", - "▁sub way", - "▁ isActive", - "▁is Active", - "pop ular", - "C our", - "Co ur", - "▁co oldown", - "▁cool down", - "▁a insi", - "▁ain si", - "▁GL uint", - "e real", - "ere al", - "▁array Of", - "▁h atch", - "▁hat ch", - "= =========", - "== ========", - "==== ======", - "======== ==", - "=== =======", - "========= =", - "====== ====", - "===== =====", - "======= ===", - "res ses", - "ress es", - "resse s", - "_ PP", - "_P P", - ". ^", - "_dec ay", - "▁B less", - "▁Bl ess", - "▁Ble ss", - "m etrics", - "met rics", - "metric s", - "▁COPY ING", - "▁Dump ster", - "▁Design s", - "< Void", - "<", - "▁? ><", - "▁?> <", - "▁ \"}\n", - "▁\" }\n", - "time zone", - "▁ eer", - "▁e er", - "▁ee r", - "max cdn", - "▁ ESC", - "▁E SC", - "▁ES C", - "ig aret", - "iga ret", - "igar et", - "_ connected", - "_connect ed", - "_conn ected", - "_ reverse", - "_re verse", - "▁question able", - "▁U SC", - "▁US C", - "▁tut ti", - "▁drop out", - "▁Act ivities", - "▁Activ ities", - "▁W inds", - "▁Win ds", - "▁Wind s", - "' )));\n", - "') ));\n", - "')) );\n", - "'))) ;\n", - "▁con gest", - "▁prolong ed", - "▁Cross AxisAlignment", - "L EEP", - "LE EP", - "▁ VALID", - "▁VAL ID", - "▁G az", - "▁Ga z", - "▁depend ence", - "▁P rix", - "▁Pr ix", - "▁Pri x", - ".Compiler Services", - "j ump", - "ju mp", - "▁st rat", - "▁str at", - "c irc", - "ci rc", - "cir c", - "▁ CUSTOM", - "▁C USTOM", - "x aa", - "xa a", - "▁ bmp", - "▁b mp", - "▁bm p", - "▁b ureau", - "▁bure au", - "▁w aren", - "▁war en", - "▁wa ren", - "▁ware n", - "N X", - "( Window", - "(W indow", - "▁Christ ie", - "▁Chris tie", - "_ FE", - "_F E", - "▁ tn", - "▁t n", - "▁O mega", - "▁Om ega", - "communic ations", - "communication s", - "Home Page", - "com pletion", - "comp letion", - "▁supply ing", - "YPE S", - "YP ES", - "( click", - "(c lick", - "(cl ick", - "\\ Contracts", - "/ questions", - "▁ ez", - "▁e z", - "A MS", - "AM S", - ". mesh", - ".m esh", - ".me sh", - "▁' \\\n", - ">\\ \n", - "R obot", - "Rob ot", - "Ro bot", - "Json Object", - "▁ DF", - "▁D F", - "▁ Processor", - "▁Process or", - "▁Proc essor", - "_ should", - "_sh ould", - ". protobuf", - ".prot obuf", - ".proto buf", - "- users", - "-user s", - "-use rs", - "-us ers", - "▁emb ry", - "▁embr y", - "F ONT", - "FO NT", - "▁start ups", - "▁startup s", - "▁ DataSource", - "▁Data Source", - ") #", - "u ros", - "ur os", - "uro s", - "_ Color", - "_C olor", - "▁stand alone", - "} [", - "j d", - "▁for give", - "▁forg ive", - "▁ ngx", - "▁n gx", - "▁ng x", - "▁Gener ally", - "▁General ly", - "▁config urable", - "▁configur able", - "/ order", - "/or der", - "▁ vas", - "▁v as", - "▁va s", - "' )\";\n", - "') \";\n", - "')\" ;\n", - "▁ RR", - "▁R R", - "▁T roy", - "▁Tr oy", - "▁Tro y", - "▁comprom ised", - "▁compromise d", - "▁S wan", - "▁Sw an", - "int endent", - "C entral", - "Cent ral", - "_ keeper", - "_k eeper", - "_ke eper", - "_keep er", - "▁ar quivo", - "▁ ReadOnly", - "▁Read Only", - "_ curve", - "_cur ve", - "k v", - "en tin", - "ent in", - "enti n", - "▁E y", - ".im read", - "▁P am", - "▁Pa m", - "i ffe", - "if fe", - "iff e", - "at ivity", - "ativ ity", - "x bc", - "xb c", - "▁g rim", - "▁gr im", - "▁gri m", - "- filled", - "-f illed", - "-fill ed", - "name se", - "names e", - "nam ese", - "' ]:", - "'] :", - "▁ aur", - "▁a ur", - "▁au r", - "▁Gib son", - ". MouseEvent", - ".Mouse Event", - "▁l ado", - "▁la do", - "▁lad o", - "ava doc", - "avad oc", - "▁f amil", - "▁fam il", - "▁M oder", - "▁Mod er", - "▁Mo der", - "▁Mode r", - "f ps", - "fp s", - "- example", - "-ex ample", - "▁Al zheimer", - "▁ Utf", - "▁U tf", - "▁Ut f", - "_ arguments", - "_arg uments", - "_argument s", - "Con clusion", - "text Content", - "rem aining", - "remain ing", - "▁interrupt s", - "▁ Backup", - "▁Back up", - "▁M ong", - "▁Mon g", - "▁Mo ng", - "▁re ceptors", - "▁recept ors", - "▁receptor s", - "h istor", - "hi stor", - "hist or", - "his tor", - ".cor outines", - "▁sh outed", - "▁shout ed", - "Al arm", - "▁comb ust", - "▁g rote", - "▁gr ote", - "▁gro te", - "ult ural", - "( ids", - "(i ds", - "(id s", - "---- ----------------------------------------------------------------------------", - "---------------- ----------------------------------------------------------------", - "-------------------------------- ------------------------------------------------", - "---------------------------------------------------------------- ----------------", - "------------------------------------------------ --------------------------------", - "---------- ----------------------------------------------------------------------", - "---------------------------------------------------------------------------- ----", - "---------------------------------------------------------------------- ----------", - "ipl inary", - "O pts", - "Op ts", - "Opt s", - "▁Y ale", - "▁Ya le", - "local Storage", - "▁equ ival", - "▁F leet", - "▁Fle et", - "\\ b", - "* pi", - "*p i", - "▁Q Label", - "▁ vx", - "▁v x", - "▁ ACL", - "▁A CL", - "▁AC L", - "▁su cesso", - "▁suc esso", - "▁ perc", - "▁p erc", - "▁per c", - "▁pe rc", - "▁N otre", - "▁No tre", - "▁Not re", - "▁an arch", - "▁ana rch", - "R ing", - "s pb", - "sp b", - "▁ strpos", - "▁str pos", - "st ores", - "store s", - "sto res", - "stor es", - "▁Map le", - "▁Ma ple", - "( MainActivity", - "(Main Activity", - "(\" \"))", - "(\"\" ))", - "(\"\") )", - "▁view Holder", - "Qu ad", - "▁ig ual", - "ors che", - ". margin", - ".m argin", - ".mar gin", - "▁in die", - "▁ind ie", - "▁fr anc", - "▁fra nc", - "▁fran c", - "▁Form Builder", - "▁Part icip", - ". flash", - ".f lash", - ".fl ash", - "▁storm s", - "▁stor ms", - "U lt", - "▁ fen", - "▁f en", - "▁fe n", - "[ new", - "[n ew", - "E ver", - "Ev er", - "= \"\n", - "=\" \n", - "▁local ized", - "_ follow", - "_f ollow", - "▁n ave", - "▁na ve", - "▁nav e", - "▁dom inance", - "▁domin ance", - "( tile", - "(t ile", - "J ournal", - "▁ VC", - "▁V C", - "▁penet ration", - "▁penetr ation", - "▁com partment", - "▁comp artment", - "▁compart ment", - "▁b ids", - "▁bi ds", - "▁bid s", - "Form atted", - "Format ted", - "**** **/\n\n", - "****** /\n\n", - "***** */\n\n", - "******/ \n\n", - "******/\n \n", - "( city", - "(c ity", - "[ C", - "▁use Callback", - "a ub", - "au b", - ") ?.", - ")? .", - "▁ VAR", - "▁V AR", - "▁VA R", - "▁Se bastian", - "▁M oss", - "▁Mo ss", - "▁Mos s", - "▁abund ant", - "G reg", - "Gr eg", - "_ ci", - "_c i", - "▁bib li", - "C RM", - "CR M", - "▁ Attempt", - "▁At tempt", - "▁Att empt", - "is me", - "ism e", - "d ash", - "da sh", - "das h", - "_ mu", - "_m u", - ".Formatting Enabled", - "Ind eed", - "- direct", - "-d irect", - "-dir ect", - "-di rect", - "▁s ucking", - "▁suc king", - "▁suck ing", - "▁p ne", - "▁pn e", - "ocab ulary", - "▁Pac kers", - "▁Pack ers", - ". Navigation", - ".N avigation", - "▁p ied", - "▁pie d", - "▁pi ed", - "cri bing", - "▁St uart", - ".To Double", - "▁ Secondary", - "▁Second ary", - "S aving", - "Sa ving", - "▁D ut", - "▁Du t", - "▁M add", - "▁Mad d", - "▁Ma dd", - "M agic", - "Mag ic", - ", H", - ".document Element", - "▁ BST", - "▁B ST", - "▁BS T", - "▁dif fers", - "▁differ s", - "▁diff ers", - "▁more over", - "_ nd", - "_n d", - "SE ARCH", - "to Match", - "▁decre asing", - "- member", - "-m ember", - "am pus", - "amp us", - "( boost", - "D aily", - "Da ily", - "Data GridView", - "▁Http Context", - "▁h ipp", - "▁hi pp", - "▁hip p", - "_ workers", - "_work ers", - "_worker s", - "- language", - "-l anguage", - "▁cons isted", - "▁consist ed", - "a thing", - "ath ing", - "▁Mer cury", - "▁Merc ury", - "$ content", - "▁pract iced", - "▁practice d", - "▁ Modules", - "▁Mod ules", - "▁Module s", - "_ DAY", - "_D AY", - "▁weakness es", - "▁L odge", - "▁ nar", - "▁n ar", - "▁na r", - "▁M ate", - "▁Mat e", - "▁Ma te", - "▁ jp", - "▁j p", - "▁Http Headers", - "▁s mo", - "▁sm o", - "▁T OKEN", - "] )(", - "]) (", - "▁a qui", - "▁aqu i", - "sw agen", - "▁ srv", - "▁s rv", - "▁sr v", - "\t ans", - "\ta ns", - "A round", - "Ar ound", - "▁Man uel", - "▁fiction al", - "▁ IMG", - "▁I MG", - "▁IM G", - "▁ .'", - "▁. '", - "▁ Berry", - "▁B erry", - "▁Ber ry", - "▁wall paper", - "s exual", - "sex ual", - "i ero", - "ie ro", - "ier o", - "Backing Field", - "▁Ad rian", - "▁Adri an", - "BASE PATH", - "▁repe ats", - "▁repeat s", - "▁bl ues", - "▁blue s", - "▁un predict", - "▁unp redict", - "_ coll", - "_c oll", - "_col l", - "_co ll", - "st acle", - "sta cle", - "▁T umblr", - "▁E lf", - "▁El f", - "▁ass urance", - "▁c ensus", - "▁ IMPORT", - "▁IM PORT", - "▁IMP ORT", - "E NDER", - "EN DER", - "END ER", - "a nos", - "an os", - "ano s", - "▁ =(", - "▁= (", - "▁El lis", - "▁Ell is", - "▁Elli s", - "\" \n\n\n\n", - "\"\n \n\n\n", - "\"\n\n \n\n", - "\"\n\n\n \n", - ". win", - ".w in", - "▁ Above", - "▁A bove", - "▁Ab ove", - "a lon", - "al on", - "alo n", - "_ tick", - "_t ick", - "▁represent ations", - "▁representation s", - "w id", - "wi d", - "▁Ar ms", - "▁Arm s", - "L ista", - "List a", - "Li sta", - "_ failure", - "_f ailure", - "_fail ure", - "_ cm", - "_c m", - ".Flat Appearance", - "▁thr one", - "▁thro ne", - "P atch", - "Pat ch", - "▁V oy", - "▁Vo y", - "en gl", - "eng l", - "▁negot iating", - "> `", - "▁shoot s", - "▁F PS", - "▁FP S", - ". Year", - ".Y ear", - "▁K iss", - "▁Ki ss", - "re eting", - "ree ting", - "reet ing", - "From File", - "▁resign ation", - "▁tw ins", - "▁twin s", - "▁ge bru", - "▁geb ru", - ". getContent", - ".get Content", - ". Tree", - ".T ree", - ".Tr ee", - "▁ Employees", - "▁Employee s", - "▁Employ ees", - "▁F IFA", - "▁FI FA", - "▁cert ainty", - "▁certain ty", - "( Cl", - "(C l", - "▁tot als", - "▁total s", - "ed itable", - "edit able", - "edi table", - ".Report ing", - "M as", - "Ma s", - "qu iet", - "qui et", - ". rules", - ".r ules", - ".ru les", - ".rule s", - "▁ VO", - "▁V O", - "con exion", - ", K", - "▁ allocator", - "▁alloc ator", - "▁Pow der", - "\\ Repository", - "B eat", - "Be at", - "_ tipo", - "_t ipo", - "_tip o", - "▁[ '',", - "▁[' ',", - "_IN TR", - "_INT R", - "▁ <<<", - "▁< <<", - "▁<< <", - "< hr", - " \");\r\n", - ">\" );\r\n", - "drop IfExists", - "▁B eg", - "▁Be g", - "_ HAL", - "_H AL", - "▁cross AxisAlignment", - "▁E vidence", - "▁Ev idence", - "▁pec uliar", - "▁in stitute", - "▁instit ute", - "ve is", - "▁ fft", - "▁f ft", - "▁ff t", - "▁zo ekt", - "an aly", - "ana ly", - "anal y", - "▁Home land", - "▁Hom eland", - "▁pen etr", - "▁penet r", - "udden ly", - "\t element", - "\te lement", - "\tel ement", - "▁B ren", - "▁Br en", - "▁Bre n", - "▁Tr udeau", - "▁Cub an", - "▁Cu ban", - "▁Cuba n", - "j am", - "ja m", - "us lim", - "_ ev", - "_e v", - "▁st ems", - "▁ste ms", - "▁stem s", - "} %", - "▁br anding", - "▁brand ing", - "▁bran ding", - "▁correspond ence", - ". jquery", - ".j query", - "▁Re ads", - "▁Read s", - "(Http StatusCode", - "(HttpStatus Code", - "as sin", - "ass in", - "( slot", - "(s lot", - "(sl ot", - "▁Grad uate", - "// /<", - "/// <", - "▁information s", - "▁inform ations", - "▁informat ions", - "EN ABLE", - "▁p uis", - "▁pu is", - "▁ finder", - "▁f inder", - "▁find er", - "▁fin der", - "▁fi nder", - "▁B ris", - "▁Br is", - "▁Bri s", - "▁nett steder", - "_ mid", - "_m id", - "▁ ogs", - "▁o gs", - "▁og s", - "▁Ster ling", - "▁ar rog", - "▁arr og", - "str ftime", - "| \n\n", - "|\n \n", - "▁ vox", - "▁v ox", - "▁vo x", - "▁Reg ardless", - "▁ eso", - "▁e so", - "▁es o", - "▁Com fort", - ".Boolean Field", - "▁ uh", - "▁u h", - "A CY", - "AC Y", - "▁sque ez", - "▁V ic", - "▁Vi c", - "con tro", - "cont ro", - "contr o", - ". lo", - ".l o", - "▁ ire", - "▁i re", - "▁ir e", - "▁Com edy", - "▁Come dy", - "▁orig inated", - "▁origin ated", - "▁sh ipment", - "▁ship ment", - "| max", - "_ guid", - "_g uid", - "_gui d", - "le vation", - "lev ation", - "( undefined", - "(un defined", - "▁D DR", - "▁DD R", - "▁shoot ings", - "▁shooting s", - "▁Lat ino", - "▁Latin o", - "END OR", - "▁aver aging", - "▁gre eted", - "▁greet ed", - "▁the aters", - "▁theater s", - "▁theat ers", - "▁ dB", - "▁d B", - "▁g st", - "▁gs t", - "▁de finite", - "▁def inite", - "▁definit e", - "▁defin ite", - ". Storage", - ".St orage", - ". her", - ".h er", - ".he r", - "▁a fore", - "▁af ore", - "▁ Reality", - "▁Re ality", - "▁Real ity", - "▁G ods", - "▁God s", - "▁Go ds", - "v ersed", - "ver sed", - "vers ed", - "verse d", - "▁hand some", - "▁hands ome", - "▁ex cluding", - "( ad", - "(a d", - "Qu otes", - "Quote s", - "▁ Scheme", - "▁S cheme", - "▁Sch eme", - "▁Sche me", - "? q", - "▁T amil", - "▁Tam il", - "T icks", - "Tick s", - "Ti cks", - "▁ pest", - "▁p est", - "▁pe st", - "▁pes t", - "' n", - "▁porn ography", - "_ modal", - "_m odal", - "_mod al", - "▁ ----------", - "▁- ---------", - "▁-- --------", - "▁---- ------", - "▁--- -------", - "▁----- -----", - "▁------ ----", - "▁-------- --", - "▁------- ---", - "▁d isposable", - "▁dis posable", - "▁dispos able", - "F REE", - "FR EE", - "▁sh ark", - "▁sha rk", - "▁shar k", - "C HE", - "CH E", - "▁dep icted", - "▁depict ed", - "▁demonstr ations", - "▁demonstration s", - "▁K illed", - "▁Kill ed", - "▁Kil led", - "▁R ULE", - "▁obs essed", - "▁obsess ed", - "▁simpl ified", - "Post al", - "Pos tal", - "▁concept ual", - "▁p st", - "▁ps t", - "L as", - "La s", - "_ PROJECT", - "_PRO JECT", - "ucceed ed", - "o lu", - "ol u", - "▁personal ities", - "▁ reshape", - "▁re shape", - "▁res hape", - "▁en closed", - "▁enc losed", - "\t ptr", - "\tp tr", - "\tpt r", - "▁t utorials", - "▁tutorial s", - "▁tutor ials", - "▁expl oded", - "▁explo ded", - "▁explode d", - "_DIRECT ORY", - "▁c anon", - "▁can on", - "▁ca non", - "▁recogn ise", - "P AD", - "PA D", - "▁App rox", - "▁Ap prox", - "▁Appro x", - "▁ Restore", - "▁Re store", - "▁Rest ore", - "▁ Important", - "▁Import ant", - "▁he avier", - "▁heav ier", - ". Sequential", - ".Se quential", - "E arth", - "Ear th", - "▁M ilk", - "▁Mil k", - "▁Mi lk", - ".set Request", - ". tem", - ".t em", - ".te m", - "▁re construct", - "▁recon struct", - "▁skept ical", - "▁skeptic al", - "_ Private", - "_Pr ivate", - "B UF", - "BU F", - "q ua", - "qu a", - ": a", - "▁ sek", - "▁s ek", - "▁se k", - "▁d well", - "▁dw ell", - "o ssa", - "os sa", - "oss a", - "▁reward ed", - "( topic", - "(t opic", - "(to pic", - "(top ic", - "_ partition", - "_part ition", - "▁__ ________________", - "▁______ ____________", - "Key words", - "Keyword s", - "▁Fr anco", - "▁Franc o", - "▁Fran co", - "L ite", - "Li te", - "▁n aken", - "▁na ken", - "▁nak en", - "O BJECT", - "OB JECT", - "OBJ ECT", - "▁craft s", - "▁cra fts", - "▁ Swap", - "▁S wap", - "▁Sw ap", - ".X na", - ". Connect", - ".Con nect", - ".Conn ect", - "▁balcon y", - "( real", - "(re al", - "▁Bar nes", - "▁Barn es", - "b ir", - "bi r", - "▁Tw enty", - "▁Twe nty", - "a yan", - "ay an", - "aya n", - "at ars", - "ata rs", - "atar s", - "▁Pro pel", - "▁Prop el", - "▁Ih nen", - "Up grade", - "▁c urb", - "▁cur b", - "▁cu rb", - "- second", - "-se cond", - "▁n eph", - "▁ne ph", - ". pres", - ".p res", - ".pre s", - ".pr es", - ". seq", - ".s eq", - ".se q", - "▁p added", - "▁pad ded", - "▁padd ed", - "\" ?", - "j l", - "' ) a", - "Co ordinates", - "Coordinate s", - "▁en acted", - "▁enact ed", - "EN TS", - "ENT S", - "▁l ac", - "▁la c", - ". final", - ".f inal", - "▁Php Storm", - "c alled", - "cal led", - "call ed", - "▁in quiries", - ". middleware", - ".m iddleware", - "▁D owntown", - "▁Down town", - "/ ';\n", - "/' ;\n", - "▁kil omet", - "ac cel", - "acc el", - "▁qu ien", - "▁qui en", - "w string", - "ws tring", - "set Data", - "▁man era", - "▁mane ra", - "▁mod ular", - "r imp", - "ri mp", - "rim p", - "▁tar iffs", - "▁tariff s", - "_TH ROW", - "/ color", - "/c olor", - "▁HT MLElement", - "▁HTML Element", - "▁car ro", - "▁carr o", - "▁pr ere", - "▁pre re", - "▁plot ting", - "▁ Positive", - "▁Pos itive", - "▁Machine s", - "▁Mach ines", - "O TES", - "OT ES", - "OTE S", - "ple asant", - "▁a lte", - "▁al te", - "▁alt e", - "▁a inda", - "▁ai nda", - "▁ain da", - "th ese", - "the se", - "thes e", - "▁ cors", - "▁c ors", - "▁co rs", - "▁cor s", - "i pay", - "ip ay", - "▁Advis ory", - "▁Advisor y", - "▁Rub io", - "▁Ru bio", - "j q", - "▁l imestone", - "▁lime stone", - "▁det ached", - "▁detach ed", - "t enant", - "te nant", - "ten ant", - "▁ Depth", - "▁De pth", - "▁Dep th", - "▁Dept h", - "a lore", - "al ore", - "alo re", - "▁ FORE", - "▁F ORE", - "▁FOR E", - "▁FO RE", - "▁L ay", - "▁La y", - "p resentation", - "present ation", - ") ');\n", - ")' );\n", - ".sub plots", - ".subplot s", - "N OW", - "NO W", - "G ar", - "h andles", - "handle s", - "hand les", - "a bra", - "ab ra", - "put ies", - "pu ties", - "▁Elect rical", - "▁Electric al", - "M iddle", - "r opic", - "ro pic", - "rop ic", - "▁ JD", - "▁J D", - "▁D yn", - "▁Dy n", - "▁B ristol", - "▁Bris tol", - "▁Mc Carthy", - "▁str iker", - "▁stri ker", - "▁strike r", - "▁enum erable", - "▁enumer able", - "▁E van", - "▁Ev an", - "▁Eva n", - ". defaults", - ".default s", - "qu ences", - "quence s", - ") ||", - ")| |", - "\t token", - "\tt oken", - "\tto ken", - "- dropdown", - "-d ropdown", - "ST ORE", - "▁ Graphic", - "▁Graph ic", - "( pp", - "(p p", - "Ex pl", - "Exp l", - "▁up wards", - "▁upward s", - "▁D istributed", - "▁Distrib uted", - "▁ WEB", - "▁W EB", - "▁WE B", - "J er", - "Je r", - "is NaN", - "> R", - "e fs", - "ef s", - "▁un cover", - "▁unc over", - "▁l ud", - "▁lu d", - ". calculate", - ".c alculate", - ".cal culate", - ".calc ulate", - "▁int ptr", - "▁midfield er", - ". Headers", - ".Header s", - ".He aders", - "▁ mf", - "▁m f", - "e ref", - "er ef", - "ere f", - ".M etro", - ".Me tro", - "▁ Speaking", - "▁Spe aking", - ": b", - "▁cryptoc urrencies", - "▁d emons", - "▁de mons", - "▁dem ons", - "▁demon s", - "▁demo ns", - "\t EXPECT", - "▁w icked", - "y outube", - "youtu be", - ": Int", - ":I nt", - "▁H indi", - "▁Hind i", - "▁Hin di", - "▁ CAT", - "▁C AT", - "▁CA T", - "r ar", - "ra r", - "o more", - "om ore", - "omo re", - "/ per", - "/p er", - "/ license", - "/lic ense", - "/l icense", - "▁re im", - "▁a waiting", - "▁await ing", - "▁le thal", - "▁let hal", - "▁ EF", - "▁E F", - "r ounded", - "ro unded", - "round ed", - "▁Pl atinum", - ". coords", - ".co ords", - ". Device", - ".De vice", - "/ item", - "/i tem", - "▁W enn", - "▁We nn", - "▁Wen n", - "compile Components", - "▁K inder", - "▁Kind er", - "▁Ki nder", - "▁Kin der", - ".remove Item", - "▁ anda", - "▁a nda", - "▁and a", - "▁an da", - "b nb", - "bn b", - "▁ pra", - "▁p ra", - "▁pr a", - "( transaction", - "(trans action", - "▁embarrass ing", - "\t BOOL", - ".content View", - "▁event data", - "at ore", - "ator e", - "ato re", - "▁provided In", - "ir ma", - "irm a", - "▁z ona", - "▁zo na", - "_ HW", - "_H W", - "▁st ove", - "▁sto ve", - "▁counter part", - "_ Product", - "_Pro duct", - "_MAN AGER", - "▁inf ring", - "▁infr ing", - "▁ ERA", - "▁E RA", - "▁ER A", - "_ party", - "_p arty", - "_part y", - "_par ty", - "▁in ici", - "▁ini ci", - "_ Request", - "_Re quest", - "▁mir acle", - "▁cancel Button", - "S py", - "Sp y", - "▁pol ish", - "▁po lish", - "▁Nic ole", - "▁Ni cole", - ". displayName", - ".display Name", - "\\ Requests", - "\\Request s", - "▁use History", - "Router Module", - "▁st ared", - "▁star ed", - "▁sta red", - "▁stare d", - "I DER", - "ID ER", - "IDE R", - "▁n ota", - "▁not a", - "▁no ta", - "$ arr", - "$a rr", - "pec ified", - "▁t opp", - "▁to pp", - "▁top p", - "_DR IVER", - "/ ng", - "/n g", - "_ tm", - "_t m", - "% timeout", - "< s", - "▁ (*)", - "▁( *)", - "▁(* )", - "▁ HttpRequest", - "▁Http Request", - "_TR ACK", - "_TRA CK", - "( note", - "(n ote", - "(not e", - "(no te", - "▁ Explore", - "▁Exp lore", - "▁Expl ore", - "_ serv", - "_s erv", - "_se rv", - "B inder", - "Bind er", - "Bin der", - "Bi nder", - "+ \",", - "+\" ,", - ". att", - ".a tt", - ".at t", - "▁Eth i", - "▁Et hi", - "= '\\", - "=' \\", - ". lines", - ".l ines", - ".line s", - ".li nes", - "( Of", - "(O f", - "miss ible", - "▁ac oustic", - "▁craft ing", - "n it", - "ni t", - ". ba", - ".b a", - "▁Luc y", - "▁Lu cy", - "▁i Pod", - "▁pup ils", - "▁pupil s", - "- max", - "-m ax", - "_ wr", - "_w r", - "( cp", - "(c p", - "▁RE PORT", - "▁REP ORT", - "▁ dns", - "▁d ns", - "▁dn s", - "▁ References", - "▁Re ferences", - "▁Reference s", - "▁Refer ences", - "▁undert aken", - "▁undertake n", - "▁ chai", - "▁c hai", - "▁ch ai", - "▁cha i", - "▁C roat", - "▁Cro at", - "_ Log", - "_L og", - "r owned", - "row ned", - "rown ed", - "_ med", - "_m ed", - "_me d", - "\t date", - "\td ate", - "# __", - "▁cost umes", - "▁costume s", - "▁ Requires", - "▁Re quires", - "▁Require s", - "aff le", - "-S emit", - "ela ide", - "▁p estic", - "▁pes tic", - "▁pest ic", - "▁ dra", - "▁d ra", - "▁dr a", - "D OCUMENT", - "DOC UMENT", - "▁ ...\r\n", - "▁... \r\n", - "▁.. .\r\n", - "} `}\n", - "}` }\n", - "}`} \n", - "▁A uction", - "▁Au ction", - "▁ Dock", - "▁D ock", - "▁Do ck", - "▁Doc k", - "xxxx xxxx", - "( getString", - "(get String", - "▁border Width", - "▁Machine ry", - "▁Mach inery", - "▁predict able", - ". SH", - ".S H", - "▁am plitude", - "▁ampl itude", - ".for Root", - "I Navigation", - "IN avigation", - "Table Model", - "at trib", - "att rib", - "attr ib", - "▁maneu ver", - "▁exc av", - "B ERS", - "BER S", - "BE RS", - "▁d apat", - "▁da pat", - "▁install ations", - "▁installation s", - "▁instal lations", - ". Async", - ".A sync", - ".As ync", - "▁r ays", - "▁ra ys", - "▁ray s", - "; \r\r\n", - ". crypto", - ".c rypto", - "_ dbg", - "_d bg", - "_db g", - "▁ Enumerable", - "▁Enum erable", - "Of Size", - "_ epochs", - "_epoch s", - "m w", - "M ENU", - "ME NU", - "out line", - "▁P apers", - "▁Pa pers", - "▁Paper s", - "▁Pap ers", - "= ===========\n", - "============ \n", - "=========== =\n", - "========= ===\n", - "========== ==\n", - "===== =======\n", - "▁uniform s", - "▁uni forms", - "▁G ig", - "▁Gi g", - "- package", - "-p ackage", - "-pack age", - "▁J enkins", - "▁Jen kins", - "▁ HomePage", - "▁Home Page", - ". isSelected", - ".is Selected", - "▁mechan ic", - "M K", - "▁ Sounds", - "▁S ounds", - "▁So unds", - "▁Sound s", - "//---------------------------------------------------------------------------- -\n", - "▁research ing", - "▁ infos", - "▁in fos", - "▁info s", - "▁inf os", - "o graphics", - "og raphics", - "ograph ics", - "ographic s", - "er set", - "ers et", - "([ '/", - "([' /", - "▁Tim ber", - ". agent", - ".a gent", - ".ag ent", - ".age nt", - ".to JSON", - "_ commands", - "_command s", - "_comm ands", - "p aring", - "par ing", - "pa ring", - "_ adjust", - "_ad just", - "_adj ust", - ". nome", - ".n ome", - ".no me", - ".nom e", - "( glm", - "(g lm", - "(gl m", - "Status Bar", - "file path", - "▁detect ive", - "▁unser er", - "▁unsere r", - "▁Ti bet", - "▁Tib et", - "EN DED", - "END ED", - "( seed", - "(s eed", - "(se ed", - "▁sne ak", - "▁a mor", - "▁am or", - "=\" //", - "=\"/ /", - "▁Pan thers", - "▁Panther s", - "all ax", - "alla x", - "▁L IVE", - "▁LI VE", - "\t DWORD", - "\tD WORD", - "] =-", - "]= -", - "▁torn ado", - "/ min", - "/m in", - "▁l ungs", - "▁lung s", - "▁lun gs", - "- current", - "-c urrent", - "▁ Booking", - "▁Bo oking", - "▁Book ing", - "▁enjoy ment", - "J A", - "t yped", - "type d", - "ty ped", - "typ ed", - ". Btn", - ".B tn", - "f at", - "fa t", - "u gal", - "ug al", - "uga l", - "▁Sh ares", - "▁Share s", - "▁Sha res", - "▁Shar es", - "▁dis gr", - "▁disg r", - "▁ BAR", - "▁B AR", - "▁BA R", - "▁F OX", - "▁FO X", - "Op code", - "▁S z", - "key down", - "iction aries", - "▁det ailing", - "▁detail ing", - "} ))\n", - "}) )\n", - "▁p ok", - "▁po k", - "▁demonstr ating", - "▁ notation", - "▁n otation", - "▁not ation", - "▁nota tion", - "l ayers", - "la yers", - "lay ers", - "layer s", - "@ if", - "▁N PR", - "▁NP R", - ".strict Equal", - "▁Rec ipes", - "▁Recipe s", - ". Tensor", - ".T ensor", - "▁liqu or", - "▁deb ts", - "▁debt s", - ".end sWith", - ".ends With", - "W heel", - ". Pos", - ".P os", - "C SV", - "CS V", - "$ arity", - "▁un stable", - "▁uns table", - "( loss", - "(l oss", - "EN SOR", - "ENS OR", - "▁el even", - "▁ele ven", - "▁elev en", - "▁L opez", - "▁Lo pez", - "▁Hop kins", - "c onom", - "con om", - "co nom", - "▁S eth", - "▁Se th", - "▁Set h", - "▁po ems", - "▁poem s", - "Q uant", - "Qu ant", - "▁g sl", - "▁gs l", - "▁sy rup", - "▁s ibling", - "▁si bling", - "▁c ass", - "▁ca ss", - "▁cas s", - "- vous", - "-v ous", - "_P ATTERN", - "_ SECTION", - "_SE CTION", - "_SEC TION", - "est imated", - "estimate d", - "up grade", - ". mongodb", - ".m ongodb", - "▁Bo at", - "_ CTX", - "_C TX", - "▁fetch ing", - "▁fet ching", - "u stin", - "us tin", - "ust in", - "p iel", - "pi el", - "pie l", - "M arg", - "Mar g", - "Ma rg", - "Ref lection", - "▁ duct", - "▁d uct", - "▁du ct", - "▁Municip al", - "▁ bx", - "▁b x", - ".Get Current", - "m link", - "ml ink", - "mlin k", - "▁Account ing", - "▁Gene va", - "_ Pos", - "_P os", - "▁p asser", - "▁pass er", - "▁pas ser", - "▁passe r", - "▁hear ings", - "▁hearing s", - "com pan", - "comp an", - "▁frag ile", - "Initial izer", - "Initialize r", - "w alker", - "walk er", - "wal ker", - ". Material", - ".M aterial", - "▁H unting", - "▁Hun ting", - "▁Hunt ing", - "try side", - "trys ide", - "▁ kat", - "▁k at", - "▁ka t", - "▁cl erk", - "▁cle rk", - "▁cler k", - "do ing", - "doi ng", - "\t group", - "\tg roup", - "▁san ction", - "▁sanct ion", - ". lb", - ".l b", - "▁ Lazy", - "▁L azy", - "▁La zy", - "▁ Constraint", - "▁Con straint", - "P agination", - "Pag ination", - "▁pou vez", - "▁Ind icates", - "M ER", - "ME R", - "▁c ours", - "▁co urs", - "▁cour s", - "▁cou rs", - "▁y early", - "▁year ly", - "▁g rosse", - "▁gross e", - "▁gros se", - "abb rev", - "▁D ON", - "▁DO N", - "▁proceed ed", - "ent lich", - "▁property Name", - "▁Te aching", - "▁Tea ching", - "st adt", - "sta dt", - "stad t", - "▁c utoff", - "▁cut off", - "or ners", - "orn ers", - "orne rs", - "▁a frica", - "▁af rica", - "▁ renders", - "▁r enders", - "▁render s", - "▁ren ders", - "▁rend ers", - "▁Yan kees", - "▁ Toolbar", - "▁Tool bar", - "s paces", - "sp aces", - "space s", - ".fill Style", - "▁seg undo", - "_ strlen", - "_str len", - ".F irebase", - "▁mention ing", - "\\ (", - "▁Val ve", - "S etter", - "Set ter", - "▁sp ans", - "▁span s", - "▁spa ns", - "▁Al cohol", - "▁Let ters", - "▁Letter s", - "\\ xe", - "\\x e", - "▁ TK", - "▁T K", - "_ BLE", - "_B LE", - "_BL E", - ". getResult", - ".get Result", - "< Player", - "

\"", - "=> \"", - "t lement", - "tle ment", - "tl ement", - "$ (\"", - "$( \"", - "From String", - "▁B ild", - "▁Bi ld", - "▁Bil d", - "▁con ventions", - "▁convent ions", - "▁convention s", - "_ native", - "_n ative", - "_nat ive", - "▁ Inspector", - "▁Ins pector", - "▁Insp ector", - "▁P ist", - "▁Pi st", - "u bar", - "ub ar", - "uba r", - "▁ regs", - "▁re gs", - "▁reg s", - "▁P ilot", - "▁Pi lot", - "▁Pil ot", - "T hus", - "Th us", - "Thu s", - "> '+", - ">' +", - "▁c ela", - "▁ce la", - "▁cel a", - ". news", - ".n ews", - ".new s", - ".ne ws", - "( Product", - "L iving", - "Li ving", - "R ussia", - "▁fac et", - "▁face t", - "e tical", - "et ical", - "etic al", - "eti cal", - "▁[ '$", - "▁[' $", - "/ [", - "▁D ire", - "▁Di re", - "▁Dir e", - "▁g ases", - "▁gas es", - "▁ga ses", - "▁IN FORMATION", - "▁E at", - "▁For ums", - "▁Forum s", - "▁ Characters", - "▁Char acters", - "▁Character s", - "_ met", - "_m et", - "_me t", - "▁k ings", - "▁king s", - "▁kin gs", - "a chie", - "ach ie", - "achi e", - "▁ Lambda", - "▁L ambda", - "▁Lamb da", - "▁time rs", - "▁tim ers", - "▁ti mers", - "▁timer s", - "▁L ighting", - "▁Light ing", - "▁Cas ey", - "▁Case y", - "▁Ca sey", - "ad dir", - "add ir", - "and ex", - "ande x", - ". answer", - ".an swer", - "▁H ip", - "▁Hi p", - "▁Pr incip", - "Start Date", - "t res", - "tr es", - "tre s", - "▁ &#", - "▁& #", - ".Max Value", - "▁Pro blems", - "▁Problem s", - "▁Prob lems", - "▁la tex", - "▁late x", - "▁lat ex", - "Of Class", - "▁L ynn", - "▁Ly nn", - "▁Lyn n", - "/ /'", - "// '", - "▁voy age", - "▁shut tle", - "▁Ro ller", - "▁Roll er", - "▁Rol ler", - "▁Runtime Error", - "u ya", - "uy a", - "D ic", - "Di c", - "\t builder", - "\tb uilder", - "▁bul lying", - "▁bull ying", - "▁simple st", - "▁simp lest", - "▁simpl est", - ". called", - ".c alled", - ".call ed", - ".cal led", - "▁ LR", - "▁L R", - "▁mor ality", - "▁moral ity", - "▁st urdy", - "tr acking", - "track ing", - ".sw agger", - "_B IND", - "_BIN D", - "I TOR", - "IT OR", - "-url encoded", - "▁Tr inity", - "▁tr aps", - "▁tra ps", - "▁trap s", - "▁ |-", - "▁| -", - "▁ setText", - "▁set Text", - "▁bar gain", - "▁barg ain", - "▁br akes", - "▁bra kes", - "▁brake s", - ". getCode", - ".get Code", - ".getC ode", - "▁m igrate", - "▁migr ate", - "▁mig rate", - "▁ ribbon", - "▁r ibbon", - "▁rib bon", - ") return", - "▁ charger", - "▁ch arger", - "▁char ger", - "▁charg er", - "▁charge r", - "a com", - "ac om", - "aco m", - "ADI US", - "▁Amb assador", - "- after", - "-a fter", - "▁ anni", - "▁an ni", - "▁ann i", - "\t spin", - "\ts pin", - "\tsp in", - "Con cept", - "▁Hend erson", - "▁ HOST", - "▁H OST", - "▁HO ST", - ". rank", - ".r ank", - "▁North east", - "▁Nor theast", - "▁ber lin", - "▁re quis", - "▁req uis", - "▁requ is", - ". feed", - ".f eed", - ".fe ed", - "▁source Mapping", - "▁Ren contre", - ". ajax", - ".a jax", - "nest js", - "▁t rek", - "▁tr ek", - "▁tre k", - "▁N acional", - "▁& [", - "▁pay able", - "or tex", - "ort ex", - "orte x", - "▁ dept", - "▁de pt", - "▁dep t", - "field Name", - "▁comp letes", - "▁comple tes", - "▁complet es", - "▁complete s", - "▁R VA", - "▁RV A", - "▁on ions", - "▁onion s", - "al ignment", - "align ment", - "Form ats", - "Format s", - "▁' {$", - "▁'{ $", - "Hash Set", - "▁B od", - "▁Bo d", - ".Invariant Culture", - "▁settlement s", - "▁settle ments", - "▁ hydr", - "▁hy dr", - ". updated", - ".update d", - ".up dated", - "v enth", - "ve nth", - "vent h", - "ven th", - "( seconds", - "(se conds", - "(second s", - "=\" /\"", - "=\"/ \"", - "▁web page", - "( \n\n", - "(\n \n", - "▁t ir", - "▁ti r", - "▁t oes", - "▁to es", - "▁toe s", - "▁B rick", - "▁Br ick", - "▁Bri ck", - "▁amb ition", - "▁ambit ion", - "P ot", - "Po t", - "= max", - "=m ax", - "E TIME", - "ET IME", - "▁de pot", - "▁dep ot", - "c alls", - "cal ls", - "call s", - "▁Nor wegian", - "` :", - "▁b urger", - "▁bur ger", - "▁burg er", - "▁professor s", - "▁profess ors", - "▁Al locate", - "▁Alloc ate", - "-third s", - "- chart", - "-c hart", - "-ch art", - "-char t", - "▁ ford", - "▁f ord", - "▁for d", - "▁fo rd", - "* N", - ".k otlin", - "▁paper work", - "▁ DEVICE", - "▁DE VICE", - "▁DEV ICE", - "% @\",", - "res pect", - "resp ect", - "( mp", - "(m p", - "- if", - "-i f", - "▁cush ion", - "o bot", - "ob ot", - "obo t", - "▁p arc", - "▁par c", - "▁pa rc", - "S PACE", - "SP ACE", - "▁Net anyahu", - "▁self ish", - "▁sel fish", - "f eat", - "fe at", - "▁cl ientes", - "▁client es", - "▁cli entes", - "▁cliente s", - "- tools", - "-t ools", - "-to ols", - "-tool s", - "▁p orch", - "▁po rch", - "▁por ch", - "▁ jq", - "▁j q", - ". verbose", - "▁lib erals", - "▁liberal s", - "▁liber als", - "] )\n\n\n", - "]) \n\n\n", - "])\n \n\n", - "])\n\n \n", - "p ies", - "pi es", - "pie s", - "Not Blank", - "( term", - "(t erm", - "_ Params", - "_Param s", - ". normalize", - ".normal ize", - "B ullet", - "AS IC", - "( hex", - "(h ex", - "_ cliente", - "_cl iente", - "_client e", - "_cli ente", - "+ ,", - "_ DI", - "_D I", - "▁forth coming", - "} \")]\n", - "}\" )]\n", - "}\") ]\n", - "s eo", - "se o", - "U m", - "> Name", - ">N ame", - "▁comfort ably", - "irect ional", - "irection al", - "W ITH", - "WI TH", - "/ pr", - "/p r", - "▁P oor", - "▁Po or", - "▁Vit amin", - "▁Vita min", - "v ic", - "vi c", - "G H", - "▁prior it", - "▁ NN", - "▁N N", - "▁ Closed", - "▁C losed", - "▁Cl osed", - "▁Close d", - "▁Clo sed", - "▁is Open", - "\\ Console", - "And Feel", - ". SUCCESS", - ".S UCCESS", - "_OPER ATION", - "p olation", - "po lation", - "pol ation", - "▁T as", - "▁Ta s", - "p sz", - "ps z", - "> '.", - ">' .", - "C URRENT", - "V endor", - "host s", - "ho sts", - "hos ts", - "▁E rd", - "▁Er d", - ">tag ger", - ">t agger", - "▁sourceMapping URL", - "▁mar athon", - "_ closed", - "_c losed", - "_cl osed", - "_close d", - "▁ex emption", - "▁exem ption", - "▁exempt ion", - "▁recogn izes", - "▁recognize s", - "ide show", - "ides how", - "' $", - "(' /');\n", - "('/ ');\n", - "('/') ;\n", - "m its", - "mit s", - "mi ts", - "wa rz", - "war z", - "▁Ch erry", - "▁Cher ry", - "n or", - "no r", - "p orte", - "port e", - "por te", - "▁ wl", - "▁w l", - "_ backup", - "_back up", - ".get Boolean", - ". getResource", - ".get Resource", - "▁definit ive", - "▁defin itive", - ". EditText", - ".Edit Text", - ". CONT", - ".C ONT", - ".CON T", - "▁ PLAYER", - "▁PL AYER", - "▁PLAY ER", - ". cards", - ".c ards", - ".card s", - ".car ds", - "▁Sh ore", - "(' /')\n", - "('/ ')\n", - "('/') \n", - "cl uir", - "Web Driver", - "( month", - "(m onth", - "- release", - "-re lease", - "-rel ease", - "▁ins pector", - "▁inspect or", - "▁ NF", - "▁N F", - "_ clip", - "_c lip", - "_cl ip", - "_cli p", - "▁inter acting", - "▁interact ing", - ". tmp", - ".t mp", - ".tm p", - "▁ '''\n\n", - "▁'' '\n\n", - "▁'''\n \n", - "▁''' \n\n", - "▁ dee", - "▁d ee", - "▁de e", - "▁f rost", - "▁fr ost", - "▁fro st", - "\" ]))\n", - "\"] ))\n", - "\"]) )\n", - "\"])) \n", - "▁ Places", - "▁Pl aces", - "▁Place s", - "Th rows", - "Throw s", - "f ork", - "fo rk", - "for k", - "/ day", - "/d ay", - "i Phone", - "▁ MIC", - "▁M IC", - "▁MI C", - "▁f olding", - "▁fol ding", - "▁fold ing", - "▁cr ore", - "▁cro re", - "▁Ch iefs", - "▁Chief s", - "▁Chi efs", - "pher ical", - "pheric al", - "( price", - "(p rice", - "(pr ice", - ".Write String", - "▁ex iting", - "▁exit ing", - "] ',\n", - "]', \n", - "]' ,\n", - "ight ing", - "igh ting", - "Ing redient", - "( vertex", - "▁ scrollView", - "▁s crollView", - "▁scroll View", - "h f", - ": new", - ":n ew", - "S EN", - "SE N", - "s ector", - "se ctor", - "sec tor", - "sect or", - "▁sp ins", - "▁spin s", - "▁spi ns", - "▁ Scheduler", - "▁S cheduler", - "▁Schedule r", - "o techn", - "ote chn", - "otech n", - "sem icolon", - "Font OfSize", - "▁Specific ally", - "fl amm", - ".Object Id", - "▁c onta", - "▁con ta", - "▁cont a", - "_ permissions", - "_per missions", - "_perm issions", - "_permission s", - "\t FROM", - "\tF ROM", - "I CODE", - "IC ODE", - "ICO DE", - "/ kg", - "/k g", - "▁Hot els", - "▁Hotel s", - "- med", - "-m ed", - "-me d", - "▁D in", - "▁Di n", - "▁n avy", - "▁na vy", - "▁nav y", - "get Param", - "▁m end", - "▁me nd", - "▁men d", - "▁portray ed", - "▁Met ropolitan", - "Paint er", - "Pa inter", - "▁ref erral", - "▁refer ral", - "_ good", - "_g ood", - "_go od", - "▁mar vel", - "os aic", - "osa ic", - "> (&", - ">( &", - ". ur", - ".u r", - "▁es tos", - "▁est os", - "▁esto s", - "Will iam", - "▁tim ber", - "▁quel ques", - "▁ Documents", - "▁Document s", - "▁Doc uments", - ".X aml", - "▁b atches", - "▁batch es", - "▁bat ches", - "▁ Released", - "▁Re leased", - "▁Release d", - "T ail", - "Ta il", - "CO OKIE", - "he id", - "hei d", - "_ station", - "_st ation", - "_stat ion", - "▁ Via", - "▁V ia", - "▁Vi a", - "S ale", - "Sal e", - "Sa le", - "▁ Repeat", - "▁Re peat", - "▁Rep eat", - "▁pro min", - "▁pr omin", - "▁prom in", - "▁Z o", - "- forward", - "-for ward", - "▁ Ion", - "▁I on", - "▁Io n", - "it ary", - "ita ry", - "itar y", - "▁j us", - "▁ju s", - "- request", - "-re quest", - "▁proud ly", - "▁Stream ing", - "▁Stre aming", - "( MouseEvent", - "(Mouse Event", - "▁S print", - "▁Sp rint", - "▁Spr int", - "_ rotation", - "_r otation", - "_rot ation", - "Re positories", - "▁t art", - "▁ta rt", - "▁tar t", - "▁m appings", - "▁mapping s", - "C u", - "C ycle", - "Cy cle", - "▁b un", - "▁bu n", - "\t lua", - "\tl ua", - "▁( (!", - "▁(( !", - "▁collect ively", - "▁collective ly", - "▁ Cond", - "▁C ond", - "▁Con d", - "▁Co nd", - "▁ws zyst", - "▁wsz yst", - "( lib", - "(l ib", - "(li b", - "openh agen", - "_ skip", - "_s kip", - "_sk ip", - ".Column Header", - "perience d", - "peri enced", - "_ props", - "_p rops", - "_pro ps", - "_pr ops", - "_prop s", - "▁con trace", - "▁cont race", - "▁contr ace", - "▁contra ce", - "▁match up", - "ab etic", - "abe tic", - "abet ic", - ". members", - ".m embers", - ".member s", - ".mem bers", - "R ECT", - "RE CT", - "( dat", - "(d at", - "▁s og", - "▁so g", - "re nom", - "ren om", - "reno m", - "_ Method", - "_M ethod", - "Custom ers", - "Customer s", - "ful lname", - "full name", - "Z N", - "r etry", - "re try", - "ret ry", - "▁ kap", - "▁k ap", - "▁ka p", - "▁N eu", - "▁Ne u", - "add Child", - "will Return", - "_p ermalink", - "_per malink", - "▁energ etic", - "▁ener getic", - "▁W et", - "▁We t", - "▁M orr", - "▁Mo rr", - "▁Mor r", - "▁g cd", - "▁gc d", - "co unts", - "count s", - ", type", - ",t ype", - "d ig", - "di g", - "( Login", - "(Log in", - "▁cr acks", - "▁crack s", - "▁cra cks", - "▁bacter ial", - "▁bacteria l", - "▁M eat", - "▁Me at", - "▁Arm strong", - "▁Bron ze", - "▁approx imate", - "_ dirs", - "_d irs", - "_dir s", - "_di rs", - "l iga", - "li ga", - "lig a", - "▁kind ness", - "▁ contre", - "▁con tre", - "▁cont re", - "▁contr e", - "▁E VERY", - "▁EV ERY", - "M ET", - "ME T", - "▁ann ouncements", - "▁announc ements", - "▁announcement s", - "▁announce ments", - "g pio", - "gp io", - "▁WaitFor Seconds", - "▁Photo shop", - "▁Photos hop", - "▁dis contin", - "/ dd", - "/d d", - "▁top ology", - "an ical", - "ani cal", - "anic al", - ". interface", - ".inter face", - "auc oup", - ". HashSet", - ".Hash Set", - "ARI ANT", - "( routes", - "(r outes", - "(route s", - "▁T eh", - "▁Te h", - "▁h ype", - "▁hy pe", - "▁hyp e", - "] \").", - "]\" ).", - "▁s lam", - "▁sl am", - "▁sla m", - "▁br oth", - "▁bro th", - "- inter", - "-in ter", - "-int er", - "▁R id", - "▁Ri d", - "- manager", - "-m anager", - "-man ager", - "Cancel ar", - "▁ Pagination", - "▁P agination", - "▁Pag ination", - "▁sound track", - "▁pos terior", - "▁post erior", - "▁poster ior", - "▁sc rub", - "▁scr ub", - "cre ating", - "- *", - "ir teen", - "irt een", - ". dy", - ".d y", - ".s ymmetric", - ".sym metric", - "▁\" \".", - "▁\"\" .", - "= ==============", - "== =============", - "==== ===========", - "======== =======", - "=== ============", - "============ ===", - "============= ==", - "=========== ====", - "============== =", - "========= ======", - "========== =====", - "====== =========", - "===== ==========", - "======= ========", - "▁ch assis", - "▁numberOf Rows", - "Develop er", - "_ bins", - "_b ins", - "_bin s", - "▁ OUR", - "▁O UR", - "ri eb", - "rie b", - "P ros", - "Pro s", - "Pr os", - "\" d", - "▁async io", - "ze igen", - "_ spi", - "_s pi", - "_sp i", - ". ALL", - ".A LL", - ".AL L", - "▁scre ws", - "▁scr ews", - "▁screw s", - "Ch inese", - "▁ apiKey", - "▁api Key", - "▁un successful", - "▁Seah awks", - "O RG", - "OR G", - "▁profession ally", - "▁professional ly", - "▁C oupon", - "▁Co upon", - "▁Cou pon", - "Con vention", - "Conv ention", - "▁pol ym", - "▁poly m", - "▁sal vation", - "▁salv ation", - "▁engine ered", - "▁engineer ed", - "▁W rest", - "▁Wr est", - "▁G CC", - "▁GC C", - "▁war mer", - "▁warm er", - "Layout Constraint", - "▁ag grav", - "S cripts", - "Script s", - "vent ure", - "ven ture", - "▁refriger ator", - "▁innov ations", - "▁innovation s", - "▁ Runner", - "▁R unner", - "▁Run ner", - "N IC", - "NI C", - "▁Roll ing", - "▁Rol ling", - "Control Events", - "▁lo os", - "p ac", - "pa c", - "\t panel", - "\tp anel", - "e fe", - "ef e", - "▁Budd ha", - "▁Buddh a", - "-- ------------\n", - "---- ----------\n", - "-------- ------\n", - "--- -----------\n", - "------------ --\n", - "----- ---------\n", - "---------- ----\n", - "------ --------\n", - "----------- ---\n", - "------------- -\n", - "------- -------\n", - "--------- -----\n", - "-------------- \n", - "(for Key", - "▁l umin", - "▁lu min", - "▁lum in", - "▁ (?", - "▁( ?", - "▁A IDS", - "▁AI DS", - ", user", - ",u ser", - "im ientos", - "imiento s", - "content Type", - "ant lr", - "▁W elt", - "▁We lt", - "▁Wel t", - "P roduction", - "Pro duction", - "Product ion", - "Produ ction", - "Prod uction", - "m ight", - "mi ght", - "▁V II", - "▁VI I", - "\" ,(", - "\", (", - "▁obs erving", - "▁observ ing", - "▁deliber ate", - "( control", - "(cont rol", - "▁with d", - "▁wit hd", - "▁se mana", - "▁sem ana", - "ST ACK", - "u chen", - "uch en", - "uc hen", - "uche n", - "N ice", - "Ni ce", - "Nic e", - "▁Deutsch land", - "▁Spec ifies", - "d ma", - "dm a", - "iz io", - "izi o", - "▁F acts", - "▁Fac ts", - "▁Fa cts", - "▁Fact s", - "_ popup", - "_p opup", - "_pop up", - "▁Direct ors", - "▁Director s", - "▁Dir ectors", - "▁Dire ctors", - "{ :", - "[ R", - "▁ plat", - "▁p lat", - "▁pl at", - "▁pla t", - "▁direct ing", - "▁Gil bert", - ".q ml", - "▁there after", - "▁dis position", - "▁disp osition", - "▁dispos ition", - "▁disposit ion", - "d raft", - "dra ft", - "▁surge on", - "▁Ins ider", - "▁Inside r", - "Bl end", - "▁T rev", - "▁Tr ev", - "▁Tre v", - "tr insic", - "tri nsic", - "Top ics", - "Topic s", - "r ieve", - "rie ve", - "_FILE NAME", - "▁aut res", - "▁au tres", - "▁autre s", - "J ose", - "Jo se", - "Pro ducer", - "Produ cer", - "Prod ucer", - "e rus", - "er us", - "▁pe tit", - "▁pet it", - "▁N EXT", - "▁NE XT", - "▁ Filters", - "▁F ilters", - "▁Filter s", - "▁Fil ters", - "▁rep licate", - "▁repl icate", - "▁replic ate", - "▁replica te", - "\" ]).", - "\"] ).", - "\"]) .", - "▁l enders", - "▁len ders", - "▁lend ers", - "▁lender s", - "] \",\n", - "]\", \n", - "]\" ,\n", - "; charset", - "Cpp Object", - "▁fl oral", - "▁flo ral", - "▁ Tipo", - "▁T ipo", - "▁Ti po", - "▁Tip o", - "▁circ uits", - "▁circuit s", - "e asy", - "ea sy", - "(& $", - "it ta", - "itt a", - "er yl", - "ery l", - "_COM MON", - "_COMM ON", - "' }}>\n", - "'} }>\n", - "'}} >\n", - "-b acked", - "-back ed", - "( variable", - "(var iable", - "( Index", - "▁ voir", - "▁v oir", - "▁vo ir", - "_ locations", - "_l ocations", - "_location s", - "_loc ations", - "++ ){", - "++) {", - "▁Louis ville", - "▁gr atitude", - "▁grat itude", - ".Mock ito", - "▁P owers", - "▁Power s", - "▁Po wers", - "▁Pow ers", - "i eurs", - "ie urs", - "ieu rs", - "ieur s", - "▁ge ographic", - "r ale", - "ra le", - "ral e", - "▁c ra", - "▁cr a", - "▁Sp urs", - "ipher text", - "iph ertext", - "AC ION", - "- common", - "-com mon", - "▁vict ories", - "▁F inals", - "▁Fin als", - "▁Final s", - ".sh uffle", - "- million", - "-m illion", - "_ PROC", - "_PRO C", - "_PR OC", - "as sume", - "ass ume", - "▁ ils", - "▁i ls", - "▁il s", - "D BC", - "DB C", - "Boot Test", - "▁l avor", - "▁la vor", - "▁lav or", - ". testing", - ".t esting", - ".test ing", - ". ast", - ".as t", - ".a st", - "\" ]/", - "\"] /", - "m oid", - "mo id", - "▁qual ification", - "g esch", - "ge sch", - "ges ch", - "\t put", - "\tp ut", - "▁air ports", - "▁airport s", - "J I", - "T eacher", - "Te acher", - "_ uniform", - "_un iform", - "▁ nama", - "▁n ama", - "▁na ma", - "▁nam a", - "▁B ast", - "▁Ba st", - "▁Bas t", - "e rtype", - "er type", - "ert ype", - "erty pe", - "c apture", - "cap ture", - "capt ure", - "get All", - "▁Reyn olds", - "o oled", - "ool ed", - "oo led", - ". comments", - ".com ments", - ".comment s", - ".comm ents", - "▁ chin", - "▁c hin", - "▁ch in", - "▁chi n", - ") .*", - "). *", - "t gl", - "tg l", - "u dos", - "ud os", - "udo s", - "c hai", - "ch ai", - "cha i", - ". program", - ".pro gram", - ".pr ogram", - "▁ psz", - "▁p sz", - "▁ps z", - "\t icon", - "\ti con", - "ph il", - "phi l", - "ent ral", - "entr al", - "_W RAP", - "_WR AP", - "o vi", - "ov i", - "▁nost alg", - "In finity", - "Inf inity", - "\t yield", - "\ty ield", - "▁vit amins", - "▁vitamin s", - "▁vita mins", - "Qu aternion", - "S ink", - "Si nk", - "Sin k", - "_ goods", - "_g oods", - "_go ods", - "_good s", - "▁ ........", - "▁. .......", - "▁... .....", - "▁.. ......", - "▁.... ....", - "▁W ings", - "▁Win gs", - "▁Wing s", - "ur idad", - "uri dad", - "- story", - "-st ory", - "\" ])\n\n", - "\"] )\n\n", - "\"]) \n\n", - "\"])\n \n", - "idel ity", - "Type Def", - "G tk", - "_ Main", - "_M ain", - "▁ chez", - "▁ch ez", - "▁che z", - "▁R aven", - "▁Ra ven", - "▁Rav en", - "▁pay roll", - "▁freel ance", - "L LU", - "LL U", - "▁M end", - "▁Me nd", - "▁Men d", - "e day", - "ed ay", - "eda y", - "Api ModelProperty", - ".Form BorderStyle", - "▁econom ist", - "stan bul", - "▁fre ight", - "- Agent", - "-A gent", - "( meta", - "(m eta", - "(me ta", - "▁sym metry", - "▁' ..", - "▁'. .", - ". Calendar", - ".C alendar", - "- aut", - "-a ut", - "g f", - "p ent", - "pe nt", - "pen t", - "yc lopedia", - "▁w ishing", - "▁wish ing", - "\n\n \n\n\n\n\n\n\n\n\n\n", - "\n\n\n\n \n\n\n\n\n\n\n\n", - "\n\n\n \n\n\n\n\n\n\n\n\n", - "\n\n\n\n\n\n \n\n\n\n\n\n", - "\n\n\n\n\n\n\n\n \n\n\n\n", - "\n\n\n\n\n \n\n\n\n\n\n\n", - "\n\n\n\n\n\n\n\n\n\n \n\n", - "\n\n\n\n\n\n\n \n\n\n\n\n", - "\n\n\n\n\n\n\n\n\n \n\n\n", - "▁gentle man", - "= #", - "▁lect ures", - "▁lecture s", - "▁! _", - "▁ hb", - "▁h b", - "▁ Vendor", - "▁V endor", - "Rec ently", - "Recent ly", - "_ notes", - "_n otes", - "_no tes", - "_not es", - "_note s", - "\" My", - "Headers Height", - "_ SO", - "_S O", - "▁unw illing", - "▁super hero", - "g io", - "gi o", - "p sy", - "ps y", - "▁ Peer", - "▁P eer", - "▁Pe er", - "j avax", - "java x", - "jav ax", - "& apos", - "&a pos", - "▁Cr isis", - "ord inal", - "ordin al", - "Mem cpy", - "++++++++ ++++++++", - "- val", - "-v al", - "▁work book", - "- ap", - "-a p", - "= k", - "▁metal lic", - "_ peer", - "_p eer", - "_pe er", - "By PrimaryKey", - "_ SD", - "_S D", - "u ator", - "ua tor", - "uat or", - "_SH ADER", - "_SHA DER", - ") Math", - ". Transform", - ".Trans form", - "▁c ows", - "▁co ws", - "▁cow s", - "P hi", - "Ph i", - "▁C lem", - "▁Cl em", - "▁Cle m", - "( _(\"", - "(_ (\"", - "▁L ud", - "▁Lu d", - "- delay", - "-d elay", - "-de lay", - "-del ay", - "▁Se curities", - "▁Sec urities", - "▁Orth odox", - "Sym fony", - "( report", - "(re port", - "(repo rt", - "▁ent ertain", - "▁enter tain", - "▁entert ain", - "E PS", - "EP S", - "iz oph", - "izo ph", - "ex ual", - "I RD", - "IR D", - "▁l ith", - "▁li th", - "▁lit h", - "▁s anitize", - "▁san itize", - "▁sanit ize", - "▁femin ine", - "IS BN", - ". authentication", - ".auth entication", - "_ pipeline", - "_p ipeline", - "_pipe line", - "/ constants", - "/con stants", - "▁ CONF", - "▁CON F", - "▁CO NF", - "▁lu cr", - "▁luc r", - "r icia", - "ri cia", - "ric ia", - ".t tf", - ".set Content", - "▁ stan", - "▁s tan", - "▁st an", - "▁sta n", - "or ean", - "ore an", - "orea n", - "▁L loyd", - ".raw Value", - "▁ gor", - "▁g or", - "▁go r", - "▁Br owns", - "▁Brown s", - "▁Brow ns", - "Re gression", - "Reg ression", - "▁low ering", - "▁lower ing", - "na issance", - "▁bl ows", - "▁blow s", - "▁blo ws", - "▁am azed", - "▁un related", - "▁unre lated", - "Re views", - "Review s", - "▁ ruby", - "▁r uby", - "▁rub y", - "▁ru by", - "▁ Modifier", - "▁Mod ifier", - "▁gi ants", - "▁giant s", - ". thread", - ".th read", - "▁contain ment", - "▁Start Coroutine", - "u mat", - "um at", - "uma t", - "o release", - "ore lease", - "▁R andy", - "▁Rand y", - "▁Ran dy", - "@ endif", - "@end if", - "D igest", - "Di gest", - "Dig est", - "▁sub urban", - "▁subur ban", - "▁suburb an", - "= \");\n", - "=\" );\n", - "▁an nonce", - "▁ann once", - "▁anno nce", - ". variable", - ".var iable", - "\\ Foundation", - "\\F oundation", - "▁ acre", - "▁a cre", - "▁ac re", - "V an", - "▁t uples", - "▁tuple s", - "▁tup les", - "d ns", - "dn s", - "▁St anding", - "▁Stan ding", - "▁Stand ing", - "_ large", - "_l arge", - "▁box ing", - "Support ActionBar", - "▁Fort une", - "▁R um", - "▁Ru m", - "_ multiple", - "_m ultiple", - "_multi ple", - "_mult iple", - "arch ical", - "▁f write", - "▁fw rite", - "_ quote", - "_qu ote", - "▁foo lish", - "▁fool ish", - "▁com prising", - "▁comp rising", - "▁compr ising", - "- selected", - "-se lected", - "-select ed", - "v f", - "m aid", - "ma id", - "N ama", - "Na ma", - "( datetime", - "(d atetime", - "(date time", - "(dat etime", - "▁indirect ly", - "g art", - "ga rt", - "gar t", - "fix tures", - "fixture s", - "c hos", - "ch os", - "cho s", - "▁H alo", - "▁Ha lo", - "▁Hal o", - "▁re curring", - "▁rec urring", - "- news", - "-n ews", - "-new s", - "-ne ws", - "v il", - "vi l", - "▁Nurs ing", - "- produ", - "-p rodu", - "-pro du", - "▁H Q", - "\\Http Foundation", - "en ci", - "enc i", - "a uen", - "au en", - "▁ vy", - "▁v y", - "ocr acy", - "▁deleg ation", - "▁as phalt", - "▁set Selected", - "k ok", - "ko k", - "/ rest", - "/r est", - "/re st", - "/res t", - "m etics", - "me tics", - "met ics", - "metic s", - "▁ NSDate", - "▁NS Date", - "▁travel led", - "▁trav elled", - "▁rec ib", - "▁ mime", - "▁m ime", - "▁mi me", - "▁mim e", - "CL IENT", - "▁ GU", - "▁G U", - "▁H ANDLE", - "▁HAND LE", - "/ Q", - "[ z", - "▁both ered", - "▁bother ed", - "▁BB Q", - "_ examples", - "_ex amples", - "_example s", - "_ FIN", - "_F IN", - "▁white Color", - "▁astr onom", - "▁astro nom", - "- dir", - "-d ir", - "-di r", - "▁sovere ign", - "▁b reeze", - "▁ inning", - "▁in ning", - "▁inn ing", - "▁Ed monton", - "g li", - "gl i", - ".blog spot", - "j sx", - "js x", - "▁ver sa", - "▁ve rsa", - "▁vers a", - "▁Moh ammed", - ". Job", - ".J ob", - "-t oggler", - "-toggle r", - "ar don", - "ard on", - "ardo n", - "▁new born", - "▁n aval", - "▁na val", - "▁nav al", - "not eq", - "note q", - "▁t umblr", - "▁tum blr", - "▁h entai", - "▁Typ ically", - "▁l oot", - "▁lo ot", - ". Sprite", - ".S prite", - ".Sp rite", - "F light", - "Fl ight", - "▁w avelength", - "▁wave length", - "- sk", - "-s k", - "▁El le", - "▁Ell e", - "_ exports", - "_ex ports", - "_exp orts", - "_export s", - "▁I H", - "izoph ren", - "_ primary", - "_pr imary", - "▁m ois", - "▁mo is", - "▁moi s", - "▁ BN", - "▁B N", - "▁system ic", - "▁syst emic", - "▁difer entes", - "IN CT", - "INC T", - "▁' '\n\n", - "▁'' \n\n", - "▁''\n \n", - "$ q", - "Widget Item", - "c lide", - "cl ide", - "cli de", - "$ file", - "$f ile", - "L emma", - "Le mma", - "/ table", - "/t able", - "a grid", - "ag rid", - "▁Mongo DB", - "i nte", - "in te", - "int e", - "▁app rent", - ". Db", - ".D b", - "ham mer", - "=' ';\n", - "='' ;\n", - "▁br okers", - "▁bro kers", - "▁broke rs", - "▁broker s", - "i tlement", - "it lement", - "itle ment", - "semb lies", - "sembl ies", - "E le", - "El e", - "{ x", - "▁ lastname", - "▁last name", - "< -", - "▁ flatten", - "▁fl atten", - "▁flat ten", - "▁flatt en", - "_ band", - "_b and", - ". Root", - ".R oot", - ".read FileSync", - ".readFile Sync", - "= =====", - "== ====", - "==== ==", - "=== ===", - "===== =", - ". rx", - ".r x", - "? \r\n", - "▁metaph or", - "T i", - "c onte", - "con te", - "cont e", - "co nte", - "▁de bit", - "▁deb it", - "▁con tempt", - "▁cont empt", - "Cpp Type", - "Form Field", - "r atio", - "rat io", - "os opher", - "osoph er", - "oso pher", - "▁im plant", - "▁impl ant", - "P URE", - "PU RE", - "▁al ta", - "▁alt a", - "_ management", - "_man agement", - "_manage ment", - "▁ref ine", - "▁refin e", - "▁ CheckBox", - "▁Check Box", - "▁Ch arl", - "▁Char l", - "▁Cha rl", - "- version", - "-v ersion", - "cond itional", - "condition al", - "ven ues", - "venue s", - "▁rifle s", - "▁rif les", - "▁off spring", - "▁m illing", - "▁mill ing", - "▁mil ling", - "▁sharp ly", - "▁shar ply", - "▁under water", - "( origin", - "(orig in", - "_ Control", - "▁ .$", - "▁. $", - "Pl ugins", - "Plugin s", - "▁d rying", - "▁dr ying", - "▁dry ing", - "▁illustr ates", - "▁illustrate s", - "- u", - "▁veget arian", - "n pc", - "np c", - "He art", - "; ',\n", - ";' ,\n", - ";', \n", - "com ma", - "co mma", - "comm a", - "t eenth", - "te enth", - "tee nth", - "teen th", - "a san", - "as an", - "asa n", - "/ spec", - "/s pec", - "/sp ec", - "_m oves", - "_move s", - "_mov es", - "- margin", - "-m argin", - "▁ ingen", - "▁in gen", - "▁ing en", - "▁pro jet", - "▁proj et", - "▁o tra", - "▁ot ra", - "▁b ras", - "▁br as", - "▁bra s", - ". utc", - ".u tc", - "▁sle pt", - "= sub", - "=s ub", - "ab ilit", - "abil it", - "abi lit", - "p oster", - "pos ter", - "post er", - "po ster", - "▁ sdk", - "▁s dk", - "▁sd k", - "ounc ill", - "ouncil l", - "▁ wd", - "▁w d", - "Pre paredStatement", - "▁D rum", - "▁Dr um", - "( attribute", - "(at tribute", - "▁Eth ernet", - "▁Ether net", - "\t DB", - "\tD B", - "Cal ifornia", - "c ube", - "cu be", - "[ I", - ". Created", - ".C reated", - ".Create d", - "▁ HM", - "▁H M", - "▁tr acing", - "▁tra cing", - "Forms Module", - "- you", - "-y ou", - ". currency", - ".c urrency", - ".curr ency", - "fe eding", - "feed ing", - "fee ding", - "▁ tbody", - "▁t body", - "▁tb ody", - "L i", - "a ccion", - "ac cion", - "acc ion", - "acci on", - "n as", - "na s", - "▁tr ouver", - "▁trou ver", - "N ONE", - "NO NE", - "NON E", - "\" },\r\n", - "\"} ,\r\n", - "\"}, \r\n", - "▁ ftp", - "▁f tp", - "▁ft p", - "With Identifier", - "p olate", - "po late", - "pol ate", - "File Info", - "▁purs ued", - "▁pursue d", - "▁▁▁▁ \r\n▁▁▁▁\r\n", - "▁▁▁▁\r\n ▁▁▁▁\r\n", - "DE SCRIPTION", - "DESC RIPTION", - "} */\n", - "From Nib", - "▁decor ative", - "_ SSL", - "_S SL", - "_SS L", - "( chat", - "(c hat", - "(ch at", - "T LS", - "TL S", - "▁sur prises", - "▁surpr ises", - "▁surprise s", - "al culate", - "alc ulate", - "▁S plash", - "▁Sp lash", - "▁Spl ash", - "( Configuration", - "(Config uration", - "▁S EM", - "▁SE M", - "im son", - "ims on", - "/ library", - "/lib rary", - "/l ibrary", - "< Double", - "", - "▁}} >", - "G ED", - "GE D", - "f aq", - "fa q", - "▁option ally", - "▁optional ly", - "_ Dis", - "_D is", - "▁ Successful", - "▁Success ful", - "▁C ensus", - "▁inc arcer", - "_ CARD", - "_C ARD", - "_CA RD", - "▁av iation", - "▁G ym", - "▁Gy m", - "Author ity", - ". Bean", - ".B ean", - "sh ader", - "sha der", - "Not Exist", - "_ TextChanged", - "_Text Changed", - "▁ STOP", - "▁S TOP", - "▁ST OP", - "( team", - "(t eam", - "\" H", - "w g", - "▁gr inder", - "▁gri nder", - "▁grind er", - "▁grin der", - "▁ stripe", - "▁st ripe", - "▁str ipe", - "▁stri pe", - "▁strip e", - "▁p reservation", - "▁pres ervation", - "Cl aim", - "aver sal", - "avers al", - "w arehouse", - "ware house", - "target s", - "tar gets", - "T rust", - "Tr ust", - "▁al lev", - "▁all ev", - "▁alle v", - ", www", - ",w ww", - "ous se", - "_ chan", - "_c han", - "_ch an", - "_ Size", - "_S ize", - "system s", - "▁ob jection", - "▁object ion", - "▁obj ection", - "▁K ane", - "▁Ka ne", - "▁Kan e", - "▁cor ros", - "▁corr os", - "▁D SL", - "▁DS L", - "▁ ua", - "▁u a", - "▁ MH", - "▁M H", - "▁Strateg ic", - "_ tcp", - "_t cp", - "▁borrow ed", - "▁A ch", - "▁Ac h", - "\t command", - "\tcom mand", - "▁g ps", - "▁gp s", - "le ston", - "les ton", - "lest on", - "ich ever", - "iche ver", - "▁ UA", - "▁U A", - "▁assault ed", - "▁special izes", - "▁specialize s", - "\t search", - "\ts earch", - "H otel", - "Hot el", - "Ho tel", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁\r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ \r\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁\r\n", - "▁ Pitch", - "▁P itch", - "▁Pit ch", - "READ Y", - "▁par ental", - "▁parent al", - "▁paren tal", - "▁de tain", - "▁det ain", - "T ARGET", - "▁protagon ist", - "▁clear Interval", - "▁ IconButton", - "▁Icon Button", - "▁Get All", - "Type Info", - "E H", - "▁{ [", - "▁g ag", - "▁ga g", - "▁ Dropdown", - "▁D ropdown", - "▁Drop down", - ". free", - ".f ree", - ".fr ee", - "g one", - "go ne", - "gon e", - "i mens", - "im ens", - "ime ns", - "imen s", - "▁ins tal", - "▁inst al", - "\t curl", - "\tc url", - "\tcur l", - "_ CAN", - "_C AN", - "_CA N", - "▁B one", - "▁Bo ne", - "▁Bon e", - "ony ms", - "onym s", - "-g overnment", - ".binding Navigator", - "▁D ans", - "▁Dan s", - "▁Da ns", - "▁Mc L", - "( en", - "(e n", - "> (_", - ">( _", - ".* ;\r\n", - "= j", - "- cor", - "-c or", - "-co r", - "S on", - "So n", - ".ToolStrip Item", - "- around", - "-a round", - "-ar ound", - "_ XML", - "_X ML", - "end Date", - "▁sl ack", - "▁sla ck", - "▁rot ated", - "▁rotate d", - "▁no qa", - "▁c ottage", - "▁encontr ar", - "_ skill", - "_s kill", - "_sk ill", - "hou ette", - "! \r\n", - ". weather", - ".we ather", - "▁emphas ized", - "▁emphasize d", - "▁ Compiler", - "▁Com piler", - "▁Comp iler", - "▁Compile r", - "( android", - "(and roid", - ". turn", - ".t urn", - "▁sup pression", - "▁suppress ion", - "_ calls", - "_c alls", - "_call s", - "_cal ls", - "▁* @", - "( strlen", - "(str len", - ". hex", - ".h ex", - ".he x", - "▁B ills", - "▁Bill s", - "▁Bil ls", - "▁R SA", - "▁RS A", - "▁ Escape", - "▁E scape", - "▁Es cape", - "▁Esc ape", - "ement ia", - "▁ frontend", - "▁front end", - "▁p int", - "▁pi nt", - "▁pin t", - "_ exc", - "_e xc", - "_ex c", - "z zo", - "zz o", - "[ ],\n", - "[] ,\n", - "[], \n", - "▁\"' ,'\"", - "▁\"', '\"", - "▁\"',' \"", - ". Environment", - ".En vironment", - "▁afore mentioned", - "▁end ure", - "prot otype", - "proto type", - "ther apy", - "the rapy", - "s si", - "ss i", - "D eg", - "De g", - "_ plugins", - "_pl ugins", - "_plugin s", - ". userInfo", - ".user Info", - "Pr inter", - "Print er", - "▁PRO GRAM", - "▁ru ins", - "▁ruin s", - "▁empir ical", - "▁c rawl", - "▁craw l", - "▁cra wl", - "▁Bo iler", - "- comment", - "-com ment", - ". subplot", - ".sub plot", - "_ et", - "_e t", - "▁' .',", - "▁'. ',", - "▁'.' ,", - "min or", - "mi nor", - "mino r", - "▁Custom s", - "▁y aw", - "▁ya w", - "under line", - "▁C omo", - "▁Com o", - "▁Co mo", - "( ('", - "(( '", - "( mean", - "(m ean", - "(me an", - "▁ch aque", - "▁cha que", - "▁ Blocks", - "▁B locks", - "▁Bl ocks", - "▁Block s", - "▁Blo cks", - ". rad", - ".r ad", - "ilib rium", - "▁web driver", - "▁mel hor", - "d ana", - "da na", - "dan a", - "▁Ab use", - "▁Abu se", - "▁South west", - "▁P aren", - "▁Par en", - "▁Pa ren", - "PERT IES", - "\t IL", - "\tI L", - "▁s cream", - "▁sc ream", - "▁scre am", - "▁scr eam", - "v u", - "▁in comes", - "▁inc omes", - "▁income s", - "▁incom es", - "▁ nim", - "▁n im", - "▁ni m", - "▁ lace", - "▁l ace", - "▁la ce", - "▁lac e", - "▁compens ate", - "Re verse", - "D at", - "Da t", - "_ attack", - "_att ack", - "▁n our", - "▁no ur", - "▁nou r", - "a chen", - "ac hen", - "ach en", - "ache n", - "c ek", - "ce k", - "< Func", - " \"+", - ">\" +", - "▁token izer", - "▁sovere ignty", - "▁sovereign ty", - "▁P ence", - "▁Pe nce", - "▁Pen ce", - "( )\");\n", - "() \");\n", - "()\" );\n", - "▁pesso as", - "▁pessoa s", - ". Ge", - ".G e", - "▁In cluded", - "▁Include d", - "▁pag ina", - "▁ex posing", - "▁exp osing", - "▁expos ing", - "_ SCRIPT", - "_SC RIPT", - "/ $',", - "/$ ',", - "Th umbnail", - "webElement X", - "webElementX paths", - "press ure", - "pres sure", - "▁C urry", - "▁Cur ry", - "_ CP", - "_C P", - "OL UTION", - "I LES", - "IL ES", - "ILE S", - "prot ect", - "o ola", - "ool a", - "oo la", - "Work space", - "Works pace", - "{ };\n", - "{} ;\n", - "▁U NS", - "▁UN S", - "▁symp athy", - "▁sympath y", - "r oker", - "ro ker", - "roke r", - "rok er", - "▁re model", - "▁rem odel", - "\t cell", - "\tc ell", - "▁a top", - "▁at op", - ". FullName", - ".Full Name", - "▁f aut", - "▁fa ut", - "▁E asily", - "_ dynamic", - "_d ynamic", - "▁fr amed", - "▁frame d", - "▁fra med", - "▁fram ed", - "▁m otive", - "▁mot ive", - "▁motiv e", - "s am", - "sa m", - "▁mar ca", - "▁marc a", - "▁Text EditingController", - "▁d estructor", - "▁de structor", - "▁destruct or", - "c ream", - "cre am", - "cr eam", - "▁r ude", - "▁ru de", - "▁ Bold", - "▁B old", - "▁Bo ld", - "▁Bol d", - "▁Ind igenous", - "▁ gens", - "▁g ens", - "▁ge ns", - "▁gen s", - "▁rel acion", - "( system", - "(s ystem", - "(sys tem", - "▁ UIFont", - "▁UI Font", - "▁UIF ont", - "_ charge", - "_ch arge", - "_char ge", - "U STER", - "US TER", - "UST ER", - "E V", - ". Namespace", - ".N amespace", - ".Name space", - "▁mer ger", - "▁merge r", - "▁merg er", - "▁c alloc", - "▁call oc", - "▁cal loc", - "g ang", - "ga ng", - "gan g", - "Bad Request", - "▁s per", - "▁sp er", - "▁spe r", - "- design", - "-d esign", - "-de sign", - "-des ign", - "C han", - "Ch an", - "▁organ ism", - "▁organis m", - ", )", - "= id", - "=i d", - "_ plane", - "_p lane", - "_pl ane", - "_plan e", - "▁ Cases", - "▁C ases", - "▁Cas es", - "▁Case s", - "▁Ca ses", - "el fast", - "elf ast", - "▁Legisl ature", - "▁F aker", - "▁Fa ker", - "▁Fake r", - "▁inv oking", - "▁invo king", - "- utils", - "( ).'", - "() .'", - "(). '", - ". face", - ".f ace", - ".fac e", - "▁guard ian", - "my Modal", - "▁clip board", - "▁A TM", - "▁AT M", - "▁pe as", - "▁S ylv", - "▁Sy lv", - ". calc", - ".c alc", - ".ca lc", - ".cal c", - "▁ Contacts", - "▁Cont acts", - "▁Contact s", - "int Value", - "▁mod ifying", - "▁modify ing", - "▁Bar b", - "▁Ba rb", - ". loss", - ".l oss", - ".lo ss", - "_ percentage", - "_per centage", - "_percent age", - "As ked", - "Ask ed", - "( lst", - "(l st", - "ategor ical", - "ategori cal", - "- files", - "-f iles", - "-file s", - "-fi les", - "▁Rom ania", - "▁Ro mania", - "▁Roman ia", - "▁Roma nia", - ". Ac", - ".A c", - "▁ hai", - "▁h ai", - "▁ha i", - "▁F lying", - "▁Fl ying", - "▁Fly ing", - "j p", - "▁Tr ainer", - "▁Tra iner", - "▁Train er", - ". arc", - ".a rc", - ".ar c", - "_ deg", - "_d eg", - "_de g", - "▁trace back", - "Or Fail", - "F LOW", - "FL OW", - ". old", - ".o ld", - "o ya", - "oy a", - "g mt", - "gm t", - "is empty", - "▁vacc ination", - "▁ obsolete", - "▁ob solete", - "recogn ized", - "▁ru ined", - "▁ruin ed", - "▁Re in", - "▁ Tracking", - "▁Tr acking", - "▁Track ing", - "x fb", - "xf b", - "▁br yster", - "▁ ITS", - "▁I TS", - "▁IT S", - "▁des tiny", - "▁dest iny", - "▁destin y", - "▁s wear", - "▁sw ear", - "▁swe ar", - "▁re des", - "▁r edes", - "▁red es", - "▁rede s", - "▁c lf", - "▁cl f", - "▁fl ipped", - "▁flip ped", - "\t head", - "\th ead", - "B luetooth", - "Bl uetooth", - "▁Over rides", - "▁Override s", - ": Boolean", - "_ =", - "_ lr", - "_l r", - "sp awn", - ": index", - "VAL UES", - "VALUE S", - "is key", - "isk ey", - "iske y", - "? \");\n", - "?\" );\n", - ".syn thetic", - "▁ Checking", - "▁Check ing", - "struct ures", - "structure s", - "i ping", - "ip ing", - "▁voc als", - "▁vocal s", - "- Up", - "-U p", - "▁Manufact urers", - "▁Manufacturer s", - "▁Mar riage", - "▁gar ner", - "▁garn er", - "_ Client", - "_C lient", - "par allel", - "RI END", - "▁vine gar", - "se gue", - "seg ue", - "J B", - "▁cont acting", - "▁contact ing", - "▁Car roll", - "▁Carr oll", - "▁out reach", - "▁outr each", - "t ensor", - "_ variant", - "_v ariant", - "_var iant", - "▁t heat", - "▁th eat", - "▁the at", - "lic able", - "lica ble", - "{ |", - "t iny", - "ti ny", - "tin y", - "_ letter", - "_l etter", - "▁p encil", - "HeadersHeight SizeMode", - "il tro", - "ilt ro", - "iltr o", - ".auto configure", - ". drag", - ".d rag", - ".dr ag", - ". useState", - ".use State", - "▁B MI", - "▁BM I", - "h int", - "hi nt", - "hin t", - "Com pile", - "Comp ile", - "* \\", - "en ary", - "ena ry", - "▁ lvl", - "▁l vl", - "▁lv l", - ". Cache", - ".C ache", - "+ =\"", - "+= \"", - "_ tv", - "_t v", - "ruit ment", - "▁f read", - "▁fr ead", - "▁fre ad", - "Art icles", - "Article s", - "f ila", - "fi la", - "fil a", - "▁pack aged", - "▁package d", - "AT HER", - "ATH ER", - "▁Pl anned", - "▁Plan ned", - "s cheme", - "sch eme", - "▁di ary", - "▁dia ry", - "▁off enses", - "▁offense s", - "/ F", - "▁S tick", - "▁St ick", - "▁c erc", - "▁ce rc", - "▁cer c", - "▁S lee", - "▁Sl ee", - "\t \t▁▁▁▁▁▁▁▁", - "\t\t ▁▁▁▁▁▁▁▁", - "\t\t▁▁▁ ▁▁▁▁▁", - "\t\t▁ ▁▁▁▁▁▁▁", - "\t\t▁▁ ▁▁▁▁▁▁", - "\t\t▁▁▁▁▁▁▁ ▁", - "\t\t▁▁▁▁ ▁▁▁▁", - "\t\t▁▁▁▁▁ ▁▁▁", - "\t\t▁▁▁▁▁▁ ▁▁", - "< Image", - "", - ";' >", - "\t col", - "\tc ol", - "V G", - "_ boolean", - "_bool ean", - "_bo olean", - "re cent", - "rec ent", - "rece nt", - "▁* )\n\n", - "▁*) \n\n", - "▁*)\n \n", - "▁Rain bow", - "om men", - "omm en", - "▁l ur", - "▁lu r", - "▁op pression", - "▁opp ression", - "(\", \");\n", - "(\",\" );\n", - "▁Fac ility", - "DEF INED", - "DEFINE D", - "▁ne on", - "▁neo n", - "▁off ender", - "A FP", - "AF P", - "▁C leaning", - "▁Clean ing", - "▁Cle aning", - "[ ]):", - "[] ):", - "[]) :", - "▁und ocumented", - ". Repositories", - ".Re positories", - "▁G uitar", - "▁Gu itar", - "▁Gui tar", - "S kills", - "Sk ills", - "Skill s", - "▁test imon", - "▁testim on", - "rypt ography", - "▁Am ber", - "▁Amb er", - "▁St alin", - "▁Sta lin", - "▁l one", - "▁lo ne", - "▁lon e", - "▁ap enas", - "▁die ses", - "▁dies es", - "▁diese s", - "▁Ar duino", - "= =-", - "== -", - "_ Act", - "_A ct", - "▁c oded", - "▁co ded", - "▁code d", - "▁cod ed", - "amb urger", - "amburg er", - "- links", - "-l inks", - "-link s", - "▁arm our", - ". High", - ".H igh", - "get Content", - "s tag", - "st ag", - "sta g", - "▁ heck", - "▁he ck", - "▁Mc Connell", - "▁Con cert", - "▁ Alloc", - "▁Al loc", - "▁All oc", - ". replaceAll", - ".replace All", - "▁part itions", - "▁partition s", - "r ott", - "ro tt", - "rot t", - "▁F le", - "▁Fl e", - "_T REE", - "_TR EE", - "reason able", - "▁Rep orting", - "▁Report ing", - "▁billion aire", - "s cores", - "sc ores", - "score s", - "m ins", - "min s", - "mi ns", - "- eye", - "-e ye", - "M ORE", - "MO RE", - "ab ort", - "abor t", - "abo rt", - "▁S WT", - "▁SW T", - "▁in verted", - "▁invert ed", - "▁Te achers", - "▁Teacher s", - "; n", - "▁ astro", - "▁as tro", - "▁ast ro", - "▁astr o", - "product o", - "c ountries", - "count ries", - "▁O wen", - "▁Ow en", - "▁cont amination", - "▁contamin ation", - "▁conta mination", - "▁v ibe", - "▁vi be", - "▁vib e", - "▁E lli", - "▁El li", - "▁Ell i", - ". script", - ".s cript", - "▁O live", - "▁Ol ive", - "D MA", - "DM A", - "v ier", - "vi er", - ": semicolon", - "- module", - "-m odule", - "-mod ule", - "g ressive", - "gress ive", - "a gu", - "ag u", - "_ players", - "_p layers", - "_pl ayers", - "_player s", - "_play ers", - "▁result ados", - "▁resultado s", - "start ed", - "star ted", - "scroll Top", - "= ====", - "== ===", - "==== =", - "=== ==", - "▁weigh ing", - "▁[ [[", - "▁[[ [", - "z ahl", - "za hl", - "( NS", - "(N S", - "▁Assert ion", - "le ague", - ".set TextColor", - ".setText Color", - "\t Message", - "\tM essage", - "▁m oms", - "▁mom s", - "▁mo ms", - "_ AF", - "_A F", - ". wh", - ".w h", - "A LS", - "AL S", - "▁aut re", - "▁au tre", - "] \n\n\n\n", - "]\n \n\n\n", - "]\n\n \n\n", - "]\n\n\n \n", - ". opacity", - ".op acity", - "▁Budd hist", - "▁Buddh ist", - "▁de af", - "▁Organ isation", - "( Global", - "(G lobal", - "en sch", - "ens ch", - "▁head ache", - "▁Al ien", - "▁Ali en", - "_ inode", - "_in ode", - "_i node", - "▁St ark", - "▁Star k", - "▁Sta rk", - "-l nd", - "-ln d", - "o ref", - "or ef", - "ore f", - "_ feat", - "_f eat", - "_fe at", - "▁pedest rian", - "▁nom inal", - "▁nomin al", - "▁ball oon", - "▁bal loon", - "▁ballo on", - "▁s prites", - "▁sp rites", - "▁spr ites", - "▁sprite s", - "Prototype Of", - "▁A post", - "▁Ap ost", - "▁F EATURE", - "▁FE ATURE", - "O H", - "▁re cess", - "▁r ecess", - "▁rec ess", - "▁rece ss", - "▁D onna", - "▁Don na", - "con sumer", - "cons umer", - "$ GLOBALS", - "▁G IF", - "▁GI F", - "- frame", - "-f rame", - "-fr ame", - "In icio", - "Ini cio", - "▁pass ages", - "▁passage s", - "Date String", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - ". byte", - ".by te", - "B ug", - "Bu g", - "initial izer", - "initialize r", - "p kt", - "pk t", - "od ium", - "odi um", - "▁ DER", - "▁D ER", - "▁DE R", - ". ops", - ".op s", - ".o ps", - "l eri", - "le ri", - "ler i", - "▁gift ed", - "▁gif ted", - "▁ detach", - "▁det ach", - "ter rain", - "terra in", - "el ters", - "elt ers", - "elter s", - ". loader", - ".l oader", - ".load er", - ".lo ader", - "▁N GO", - "▁NG O", - "str ncmp", - "K h", - "( fontSize", - "(font Size", - "r ocket", - "ro cket", - "rock et", - "roc ket", - "▁preced ent", - "▁Aur ora", - "▁Ex periment", - "is phere", - "isp here", - "Enc oded", - "Encode d", - "▁py ramid", - "▁Ann iversary", - "o fil", - "of il", - "( plugin", - "(pl ugin", - "C oeff", - "Co eff", - "▁cooper ate", - "▁predomin antly", - "I SM", - "IS M", - "Ph rase", - "_ DEFINE", - "_DE FINE", - "_DEF INE", - "_DEFIN E", - "F lip", - "Fl ip", - "AMIL Y", - "▁Mark ets", - "▁Market s", - "▁Stream Reader", - "▁C ombine", - "▁Com bine", - "▁Comb ine", - "▁manus cript", - "z za", - "zz a", - ", tp", - ",t p", - "Wh atever", - "What ever", - "IT ICAL", - "igh bour", - "ighb our", - "Data Provider", - ". Texture", - ".Text ure", - "priv acy", - ". SDK", - ".S DK", - "▁re charge", - "▁ cpp", - "▁c pp", - "▁cp p", - "▁ CFG", - "▁C FG", - "▁CF G", - "( holder", - "(h older", - "( py", - "(p y", - "m ot", - "mo t", - "▁sa voir", - "▁sav oir", - "▁R osa", - "▁Ro sa", - "▁Ros a", - "▁P Cs", - "▁PC s", - ".her oku", - "▁f ren", - "▁fr en", - "▁fre n", - "▁R iley", - "▁Ri ley", - "a gate", - "ag ate", - "aga te", - "▁s ond", - "▁so nd", - "▁son d", - ".x lsx", - "▁h acked", - "▁hack ed", - "▁hac ked", - "st ad", - "sta d", - "G i", - "▁s anity", - "▁san ity", - "▁sanit y", - "▁Sql DataAdapter", - ".. .\",", - "... \",", - "...\" ,", - "▁P ussy", - "▁ ****************", - "▁******** ********", - "▁hass le", - "_P ARENT", - "_PAR ENT", - "▁U AE", - "▁UA E", - "▁begin ners", - "▁beginner s", - "( Client", - "(C lient", - "(Cl ient", - "▁stat istically", - "▁statist ically", - "▁statistical ly", - "▁statistic ally", - ". hour", - ".h our", - "e delta", - "ed elta", - "▁ traction", - "▁t raction", - "▁tr action", - "▁tra ction", - "▁tract ion", - "u elve", - "uel ve", - "a rat", - "ar at", - "ara t", - "▁sa una", - "▁sau na", - "IN VALID", - "INVAL ID", - "▁indict ment", - "AL LE", - "ALL E", - "▁dis sent", - "▁diss ent", - "▁disse nt", - "▁ Typography", - "▁Typ ography", - "▁intent ional", - "▁intention al", - "s it", - "si t", - "▁An imals", - "▁Animal s", - "▁Anim als", - "▁coun tryside", - "▁country side", - "▁ uart", - "▁u art", - "▁ua rt", - "} \\\"", - "}\\ \"", - "▁seam less", - "▁a utos", - "▁aut os", - "▁auto s", - "▁au tos", - "▁\" '\";\n", - "▁\"' \";\n", - "▁\"'\" ;\n", - "F lush", - "Fl ush", - "AN NOT", - "ANN OT", - "▁al gebra", - "▁alg ebra", - "as soc", - "ass oc", - "asso c", - "▁W aters", - "▁Water s", - "▁Wat ers", - "▁Wa ters", - "▁prepar ations", - "▁preparation s", - "r onym", - "ro nym", - "ron ym", - "[, ]", - "S ans", - "San s", - "Sa ns", - "▁arm ies", - "i peg", - "ip eg", - "ipe g", - "▁cre amy", - "▁cream y", - ". art", - ".a rt", - ".ar t", - "e tre", - "et re", - "etr e", - "▁ Animated", - "▁An imated", - "▁Anim ated", - "▁un pleasant", - "e mean", - "em ean", - "eme an", - "g reat", - "gr eat", - "gre at", - "▁ Earlier", - "▁Ear lier", - "▁Earl ier", - "▁ch ic", - "▁chi c", - "▁pres erving", - "( exec", - "(e xec", - "(ex ec", - "▁Invest igation", - "▁Investig ation", - "\t GPIO", - "\tG PIO", - "▁rig orous", - "i jo", - "ij o", - "= num", - "=n um", - "▁t oolStrip", - "▁tool Strip", - ") set", - ")s et", - "+\" &", - "▁ Acceler", - "▁Acc eler", - "▁development al", - "is posable", - "▁flaw ed", - "r ene", - "re ne", - "ren e", - "Up dating", - "▁watch dog", - "▁den ominator", - "▁denom inator", - "▁denomin ator", - "▁subur bs", - "▁suburb s", - "▁ ...)", - "▁... )", - "▁.. .)", - "▁conv ictions", - "▁conviction s", - "c losure", - "clo sure", - ". IP", - ".I P", - "▁trans lates", - "▁transl ates", - "▁translate s", - ".s wt", - ".sw t", - ". Trace", - ".T race", - ".Tr ace", - "▁met tre", - ".is Enabled", - "▁E ffective", - "▁Effect ive", - ". toInt", - ".to Int", - "▁en chant", - "▁st unned", - "▁p oi", - "▁po i", - "/ code", - "/c ode", - "a dm", - "ad m", - ".data binding", - ".datab inding", - ".databind ing", - "▁ Lorem", - "▁L orem", - "▁Lo rem", - "▁Lore m", - "________________________________ ________________________________", - "▁ ledger", - "▁led ger", - "▁c ara", - "▁car a", - "▁ca ra", - "▁G ir", - "▁Gi r", - "▁w aits", - "▁wait s", - "▁wa its", - "U no", - "Un o", - "▁ cwd", - "▁c wd", - "▁cw d", - "▁T Result", - "▁re jo", - "▁e mitted", - "▁em itted", - "▁emit ted", - "▁West minster", - "n ek", - "ne k", - "_T is", - "▁en act", - "\t with", - "\tw ith", - "or gia", - "org ia", - "▁j ue", - "▁ju e", - "Per form", - "S PATH", - "SP ATH", - ". topic", - ".t opic", - ".to pic", - ".top ic", - "▁D aten", - "▁Date n", - "▁Da ten", - "▁Dat en", - "▁sit io", - "▁siti o", - "_ MM", - "_M M", - "\" So", - "b ial", - "bi al", - "bia l", - "▁sc oped", - "▁scope d", - "▁sco ped", - "▁scop ed", - "Re quires", - "Require s", - "▁ TOTAL", - "▁T OTAL", - "▁Ch ancellor", - "( contents", - "(content s", - "(cont ents", - "▁ste alth", - "▁steal th", - "dev ices", - "device s", - "- pass", - "-p ass", - "il ih", - "ili h", - "▁Mal colm", - "▁De pot", - "▁Dep ot", - "▁config ur", - "a ussian", - "_ constraint", - "_con straint", - "G RA", - "GR A", - "▁R ates", - "▁Ra tes", - "▁Rate s", - "▁Rat es", - ".dataGridView TextBoxColumn", - "▁No bel", - "▁Nob el", - "i tics", - "it ics", - "iti cs", - "itic s", - "▁ignor ant", - "▁ Reporter", - "▁Report er", - "▁Eb ola", - "▁Sh ock", - "_ relation", - "_re lation", - "_rel ation", - "▁N inja", - "▁Nin ja", - ") c", - "▁t icker", - "▁ti cker", - "▁tick er", - "▁tic ker", - ". isChecked", - ".is Checked", - "▁Sup pliers", - "▁Supplier s", - "▁R apid", - "▁Ra pid", - "▁Rap id", - "Level s", - "\t queue", - "\tq ueue", - "▁c hop", - "▁ch op", - "▁cho p", - "▁ Unix", - "▁Un ix", - "▁Uni x", - "re ject", - "- calendar", - "-c alendar", - "-cal endar", - "( sort", - "(s ort", - "erc icio", - "▁h ect", - "▁he ct", - "CALL TYPE", - "r oupon", - "ro upon", - "rou pon", - "roup on", - "▁rent als", - "▁rental s", - "author s", - "auth ors", - "{ name", - "▁F IFO", - "▁FI FO", - "▁l assen", - "▁las sen", - "▁N ous", - "▁No us", - "▁Nou s", - "▁sn apped", - "▁snap ped", - "▁f ertility", - "▁fer tility", - "▁fert ility", - "▁fertil ity", - "\" log", - "cl icked", - "click ed", - "▁plan ting", - "▁plant ing", - "▁ gb", - "▁g b", - "/ output", - "/out put", - "PE AT", - "▁ categoria", - "▁c ategoria", - "▁categor ia", - "▁ bach", - "▁b ach", - "▁ba ch", - "Prof essor", - "i nth", - "in th", - "int h", - "\" ]\r\n", - "\"] \r\n", - "Rec order", - "Record er", - "ser de", - "▁Trans mission", - "t rad", - "tr ad", - "tra d", - "▁tur bo", - "▁turb o", - "_VER TEX", - "\\ Event", - "\\E vent", - "il ver", - "▁bod ily", - "▁ Sources", - "▁S ources", - "▁Source s", - "▁kill ings", - "▁killing s", - "▁kil lings", - ".xr TableCell", - "▁fol ded", - "▁fold ed", - "/ legal", - "/l egal", - "u ner", - "un er", - "une r", - "▁R ifle", - "▁M IDI", - "▁MI DI", - "_Selected IndexChanged", - ".Size Type", - "▁ WebSocket", - "▁Web Socket", - "▁se leccion", - "▁sele ccion", - "S and", - "San d", - "Sa nd", - "ot ros", - "▁en vision", - "▁env ision", - "/ etc", - "/e tc", - "▁Mel issa", - "S pot", - "Sp ot", - "_ ARM", - "_A RM", - "_AR M", - "At tempt", - "Att empt", - "▁ BI", - "▁B I", - "▁ DU", - "▁D U", - "▁back lash", - "st ride", - "str ide", - "stri de", - "/ classes", - "/c lasses", - "/class es", - "/cl asses", - "▁text Color", - "_ staff", - "_st aff", - "ob lin", - "obl in", - "ag enta", - "agent a", - "agen ta", - ". collections", - ".c ollections", - ".collection s", - ".collect ions", - ".coll ections", - "il lage", - "ill age", - "illa ge", - "' \r\n\r\n", - "'\r\n \r\n", - "fl atten", - "flat ten", - "_ sales", - "_s ales", - "_sale s", - "_M ASTER", - "T W", - "_ da", - "_d a", - "P itch", - "ph ies", - "phi es", - "▁z ombies", - "▁zombie s", - "▁ VERY", - "▁V ERY", - "▁VER Y", - "▁VE RY", - "▁Pharm acy", - "▁progress Bar", - "▁has htag", - "▁hash tag", - "S idebar", - "Side bar", - "@ stop", - "@s top", - "( pc", - "(p c", - "M AKE", - "MA KE", - "▁Co ron", - "▁Cor on", - "▁kv inner", - "▁kvin ner", - "▁kvinn er", - "▁M aid", - "▁Ma id", - "▁Mai d", - "b ob", - "bo b", - ".title Label", - "▁success es", - "▁succes ses", - "▁Dem ocracy", - "▁Democr acy", - "▁Surg ery", - "▁Surge ry", - "▁co ugar", - "▁cou gar", - "▁ curso", - "▁cur so", - "▁curs o", - "▁l oro", - "▁lo ro", - "ist ency", - "iste ncy", - "isten cy", - "Sen ior", - "▁ AAA", - "▁A AA", - "▁AA A", - "▁ BOOK", - "▁B OOK", - "▁BO OK", - "W STR", - "WS TR", - "▁ */,\n", - "▁* /,\n", - "▁*/ ,\n", - "▁*/, \n", - "o yal", - "oy al", - "oya l", - ". vector", - ".v ector", - "▁ SPEC", - "▁S PEC", - "▁SP EC", - "S SF", - "SS F", - "▁comp uls", - "▁Appe als", - "▁Appeal s", - "▁W inston", - "▁Win ston", - "▁Wins ton", - "▁Mock ito", - "con trib", - "cont rib", - "contr ib", - "contri b", - ". available", - ".av ailable", - "entity Manager", - "a rias", - "ar ias", - "ari as", - "aria s", - "_ sale", - "_s ale", - "_ rs", - "_r s", - "▁de coding", - "▁dec oding", - "▁loc ator", - "ol ith", - "oli th", - "▁ kol", - "▁k ol", - "▁ko l", - "▁ ascii", - "▁asc ii", - "▁R ut", - "▁Ru t", - "/ interface", - "\t \t\t\t\t\t▁▁▁", - "\t\t \t\t\t\t▁▁▁", - "\t\t\t\t \t\t▁▁▁", - "\t\t\t \t\t\t▁▁▁", - "\t\t\t\t\t \t▁▁▁", - "\t\t\t\t\t\t ▁▁▁", - "\t\t\t\t\t\t▁ ▁▁", - "\t\t\t\t\t\t▁▁ ▁", - "▁N umer", - "▁Num er", - "▁Nu mer", - ". flip", - ".f lip", - ".fl ip", - "- del", - "-d el", - "-de l", - "▁bol ster", - "on omic", - "ono mic", - "onom ic", - "▁ zm", - "▁z m", - "L G", - "Find By", - "▁ adaptive", - "▁ad aptive", - "▁adapt ive", - "▁ada ptive", - "l oo", - "lo o", - "▁ vue", - "▁v ue", - "▁vu e", - "( reverse", - "(re verse", - "_ canvas", - "_c anvas", - "_can vas", - ". roles", - ".r oles", - ".role s", - ".ro les", - "ific ado", - "ifica do", - "ven ient", - "\" As", - "\"A s", - "▁ Entr", - "▁En tr", - "▁Ent r", - "al igned", - "align ed", - "▁bere its", - "/ //\n\n", - "// /\n\n", - "/// \n\n", - "///\n \n", - ".g wt", - ". employee", - ".e mployee", - "_ cli", - "_c li", - "_cl i", - "▁anticip ate", - "▁p ik", - "▁pi k", - "▁mush rooms", - "▁mushroom s", - "( tt", - "(t t", - "▁ oma", - "▁o ma", - "▁om a", - "▁San chez", - "_ google", - "_g oogle", - "_go ogle", - ". Valid", - "▁ FileName", - "▁File Name", - "iv ative", - "k ed", - "ke d", - "- war", - "-w ar", - "▁m aturity", - "▁mat urity", - "▁m iner", - "▁min er", - "▁mi ner", - "▁mine r", - "Re ducers", - "Reduc ers", - "Reducer s", - "Reduce rs", - "▁L atLng", - "▁Lat Lng", - "_ STD", - "_S TD", - "_ST D", - "D igits", - "Digit s", - "Dig its", - "C alc", - "Cal c", - "Ca lc", - "- upload", - "-up load", - "▁hand ic", - "▁han dic", - "eg rated", - "egr ated", - "egrate d", - "▁ STM", - "▁S TM", - "▁ST M", - "C lients", - "Client s", - "Cl ients", - "▁Tur bo", - "SY NC", - "▁photograph ers", - "▁photographer s", - ". Out", - ".O ut", - ". character", - ".char acter", - "B UILD", - "BU ILD", - ". unlock", - ".un lock", - "▁ar ises", - "▁arise s", - "▁ Commands", - "▁Comm ands", - "▁Command s", - "(\" \");\r\n", - "(\"\" );\r\n", - "(\"\") ;\r\n", - "_ FORE", - "_F ORE", - "_FOR E", - "; ',", - ";' ,", - "+ \"'", - "+\" '", - ". Images", - ".Image s", - ".Im ages", - "\" ){", - "\") {", - "▁M eyer", - "▁Me yer", - "▁neg atively", - "▁negative ly", - "▁D LL", - "▁DL L", - "▁ exe", - "▁e xe", - "▁ex e", - "▁def iciency", - "▁wild ly", - "- switch", - "-s witch", - "con struction", - "construct ion", - "▁exception ally", - "▁exceptional ly", - "▁L iz", - "▁Li z", - "/ java", - "/j ava", - "▁the irs", - "▁their s", - "▁Cont emporary", - "l is", - "li s", - ".fill Rect", - "▁N FC", - "▁NF C", - "▁re he", - "( numbers", - "(num bers", - "(number s", - "▁r aster", - "▁ra ster", - "▁ras ter", - "▁fig uring", - "▁figur ing", - "▁show c", - "▁J ill", - "▁Ji ll", - "▁ar cade", - "▁arc ade", - "▁Construct s", - "m dl", - "md l", - "(' |", - "▁ident ifiers", - "▁identifier s", - "▁st ellar", - "( Connection", - "▁\" {{", - "▁\"{ {", - "y or", - "yo r", - "( mysqli", - "(m ysqli", - "(mysql i", - "▁d ove", - "▁do ve", - "▁dov e", - "Of Birth", - ". disconnect", - ".dis connect", - "_ hi", - "_h i", - "▁zw ischen", - "▁Gr und", - "i ros", - "ir os", - "iro s", - "_ Array", - "_A rray", - ". onclick", - ".on click", - "an som", - "ans om", - "An swers", - "Answer s", - "\t remove", - "\tre move", - "F a", - "▁h urry", - "▁hur ry", - "- inf", - "-in f", - "-i nf", - "▁ getClass", - "▁get Class", - "▁getC lass", - "▁Reg ulation", - "▁ FLAGS", - "▁FLAG S", - "m isc", - "mi sc", - "mis c", - "K en", - "Ke n", - "_ heading", - "_head ing", - "_he ading", - "G Hz", - "GH z", - "- entry", - "-en try", - "▁bi ography", - "S ig", - "Si g", - "- mf", - "-m f", - "W atcher", - "Watch er", - "} px", - "▁sp icy", - "▁spi cy", - "_ sq", - "_s q", - "L ost", - "Lo st", - "Los t", - "( track", - "(tr ack", - "Desc ending", - "< bits", - " ((", - ">( (", - "s urvey", - "sur vey", - ".. .')\n", - "... ')\n", - "▁ Divider", - "▁Di vider", - "▁Div ider", - "o sl", - "os l", - "_C ANCEL", - "_CAN CEL", - "_ prepare", - "_pre pare", - "s tin", - "st in", - "▁He ath", - "▁Heat h", - ". PrimaryKey", - ".Primary Key", - "▁Local DateTime", - "▁LocalDate Time", - "▁co operative", - "▁cooper ative", - "L earning", - "Le arning", - "Learn ing", - ". enqueue", - ".en queue", - "▁ goog", - "▁go og", - "▁ Regression", - "▁Re gression", - "▁Reg ression", - "i mates", - "im ates", - "imate s", - "ima tes", - "▁voy eur", - "▁D rink", - "▁Dr ink", - "p lug", - "pl ug", - "▁l ender", - "▁le nder", - "▁len der", - "▁lend er", - "m ana", - "man a", - "ma na", - "▁person nes", - "▁personne s", - "yp se", - "▁un link", - "▁Ra vens", - "▁Rav ens", - "▁Raven s", - "▁h urd", - "▁hur d", - "▁hu rd", - "▁period ically", - "▁periodic ally", - "AR GS", - "ARG S", - "▁ GH", - "▁G H", - "char acters", - "character s", - ".. .\"\n\n", - "... \"\n\n", - "...\" \n\n", - "...\"\n \n", - "- establish", - "▁ dn", - "▁d n", - "( condition", - "(con dition", - "▁ Gravity", - "▁Gr avity", - "▁es tas", - "▁est as", - "▁esta s", - "_ focus", - "_f ocus", - "C reature", - "Cre ature", - "Cr eature", - "Creat ure", - "( site", - "(s ite", - "▁c arr", - "▁car r", - "▁ca rr", - "▁ RL", - "▁R L", - "▁ RI", - "▁R I", - "▁M oto", - "▁Mo to", - "▁Mot o", - "A SF", - "AS F", - "▁Luck ily", - "\t Route", - "\tR oute", - "▁ entropy", - "▁ent ropy", - "▁entr opy", - "( \",\"", - "(\" ,\"", - "(\", \"", - "C ollect", - "Col lect", - "Coll ect", - "( contact", - "(cont act", - "▁Flor ence", - "▁Flo rence", - "▁premium s", - "▁l ifecycle", - "▁life cycle", - "▁lif ecycle", - "▁b ans", - "▁ban s", - "▁ba ns", - "x ef", - "xe f", - "Web Kit", - "▁F loating", - "▁Float ing", - "▁Flo ating", - "▁c osa", - "▁co sa", - "▁cos a", - "S pecific", - "Spec ific", - "▁Lo ans", - "▁Loan s", - "b read", - "br ead", - "bre ad", - "▁des criptors", - "▁descriptor s", - "▁{ :.", - "▁{: .", - "TH READ", - "▁T rent", - "▁Tr ent", - "▁Tre nt", - "▁s cop", - "▁sc op", - "▁sco p", - "Q A", - "▁An tar", - "▁Ant ar", - "p el", - "pe l", - "_ difference", - "_d ifference", - "_ changes", - "_ch anges", - "_change s", - "_chan ges", - "( ...)", - "(... )", - "(.. .)", - "▁ Rotation", - "▁R otation", - "▁Rot ation", - "▁L GPL", - "▁LG PL", - "▁ JUST", - "▁J UST", - "( Task", - "(T ask", - "_ subset", - "_sub set", - "▁ TRANS", - "▁TR ANS", - "▁TRAN S", - "▁S cout", - "▁Sc out", - "▁Sco ut", - "- popup", - "-p opup", - "-pop up", - "▁sm oked", - "▁smoke d", - "▁smo ked", - "_ Class", - "_C lass", - "▁turn over", - "br akk", - "bra kk", - "▁Rock y", - "t as", - "ta s", - ".Regular Expressions", - "▁Elli ott", - "▁ Spinner", - "▁Sp inner", - "▁Spin ner", - "DUCT ION", - "DU CTION", - "▁li bre", - "▁lib re", - "▁libr e", - "▁mol to", - "▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁", - "▁ FTP", - "▁F TP", - "▁FT P", - "m peg", - "mp eg", - "( features", - "(f eatures", - "(feature s", - "▁b ald", - "▁bal d", - "▁ba ld", - "▁V id", - "▁Vi d", - "▁sh outing", - "▁shout ing", - "L int", - "Li nt", - "Lin t", - "▁s ockets", - "▁socket s", - "▁sock ets", - "▁p row", - "▁pro w", - "▁pr ow", - "▁nouvel le", - "is card", - "isc ard", - "▁S ponsor", - "▁ consulta", - "▁cons ulta", - "▁consult a", - ") ));", - ")) );", - "))) ;", - "Ind ian", - "India n", - "▁R aspberry", - "▁team mate", - "▁ JWT", - "▁J WT", - "▁Gh ana", - "▁c akes", - "▁ca kes", - "▁cake s", - "pr imer", - "prim er", - "prime r", - "form a", - "for ma", - "erg arten", - "_ Manager", - "_M anager", - "▁pre season", - "G AME", - "GA ME", - "| \"", - "▁B rock", - "▁Br ock", - "▁Bro ck", - "▁occ upy", - "▁occup y", - "▁decor ations", - "▁decoration s", - "▁c ot", - "▁co t", - "▁p aran", - "▁par an", - "▁para n", - "▁pa ran", - "D isk", - "Dis k", - "Di sk", - "re main", - "rem ain", - "> ?", - "St rong", - "Str ong", - "▁f rance", - "▁fr ance", - "▁fra nce", - "▁fran ce", - "▁franc e", - "▁E ra", - "▁Er a", - "- cr", - "-c r", - ".Buffer edReader", - "▁Parad ise", - "▁V AT", - "▁VA T", - "▁An ders", - "▁And ers", - "▁l imb", - "▁li mb", - "▁lim b", - "amp oo", - "ampo o", - "▁imper ative", - "UT ILITY", - "UTIL ITY", - "▁ Recognition", - "▁Rec ognition", - "▁ragaz ze", - "▁p ops", - "▁pop s", - "▁po ps", - "y press", - "yp ress", - "▁emb argo", - "// {\n", - "▁s yll", - "▁sy ll", - "P TR", - "PT R", - "▁did nt", - "▁didn t", - "M ailer", - "Mail er", - "Ma iler", - "▁acad emics", - "▁academic s", - "▁Fr auen", - "▁Fra uen", - "▁Frau en", - "ne ider", - "- rel", - "-r el", - "-re l", - "▁rain bow", - "( In", - "(I n", - "▁sl iced", - "▁slice d", - "▁slic ed", - "= ============\n", - "== ===========\n", - "============ =\n", - "============= \n", - "=========== ==\n", - "========== ===\n", - "====== =======\n", - "( send", - "(s end", - "(se nd", - "NSMutable Dictionary", - "v os", - "vo s", - "( package", - "(p ackage", - "▁ord inance", - "▁ordin ance", - "view er", - "▁San tos", - "▁Sant os", - "- selling", - "-s elling", - "▁ gov", - "▁g ov", - "▁go v", - "et tle", - "ett le", - "▁found ers", - "▁fo unders", - "▁founder s", - "▁w aking", - "▁wa king", - "s lashes", - "sl ashes", - "slash es", - "-p ound", - "re cht", - "rec ht", - ". onClick", - ".on Click", - "▁n ord", - "▁no rd", - "▁nor d", - "_ when", - "_w hen", - "_wh en", - "UT ERS", - "UTE RS", - "i cc", - "ic c", - "▁caps ule", - "▁W id", - "▁Wi d", - "M arc", - "Mar c", - "Ma rc", - "r ored", - "ro red", - "ror ed", - "U GE", - "UG E", - "LO UD", - "▁A udit", - "▁Aud it", - "▁Au dit", - "▁Audi t", - "ip ients", - "ipient s", - "op ian", - "opia n", - "▁S ue", - "▁Su e", - "▁wur den", - "▁wurde n", - ". Helpers", - ".H elpers", - "▁f actions", - "▁fact ions", - "▁fa ctions", - "▁faction s", - "[ np", - "[n p", - "- than", - "-t han", - "-th an", - "▁re co", - "▁r eco", - "▁rec o", - "▁k as", - "▁ka s", - "▁cmd s", - "▁cm ds", - "/ network", - "/n etwork", - "/net work", - "x bf", - "xb f", - "get Color", - "getC olor", - "▁bi ased", - "▁bias ed", - "▁L ak", - "▁La k", - "D atas", - "Data s", - "Da tas", - "Dat as", - "v ents", - "vent s", - "ven ts", - "_ PS", - "_P S", - ". Validate", - ".Valid ate", - "Inv oker", - "Invoke r", - "▁ne uen", - "▁neu en", - "▁neue n", - "▁ju venile", - "V ISION", - "VI SION", - "VIS ION", - "▁de vote", - "▁dev ote", - "▁l inha", - "▁lin ha", - "▁discount ed", - "▁disco unted", - "\\ Config", - "▁worth while", - "▁skin ny", - "▁C ourses", - "▁Co urses", - "▁Cour ses", - "▁Course s", - "le ys", - "ley s", - "▁Mort gage", - "K evin", - "Ke vin", - "▁ann ounces", - "▁announc es", - "▁announce s", - "] )*", - "]) *", - "res ervation", - "▁prejud ice", - "▁String Comparison", - "▁be ard", - "▁bear d", - "- win", - "-w in", - "\t ms", - "\tm s", - "j al", - "ja l", - "▁E arn", - "▁Ear n", - "_ ports", - "_p orts", - "_port s", - "▁ Nombre", - "▁N ombre", - "▁Nom bre", - "_ COR", - "_C OR", - "_CO R", - "▁ BUILD", - "▁B UILD", - "▁BU ILD", - ". sound", - ".s ound", - ".so und", - "Y ellow", - "▁lineback er", - "▁char itable", - "▁cha ritable", - "j ug", - "ju g", - "_NON NULL", - "▁D ental", - "▁Den tal", - "▁Dent al", - "\" >${", - "\"> ${", - "\">$ {", - "\t match", - "\tm atch", - "\tmat ch", - "R ussian", - "Russia n", - "▁ver sch", - "▁vers ch", - "▁p inned", - "▁pin ned", - "▁adopt ing", - "Options Menu", - "P ag", - "Pa g", - "▁pair ing", - "▁pa iring", - "▁pai ring", - "▁t read", - "▁tr ead", - "▁tre ad", - "erc ises", - "ercise s", - "▁ Spread", - "▁S pread", - "▁Sp read", - "▁Spr ead", - ") i", - "▁ BAD", - "▁B AD", - "▁BA D", - "_ tf", - "_t f", - "UI ImageView", - "UIImage View", - "pop ulate", - "b ab", - "ba b", - "[ ++", - "▁opi oid", - "▁ ##\n", - "▁# #\n", - "▁## \n", - "d type", - "dt ype", - "▁St arts", - "▁Start s", - "▁Star ts", - "('/ ')", - "▁person als", - "▁personal s", - "▁persona ls", - "- market", - "-m arket", - "-mark et", - "▁redund ant", - "▁Ess ential", - "▁sc rapy", - "▁scr apy", - "▁scrap y", - "a cl", - "ac l", - "▁c rear", - "▁cr ear", - "▁cre ar", - "▁B end", - "▁Be nd", - "▁Ben d", - "▁rel ieve", - "▁relie ve", - "- room", - "-r oom", - "-ro om", - "w ife", - "wi fe", - "▁Q Point", - "▁qu asi", - "▁ methodName", - "▁method Name", - "\\ xc", - "\\x c", - "▁Per u", - "▁Pe ru", - "/ The", - "/T he", - ". orm", - ".o rm", - ".or m", - "▁v iz", - "▁vi z", - "/ pdf", - "/p df", - "Loc ated", - "▁confront ation", - "▁Championship s", - "▁Champions hips", - "▁Champion ships", - "▁hyp ert", - "▁hyper t", - "▁hype rt", - "▁d j", - "▁ UserInfo", - "▁User Info", - "\\ xb", - "\\x b", - "( sim", - "(s im", - "▁ ==\n", - "▁= =\n", - "▁== \n", - "▁st aging", - "▁sta ging", - "▁dr astically", - "▁drastic ally", - "l ords", - "lor ds", - "lord s", - ". less", - ".l ess", - ".le ss", - "▁ Bucket", - "▁B ucket", - "▁Buck et", - "▁Bu cket", - "▁M am", - "▁Ma m", - ". term", - ".t erm", - ".te rm", - "_ pi", - "_p i", - "c zy", - "cz y", - ". pub", - ".p ub", - "p recio", - "pre cio", - "prec io", - "▁V irt", - "▁Vir t", - "▁Vi rt", - "▁r oman", - "▁ro man", - "▁rom an", - "▁roma n", - "it at", - "ita t", - "L ex", - "Le x", - "_ infos", - "_in fos", - "_info s", - "_inf os", - ". other", - ".o ther", - "VE LO", - "VEL O", - "▁ ponder", - "▁p onder", - "▁po nder", - "▁pon der", - "▁pond er", - "▁h anno", - "▁han no", - "( Page", - "(P age", - "d oi", - "do i", - "▁pol ite", - "▁polit e", - "▁program mer", - "▁programme r", - "▁programm er", - "D ies", - "Die s", - "Di es", - "$ d", - "▁rep lication", - "▁repl ication", - "▁replic ation", - "▁replica tion", - "add Column", - "fr ican", - "frica n", - "▁l eng", - "▁le ng", - "▁len g", - "b eer", - "be er", - "bee r", - "o it", - "oi t", - "▁w asting", - "▁was ting", - "▁wast ing", - "y lim", - "yl im", - "me asure", - "N eg", - "Ne g", - "▁part ie", - "▁par tie", - ". console", - ".con sole", - "▁Gu inea", - "▁Gui nea", - "T EL", - "TE L", - "_ fact", - "_f act", - "_fac t", - ". chunk", - ".ch unk", - "▁l ent", - "▁le nt", - "▁len t", - "▁ aller", - "▁a ller", - "▁al ler", - "▁all er", - "▁alle r", - "_ idle", - "_id le", - "▁ad missions", - "▁adm issions", - "▁admission s", - "JSON Array", - "▁v ibration", - "▁vibr ation", - "▁vib ration", - ". helpers", - ".h elpers", - ".helper s", - ".help ers", - "▁ hen", - "▁h en", - "▁he n", - "j ohn", - "jo hn", - "▁jud gement", - "▁judge ment", - "▁g een", - "▁ge en", - "▁gee n", - "t erra", - "ter ra", - "^ {", - "▁I z", - "in stances", - "instance s", - "inst ances", - "instanc es", - "▁threat ens", - "▁threaten s", - "Kind OfClass", - "▁storyt elling", - "_ demo", - "_d emo", - "_de mo", - "r ias", - "ri as", - "ria s", - "Priv acy", - "h ift", - "hi ft", - "▁Y i", - "es or", - "eso r", - "ens itivity", - ". Writer", - ".W riter", - ".Write r", - "D istrict", - "Di strict", - ".get JSONObject", - "Im pro", - "Imp ro", - "(get Resources", - "▁ SPELL", - "▁S PELL", - "▁SP ELL", - "ro duce", - "rodu ce", - "rod uce", - "▁sl owed", - "▁slow ed", - "▁ linewidth", - "▁line width", - "▁lin ewidth", - "▁hon esty", - "▁honest y", - "▁ho nesty", - "▁ Coord", - "▁Co ord", - "▁F ork", - "▁For k", - "▁Fo rk", - "▁Dispatch Queue", - "▁Cl iff", - "▁W iring", - "▁Wi ring", - "▁Wir ing", - "_TIM ESTAMP", - "ol lah", - "oll ah", - "olla h", - "a void", - "av oid", - "avo id", - "++ ];\n", - "++] ;\n", - "sem antic", - "- css", - "-c ss", - "▁v eto", - "▁ve to", - "▁vet o", - "▁M err", - "▁Me rr", - "▁Mer r", - "▁legisl ators", - "CEE DED", - "▁question naire", - "▁P ills", - "▁Pill s", - "▁Pil ls", - "C alculate", - "Cal culate", - "Calc ulate", - "Calcul ate", - "( core", - "(c ore", - "(co re", - "(cor e", - "' e", - "▁dis like", - "▁ Preferences", - "▁P references", - "▁Pre ferences", - "▁Preference s", - "_EX TERNAL", - "_EXTERN AL", - "▁d odge", - "▁dod ge", - ". names", - ".n ames", - ".name s", - ".draw Image", - "_ prom", - "_p rom", - "_pro m", - "_pr om", - "uck land", - "▁<$ >", - "/ site", - "/s ite", - "rop he", - "roph e", - "▁comp elled", - "▁l aptops", - "▁laptop s", - "▁ uni", - "▁u ni", - "▁un i", - "C LOSE", - "▁casual ties", - "▁ Uniform", - "▁Un iform", - "▁Uni form", - "Term inal", - ". \",\"", - ".\" ,\"", - ".\", \"", - "D AT", - "DA T", - "( TreeNode", - "(T reeNode", - "▁Gand hi", - "( stmt", - "(st mt", - "A XB", - "AX B", - "* M", - "▁umb rella", - "an imal", - "ani mal", - "anim al", - "▁ grpc", - "▁g rpc", - "▁gr pc", - "▁grp c", - "▁where by", - "▁float s", - "▁flo ats", - "\t arg", - "\ta rg", - "▁ dbg", - "▁d bg", - "▁db g", - "▁exceed ing", - "Event Type", - ".SaveChanges Async", - "▁{ {{", - "▁{{ {", - "▁ owed", - "▁ow ed", - "▁owe d", - "ahren heit", - "▁equ ipo", - "▁equip o", - "ur ai", - "ura i", - "▁id ol", - "] \")\n", - "]\" )\n", - "_ major", - "_m ajor", - "▁entire ty", - "inger print", - "/ account", - "/a ccount", - "\t right", - "\tr ight", - "urs os", - "▁E DT", - "▁ED T", - "_ INSERT", - "_INS ERT", - "▁sh ining", - "▁< :", - "Edge Insets", - "▁colon ies", - ". IM", - ".I M", - "\t ▁\t", - "\t▁ \t", - "R OAD", - "RO AD", - "C CCC", - "CC CC", - "CCC C", - "pl acing", - "pla cing", - "▁get Activity", - "em acs", - "ema cs", - "' %(", - "'% (", - ". clicked", - ".cl icked", - ".click ed", - "▁T hem", - "▁The m", - "▁Th em", - "is ia", - "isi a", - "Bus car", - "Bu scar", - ". rename", - ".re name", - ".r ename", - "▁o ath", - "▁after ward", - "▁U FO", - "A PS", - "AP S", - "▁Jackson ville", - ". some", - ".s ome", - ".so me", - "Conf irmed", - "Confirm ed", - ". scan", - ".s can", - ".sc an", - "ig Integer", - "Decor ator", - "sh ield", - "shi eld", - "ress ive", - ". did", - ".d id", - ".di d", - "▁sh utter", - "▁shut ter", - "D am", - "Da m", - "▁parent ing", - "▁paren ting", - "ey ed", - "eye d", - "$ item", - "$i tem", - "- develop", - "-de velop", - "▁ex tracts", - "▁extra cts", - "▁extract s", - "▁extr acts", - "▁decentral ized", - "▁El sa", - "_ spin", - "_s pin", - "_sp in", - "_spi n", - "] )+", - "]) +", - "- initial", - "-in itial", - "-init ial", - "▁mult itude", - "▁sens ory", - "▁sensor y", - "▁ MODEL", - "▁MO DEL", - "▁MOD EL", - "▁MODE L", - "▁safe guard", - "▁safeg uard", - "▁hun ters", - "▁hunt ers", - "▁hunter s", - "▁T iny", - "▁Ti ny", - "▁Tin y", - "I NO", - "IN O", - "dec orate", - "decor ate", - "▁No Such", - "H o", - "( Response", - "▁r uler", - "▁rule r", - "▁ru ler", - "\t short", - "\ts hort", - "\tsh ort", - "▁ caster", - "▁c aster", - "▁ca ster", - "▁cas ter", - "▁cast er", - "▁client Id", - "▁p db", - "▁pd b", - "i tic", - "it ic", - "iti c", - "▁ GameState", - "▁Game State", - "▁new Item", - ") \n\n\n\n\n\n", - ")\n \n\n\n\n\n", - ")\n\n \n\n\n\n", - ")\n\n\n \n\n\n", - ")\n\n\n\n \n\n", - "o uis", - "ou is", - "n oc", - "no c", - ".BL ACK", - "_ VECTOR", - "_V ECTOR", - "---------- ();", - ">( );", - ">() ;", - ".get P", - "an ye", - "any e", - "▁ne uron", - "▁neuro n", - "▁neu ron", - "▁neur on", - "i fold", - "if old", - "ifo ld", - "▁ Known", - "▁K nown", - "▁Kn own", - "▁Know n", - "Bit coin", - "Any way", - "ay ette", - "aye tte", - "▁' ['", - "▁'[ '", - "m gr", - "mg r", - "▁cor related", - "▁corre lated", - "▁correl ated", - "▁n ause", - "▁na use", - "▁mental ity", - "▁ment ality", - "has Many", - "▁ FG", - "▁F G", - "am pie", - "amp ie", - "IT U", - "F s", - ". Sp", - ".S p", - "_ between", - "_b etween", - "Dep endencies", - "o ug", - "ou g", - "Place holder", - "= text", - "=t ext", - "▁Man aging", - "▁Mana ging", - "ocal ypse", - "_ mag", - "_m ag", - "f ld", - "fl d", - "C AM", - "CA M", - "▁ Helpers", - "▁H elpers", - "▁Help ers", - "▁Helper s", - "▁Hel pers", - "▁d ost", - "▁do st", - "▁dos t", - "/ out", - "/o ut", - "▁assass ination", - ".get Image", - "▁K enny", - "▁Ken ny", - "▁Kenn y", - ". ')\n\n", - ".' )\n\n", - ".')\n \n", - ".') \n\n", - ") {//", - "){ //", - "▁R anger", - "▁Range r", - "▁Ran ger", - "▁g ek", - "▁ge k", - "▁since re", - "▁sinc ere", - "▁sincer e", - "< Value", - "\r\n", - "/> \r\n", - ".get Resources", - ".getResource s", - "▁l ump", - "▁lu mp", - "▁lum p", - "_con sts", - "_const s", - "_cons ts", - "( ext", - "(e xt", - "(ex t", - "\t dir", - "\td ir", - "▁padding Top", - "▁ob session", - "▁obs ession", - "▁obsess ion", - "▁b anning", - "▁ban ning", - "▁App Module", - "▁p artisan", - "▁part isan", - "▁catalog ue", - "▁catal ogue", - "▁min ors", - "▁minor s", - "▁p itches", - "▁pitch es", - "▁pit ches", - "we ep", - "▁under take", - "▁undert ake", - "▁th emed", - "▁the med", - "▁them ed", - "▁theme d", - "a udit", - "au dit", - "aud it", - "audi t", - ". scrollTop", - ".scroll Top", - ".scrollTo p", - "▁ rer", - "▁re r", - "▁r er", - "▁sympt om", - "▁symp tom", - "▁open ings", - "▁opening s", - ". blocks", - ".b locks", - ".bl ocks", - ".block s", - "open id", - "ope nid", - "▁a ssh", - "▁as sh", - "▁ass h", - "- save", - "-s ave", - "▁P ig", - "▁Pi g", - "▁re gain", - "▁reg ain", - "▁in icial", - "▁ini cial", - "▁inici al", - "/ favicon", - "/f avicon", - "\t exp", - "\te xp", - "\tex p", - "▁sp ices", - "▁spi ces", - "▁spice s", - "is ka", - "isk a", - "cl aims", - "claim s", - "cla ims", - "m ak", - "ma k", - "definition s", - "▁correspond ent", - "▁Cann abis", - "_ _,\n", - "__ ,\n", - "__, \n", - "▁L ucky", - "▁Luc ky", - "▁Luck y", - "▁G aussian", - "▁Ga ussian", - "▁N early", - "▁Near ly", - "C AD", - "CA D", - "' ]]\n", - "'] ]\n", - "']] \n", - "▁adequate ly", - "▁adequ ately", - "▁ TITLE", - "▁T ITLE", - "constitution al", - "- mm", - "-m m", - "_ override", - "_over ride", - "▁ blas", - "▁b las", - "▁bl as", - ".ready State", - "▁remin is", - "▁rein forced", - "▁reinforce d", - "▁Coll abor", - "▁decor ating", - "▁b achelor", - "ERRU PT", - "▁up right", - "ip ation", - "▁N oble", - "▁No ble", - "▁Nob le", - "▁value ForKey", - "▁set Loading", - ". Ignore", - ".I gnore", - "G lobals", - "Global s", - "▁M ent", - "▁Me nt", - "▁Men t", - "AS SES", - "ASS ES", - "▁lim bs", - "▁limb s", - "▁ HUD", - "▁H UD", - "in ci", - "inc i", - ". iv", - ".i v", - "▁Q ModelIndex", - "F use", - "▁pe dal", - "▁ped al", - "_F REQ", - "_FR EQ", - "( verbose", - "▁long itud", - "▁Ch arter", - "▁Char ter", - "▁Chart er", - "▁b undles", - "▁bund les", - "▁bundle s", - ". ignore", - ".i gnore", - "um bo", - "umb o", - "E MA", - "EM A", - ". ......", - ".. .....", - "... ....", - ".... ...", - "..... ..", - "...... .", - "s x", - ". Card", - ".C ard", - "▁he ute", - "▁st eer", - "▁ste er", - "j umlah", - "▁{ _", - "_ Checked", - "_Check ed", - "▁ fax", - "▁f ax", - "▁fa x", - "▁G ust", - "▁Gu st", - "itch ens", - "itchen s", - "▁ ))\n\n", - "▁) )\n\n", - "▁)) \n\n", - "▁))\n \n", - "▁remark ably", - "/ XML", - "/X ML", - "- remove", - "-re move", - "_ bt", - "_b t", - "▁inc ub", - ". package", - ".p ackage", - ".pack age", - ".current Thread", - "▁High lander", - ". side", - ".s ide", - "s plash", - "sp lash", - "▁ ici", - "▁i ci", - "▁ic i", - "= D", - "▁p uck", - "▁pu ck", - "▁ball ots", - "▁ballot s", - "▁ballo ts", - "▁huge ly", - "▁hug ely", - "c oeff", - "co eff", - "▁ pData", - "▁p Data", - ".C OLUMN", - "▁He aling", - "▁ ordin", - "▁ord in", - "! ),", - "!) ,", - "▁' ',\r\n", - "▁'' ,\r\n", - "▁'', \r\n", - "( md", - "(m d", - "▁S ask", - "▁Sa sk", - "▁Sas k", - "< strong", - "▁surv ivor", - "▁surviv or", - ". series", - ".s eries", - ".se ries", - "▁caffe ine", - "▁` (", - ".TRA ILING", - "_ Input", - "_In put", - "(\" ^", - "z d", - "& );\n", - "&) ;\n", - "▁P ing", - "▁Pin g", - "▁Pi ng", - "▁v oucher", - "▁vou cher", - ". rating", - ".r ating", - "-sh irts", - "-shirt s", - "▁Retrie ves", - "▁Retrieve s", - ".al ibaba", - "Or acle", - "_M OV", - "_MO V", - "Old Data", - "▁ /*\r\n", - "▁/ *\r\n", - "▁/* \r\n", - "▁g boolean", - "▁= >\r\n", - "▁=> \r\n", - "▁bl unt", - "▁Image Icon", - "if ik", - "ifi k", - "R TC", - "RT C", - "▁fi bers", - "▁fib ers", - "▁fiber s", - "▁to ile", - ". sent", - ".s ent", - ".se nt", - "▁Py Qt", - "$ app", - "$a pp", - "▁med io", - "▁medi o", - "▁grant ing", - "▁gran ting", - "▁ts lint", - "▁tsl int", - "(fig size", - "▁hur ricane", - "▁life s", - "▁lif es", - "rocess ing", - "_ standard", - "_st andard", - "- option", - "-o ption", - "-op tion", - "-opt ion", - "' )))", - "') ))", - "')) )", - "▁vac ant", - "▁H ollow", - "▁Hol low", - "▁Holl ow", - "handle Change", - "▁ divider", - "▁di vider", - "▁div ider", - "▁divide r", - "▁divid er", - "▁Engine ers", - "▁Engineer s", - "▁s vens", - "▁sv ens", - "▁com pliant", - "▁compl iant", - "t anggal", - "▁C redits", - "▁Credit s", - "▁Em irates", - "Rule Context", - "▁real ization", - "▁realiz ation", - "▁dis tracted", - "▁distr acted", - "] +=", - "]+ =", - "▁au gment", - "▁aug ment", - "▁D w", - "o tp", - "ot p", - "or rent", - "orr ent", - "Ed itar", - "Edit ar", - ". stock", - ".st ock", - "St udy", - "p ections", - "pe ctions", - "pect ions", - "pection s", - "▁Game Manager", - "= cut", - "=c ut", - "▁f lock", - "▁fl ock", - "▁flo ck", - "▁Rom ans", - "▁Roman s", - "▁Roma ns", - "t hem", - "th em", - "the m", - "- hop", - "-h op", - "▁screen shots", - "▁screens hots", - "▁screenshot s", - "▁ /*!\n", - "▁/* !\n", - "▁/*! \n", - "▁con versions", - "▁conv ersions", - "▁convers ions", - "▁conversion s", - "▁normal ization", - "( configuration", - "(config uration", - "▁a eros", - "▁aer os", - "▁ae ros", - "_ security", - "_s ecurity", - "_se curity", - "_sec urity", - "! '\n", - "!' \n", - "B onus", - "Bon us", - "▁DR IVER", - "\t Date", - "\tD ate", - "t ie", - "ti e", - "▁Wy oming", - "St and", - "Stan d", - "i tre", - "it re", - "itr e", - "▁sh oppers", - "▁shop pers", - "▁disadv antage", - "▁l iking", - "▁li king", - "▁lik ing", - "▁understand able", - "S EE", - "SE E", - "▁h oy", - "▁ho y", - "▁nine te", - "▁nin ete", - "▁con fer", - "▁conf er", - "▁ nowrap", - "▁no wrap", - "▁now rap", - "▁V ern", - "▁Ver n", - "▁Ve rn", - ", \r\n\r\n", - ",\r\n \r\n", - "ime step", - "imest ep", - "Layout Manager", - "\t wait", - "\tw ait", - "P LETED", - "PLE TED", - "J apan", - "Ja pan", - "▁in duce", - "▁ind uce", - "▁indu ce", - "_END POINT", - ". horizontal", - ".h orizontal", - "▁acceler ated", - "▁accelerate d", - "r imon", - "ri mon", - "rim on", - "IV ES", - "IVE S", - "Trans actions", - "Transaction s", - "L ean", - "Le an", - "▁S OUR", - "▁SO UR", - "wh ether", - "y g", - "▁ oid", - "▁o id", - "▁ EntityManager", - "▁Entity Manager", - "OUN TRY", - "OUNT RY", - "▁ fila", - "▁f ila", - "▁fil a", - "▁fi la", - "OLUM NS", - "OLUMN S", - "IN UE", - "▁ Anchor", - "▁An chor", - "▁Anc hor", - "TR AN", - "TRA N", - "w oo", - "wo o", - "block quote", - "▁N urse", - "▁Nurs e", - "▁Nur se", - "▁C arp", - "▁Car p", - "▁Ca rp", - "▁rede em", - ". try", - ".t ry", - ".tr y", - "▁ JP", - "▁J P", - "▁ timestamps", - "▁timestamp s", - "▁?> \"><", - "▁?>\" ><", - "▁?>\"> <", - "▁RE MOVE", - "▁REM OVE", - "▁Star bucks", - "Re ally", - "Real ly", - "▁flo oded", - "▁flood ed", - ". Callback", - ".C allback", - ".Call back", - "Drop Down", - "i pro", - "ip ro", - "▁t ended", - "▁ten ded", - "▁tend ed", - "l te", - "lt e", - "▁proportion s", - "▁proport ions", - "- te", - "-t e", - "▁R ena", - "▁Re na", - "▁Ren a", - "l icate", - "lic ate", - "li cate", - "lica te", - "for ces", - "force s", - "forc es", - ". extra", - ".ex tra", - ".ext ra", - ". authenticate", - ".auth enticate", - "▁for ControlEvents", - "▁ senha", - "▁sen ha", - "▁ke in", - "▁min ist", - "▁mini st", - "▁ Preference", - "▁P reference", - "▁Pre ference", - "▁Tele graph", - "str pos", - "▁illness es", - "▁p igs", - "▁pi gs", - "▁pig s", - "▁get Intent", - "S ol", - "So l", - "( cpu", - "(c pu", - "(cp u", - "[ prop", - "[p rop", - "s creens", - "screen s", - "') ;?>", - "'); ?>", - "▁A cts", - "▁Act s", - "▁Ac ts", - "▁str dup", - "▁a verages", - "▁average s", - "▁aver ages", - "a nal", - "an al", - "ana l", - "▁Cas ual", - "Group Box", - "▁Hand book", - "/ comments", - "/com ments", - "▁number ed", - "▁numb ered", - "▁broadcast ing", - ".native Element", - ". mu", - ".m u", - "▁updated At", - "▁Does n", - "▁Doe sn", - ". AC", - ".A C", - ". coll", - ".c oll", - ".co ll", - ".col l", - "▁rec order", - "▁record er", - "_ sha", - "_s ha", - "_sh a", - "B g", - "b il", - "bi l", - "▁bol ts", - "▁bolt s", - "▁im posing", - "▁imp osing", - "▁Information en", - "_flash data", - "e conomic", - "ec onomic", - "R emark", - "Re mark", - "Rem ark", - "u cas", - "uc as", - "▁Off icers", - "▁Office rs", - "▁Officer s", - "▁ TER", - "▁T ER", - "▁TE R", - "W alk", - "▁merc ado", - "_ generate", - "_g enerate", - "_gen erate", - "_gene rate", - "H Y", - "C alling", - "Call ing", - "Cal ling", - "s nap", - "sn ap", - "script Id", - ". operation", - ".op eration", - "▁Fl ame", - "▁Fla me", - "l iness", - "li ness", - "line ss", - "lin ess", - "lines s", - "▁r ented", - "▁ren ted", - "▁rent ed", - "_ toggle", - "_t oggle", - "- changing", - "-ch anging", - "▁ TY", - "▁T Y", - "' util", - "E EP", - "EE P", - "▁ graphql", - "▁graph ql", - "▁U ni", - "▁Un i", - "▁imp ulse", - ". Basic", - ".B asic", - "▁energ ies", - "M ARY", - "MA RY", - "MAR Y", - "▁Mar cel", - "▁Marc el", - "▁m ortal", - "▁mor tal", - "▁mort al", - "▁f res", - "▁fr es", - "▁fre s", - "m ens", - "me ns", - "men s", - "m otion", - "mo tion", - "mot ion", - "▁sample d", - "▁sam pled", - "▁samp led", - "i day", - "id ay", - "ida y", - "qu ipment", - "quip ment", - "get Int", - "▁ Absolute", - "▁A bsolute", - "▁Abs olute", - ", '\"", - ",' \"", - "u ned", - "un ed", - "une d", - ". share", - ".sh are", - "▁ })(", - "▁} )(", - "▁}) (", - "m mm", - "mm m", - "▁R ising", - "▁Ris ing", - "▁un employed", - "x fa", - "xf a", - ". follow", - ".f ollow", - "\t \t\t\t▁▁▁▁▁▁", - "\t\t \t\t▁▁▁▁▁▁", - "\t\t\t\t ▁▁▁▁▁▁", - "\t\t\t \t▁▁▁▁▁▁", - "\t\t\t\t▁ ▁▁▁▁▁", - "\t\t\t\t▁▁▁ ▁▁▁", - "\t\t\t\t▁▁ ▁▁▁▁", - "\t\t\t\t▁▁▁▁ ▁▁", - "\t\t\t\t▁▁▁▁▁ ▁", - "s lt", - "sl t", - ". Phone", - ".P hone", - ".Ph one", - "▁kn ives", - "▁e ve", - "▁ev e", - "on Click", - "] ))\r\n", - "]) )\r\n", - "])) \r\n", - "▁W itness", - "\t NS", - "\tN S", - "▁ EOS", - "▁E OS", - "▁Ste fan", - "▁Pr iest", - "▁Pri est", - "Get String", - ". By", - ".B y", - "▁up stairs", - "▁detr iment", - "br oken", - "bro ken", - "em bro", - "emb ro", - "embr o", - "▁nic otine", - "il ion", - "ili on", - "ilio n", - "▁aston ishing", - "_ aff", - "_a ff", - "▁Le sson", - "▁Less on", - "▁Les son", - "▁acc idental", - "▁accident al", - "od or", - "odo r", - "▁de cir", - "▁dec ir", - "▁new Name", - "+ .", - "igs list", - "▁G ithub", - "▁Git hub", - "▁success ive", - "r acial", - "ra cial", - "rac ial", - "▁en viron", - "▁env iron", - "▁envi ron", - "▁redirect ed", - "T OTAL", - "▁grab bing", - "▁L ance", - "▁La nce", - "▁Lan ce", - "▁Lanc e", - "▁for fe", - "_ CB", - "_C B", - "El apsed", - "_ way", - "_w ay", - "(Dialog Interface", - "_ measure", - "_me asure", - "x bb", - "xb b", - "D og", - "Do g", - "De part", - "Dep art", - "- src", - "-s rc", - "res olver", - "resolve r", - "with standing", - "_ shell", - "_s hell", - "_sh ell", - "▁ LastName", - "▁Last Name", - "▁Av iation", - "▁beg inner", - "▁begin ner", - "(\" %.", - "(\"% .", - "( tool", - "(t ool", - "(to ol", - ": init", - ":i nit", - "( API", - "(A PI", - "(AP I", - "▁Morris on", - "▁Morr ison", - "vt Color", - "▁sta ple", - "▁stap le", - "/ INFO", - "▁super natural", - "▁supern atural", - "▁ste ak", - "t imeline", - "time line", - "tim eline", - "zz le", - "\" `\n\n", - "\"`\n \n", - "\"` \n\n", - "Second ary", - "▁Ne pal", - "▁Nep al", - ". StringUtils", - ".String Utils", - "▁ adam", - "▁a dam", - "▁ad am", - "▁ada m", - "▁ (...", - "▁( ...", - "▁(. ..", - "▁sub stitution", - "▁substit ution", - "▁subst itution", - "▁ boarding", - "▁bo arding", - "▁board ing", - "▁ Keyword", - "▁Key word", - "▁Ass ault", - "dbc Template", - "▁ orderId", - "▁order Id", - "( engine", - ".assert That", - "▁V enus", - "▁Ven us", - "▁hom icide", - "▁homic ide", - "▁A val", - "▁Av al", - "▁g utter", - "▁gut ter", - "▁ Supported", - "▁S upported", - "▁Sup ported", - "▁Support ed", - "/ part", - "/p art", - "▁ac claimed", - "H istor", - "Hi stor", - "His tor", - "▁me ses", - "▁mes es", - "▁Re new", - "▁Ren ew", - "▁g ras", - "▁gr as", - "▁gra s", - "▁ Ek", - "▁E k", - "▁in file", - "▁inf ile", - "in dy", - "ind y", - ". music", - ".m usic", - ".mu sic", - ". Scroll", - ".S croll", - ".Sc roll", - "▁A ges", - "▁Ag es", - "▁Age s", - "▁Nar uto", - "▁G ather", - "▁Ga ther", - "▁confirm ing", - "= (\"", - "=( \"", - "▁pitch ed", - "▁pit ched", - "o ley", - "ol ey", - "ole y", - "F rance", - "Fr ance", - "+ '\"", - "+' \"", - "$ total", - "$t otal", - "▁ onde", - "▁o nde", - "▁on de", - "▁d itch", - "▁dit ch", - "_ sigma", - "_s igma", - "_sig ma", - "▁contin uity", - "▁continu ity", - "r eward", - "re ward", - "rew ard", - "- load", - "-l oad", - "-lo ad", - "▁pro ceso", - "▁proc eso", - "▁proces o", - "Loc ked", - "Lock ed", - "st aw", - "sta w", - "▁sp inal", - "▁spin al", - "▁spi nal", - "l azy", - "la zy", - "! ==", - "!= =", - "j est", - "je st", - "jes t", - "▁d un", - "▁du n", - "▁Rod gers", - "\t grid", - "\tg rid", - "▁lo gos", - "▁log os", - "▁logo s", - "▁Ben gal", - "▁Beng al", - ". super", - ".s uper", - ".sup er", - "Provid es", - "Provide s", - "▁nut rient", - ". Timestamp", - ".T imestamp", - ".Time stamp", - "IZ ATION", - "▁f ats", - "▁fa ts", - "▁fat s", - "▁X xx", - "ct ica", - "ctic a", - "Target s", - "▁cont ours", - "▁contour s", - "▁re ordered", - ": Array", - ":A rray", - "▁toler ate", - "▁tol erate", - "V ir", - "Vi r", - "▁ter ribly", - "▁terr ibly", - "▁br icks", - "▁brick s", - "▁bri cks", - "(& _", - "h b", - "P ortal", - "Port al", - "Por tal", - "▁B read", - "▁Br ead", - "▁Bre ad", - ". which", - ".wh ich", - "as InstanceOf", - "▁j object", - "▁job ject", - "▁jo bject", - "\t length", - "\tl ength", - "_ MT", - "_M T", - "; \">\r\n", - ";\" >\r\n", - ";\"> \r\n", - "_EX IST", - "▁mat ernal", - "▁ma ternal", - "▁mater nal", - "R EL", - "RE L", - "h ee", - "he e", - "▁ layouts", - "▁layout s", - "▁lay outs", - "▁L ap", - "▁La p", - "a isy", - "ai sy", - "ais y", - "▁st umbled", - "▁U IG", - "▁UI G", - "▁S co", - "▁Sc o", - "▁imp aired", - "▁impair ed", - "RES SED", - "RESS ED", - "▁ab uses", - "▁abuse s", - "V F", - "A RB", - "AR B", - ". NAME", - ".N AME", - "r ch", - "rc h", - "pr imir", - "prim ir", - "_ completed", - "_com pleted", - "_comp leted", - "_complete d", - "▁p enny", - "▁pen ny", - "▁penn y", - "Ch rome", - "( begin", - "(b egin", - "er nen", - "ern en", - "- checkbox", - "-check box", - "Plain OldData", - "▁L PC", - "▁LP C", - "r ade", - "ra de", - "rad e", - "s pir", - "sp ir", - "spi r", - "▁con ceived", - "▁conce ived", - "T ips", - "Tip s", - "Ti ps", - "▁Io T", - "▁G an", - "▁Ga n", - "▁bi ases", - "▁bias es", - "▁consult ants", - "▁consultant s", - "p led", - "pl ed", - "ple d", - "_ ht", - "_h t", - "associ ated", - "assoc iated", - "] ,\n\n", - "], \n\n", - "],\n \n", - "▁delight ful", - "Hel vetica", - "( load", - "(l oad", - "- expand", - "-exp and", - "_W IDGET", - "t oa", - "to a", - "▁A kt", - "▁Ak t", - "▁o mn", - "▁om n", - "▁cl auses", - "▁clause s", - "In tel", - "Int el", - "*/ }\n", - "_ registration", - "_reg istration", - "▁old Value", - "▁rest oring", - "▁un real", - "▁unre al", - "O VER", - "OVE R", - "OV ER", - "\t\n \t\n\t\n", - "\t\n\t\n \t\n", - "A TS", - "AT S", - "_ probe", - "_p robe", - "_pro be", - "_pr obe", - "_prob e", - "▁di visor", - "▁div isor", - "▁divis or", - ".update Dynamic", - "Produ ces", - "st amp", - "sta mp", - ".j boss", - "\t task", - "\tt ask", - "! (:", - "!( :", - "▁psych ic", - "@ class", - "M artin", - "Mar tin", - "▁P assed", - "▁Pass ed", - "▁Pas sed", - "clar ations", - "claration s", - "h el", - "he l", - "\t copy", - "\tc opy", - "- bin", - "-b in", - "z an", - "za n", - "i gram", - "ig ram", - "igr am", - "( sig", - "(s ig", - "▁C aval", - "▁Ca val", - "▁Cav al", - "_ ##", - "▁ %=", - "▁% =", - "out lined", - "outline d", - "▁A cid", - "▁Ac id", - "▁unpredict able", - "- dashboard", - "-d ashboard", - "Hex String", - "+ c", - ". Public", - ".P ublic", - "▁convey or", - "▁ EB", - "▁E B", - "▁select s", - "▁sele cts", - "▁knock ing", - "▁C ec", - "▁Ce c", - "IB UTES", - "IBUT ES", - "IBUTE S", - "g atsby", - "* v", - "ent ropy", - "entr opy", - "▁dispatch ed", - "▁disp atched", - "▁c amel", - "▁ca mel", - "▁came l", - "▁cam el", - "▁Sat urn", - "▁Sa turn", - "▁over weight", - "( phone", - "(p hone", - "(ph one", - "par able", - "para ble", - "% B", - "_v ectors", - "_vector s", - "_vect ors", - "▁bre wing", - "▁brew ing", - "▁T k", - "▁ Downloads", - "▁Down loads", - "▁Download s", - "▁ Saved", - "▁S aved", - "▁Save d", - "▁Sa ved", - "▁Sav ed", - ". Price", - ".P rice", - ".Pr ice", - "▁cur ved", - "▁curve d", - "▁Parent hood", - "▁Paren thood", - ".p nl", - "plete ly", - "plet ely", - ". Day", - ".D ay", - "▁advert isers", - "▁advertis ers", - "▁advertise rs", - "▁ej ec", - "▁pr zed", - "▁prz ed", - "▁prze d", - "! ';\n", - "!' ;\n", - "▁K ush", - "▁Ku sh", - "▁T AB", - "▁TA B", - "▁qu ests", - "▁que sts", - "▁quest s", - "▁coinc idence", - "umm ies", - "▁Kash mir", - "▁Eth ics", - "▁Ethi cs", - "_g rowth", - "▁akt iv", - "▁group ing", - "_ truth", - "_tr uth", - "t odos", - "to dos", - "todo s", - "i set", - "is et", - "ise t", - "Tex Coord", - "▁Z ur", - "▁Zu r", - "ro ys", - "roy s", - "_M AGIC", - "_MAG IC", - "▁brew ery", - "( State", - "▁SM ALL", - "▁Pl ants", - "▁Plan ts", - "▁Plant s", - "it bart", - "e acher", - "each er", - "ea cher", - "▁Ad elaide", - "L u", - "▁f ick", - "▁fi ck", - "▁fic k", - "und les", - "undle s", - "_ loaded", - "_lo aded", - "_load ed", - "P oll", - "Pol l", - "Po ll", - "r itic", - "ri tic", - "rit ic", - "E LY", - "EL Y", - "▁ +'", - "▁+ '", - "▁Prof ession", - "▁st amps", - "▁stamp s", - "▁S ew", - "▁Se w", - "s crollView", - "scroll View", - "▁comm unist", - "▁commun ist", - "/pro blems", - "} \r\n\r\n\r\n\r\n", - "}\r\n \r\n\r\n\r\n", - "}\r\n\r\n \r\n\r\n", - "}\r\n\r\n\r\n \r\n", - ", o", - "▁ udp", - "▁u dp", - "▁ud p", - "▁ob ese", - "ap prove", - "app rove", - "appro ve", - "anc ellation", - "ancel lation", - "ancell ation", - "_ Game", - "_G ame", - "▁Hash table", - "▁Has htable", - "adaptive Styles", - "▁possess es", - ".m atcher", - ".match er", - ".mat cher", - "function al", - "M rs", - "Mr s", - "\t save", - "\ts ave", - "▁ DbType", - "▁Db Type", - "▁ ken", - "▁k en", - "▁ke n", - "get Context", - "▁m ans", - "▁man s", - "▁ma ns", - "( rel", - "(r el", - "(re l", - "▁Brother hood", - ") `\n", - ")` \n", - ". Information", - ".In formation", - "OutOfRange Exception", - "▁S ek", - "▁Se k", - "C as", - "Ca s", - "▁blog gers", - "▁blogger s", - "E ither", - "( \"\"\"", - "(\" \"\"", - "(\"\" \"", - "▁p inch", - "▁pin ch", - "▁co arse", - ") p", - "▁P ulse", - "▁Pul se", - "▁learn t", - "▁lear nt", - "▁dent ist", - "▁on change", - "▁direct ives", - "▁directive s", - "( actions", - "(a ctions", - "(action s", - "(act ions", - "ny der", - "▁S hir", - "▁Sh ir", - "▁Shi r", - "T rait", - "Tr ait", - "Tra it", - "_ dep", - "_d ep", - "_de p", - "▁P ET", - "▁PE T", - "▁R EP", - "▁RE P", - ".App Settings", - "cu ador", - "ide nav", - "iden av", - "▁en vi", - "▁env i", - "▁sl ammed", - "▁slam med", - "▁Sh oot", - "▁date Format", - ".j oda", - "ve ys", - "vey s", - "▁ ).\n\n", - "▁) .\n\n", - "▁). \n\n", - "▁car eg", - "▁ca reg", - "▁care g", - "▁ Parallel", - "▁Par allel", - "_ translation", - "_trans lation", - ". functions", - ".function s", - ". obs", - ".o bs", - ".ob s", - "Runtime Exception", - "[ ]=", - "[] =", - "ov erview", - "over view", - "▁Sc hl", - "▁Sch l", - "▁no isy", - "▁noi sy", - "▁On PropertyChanged", - "S ending", - "Send ing", - "Sen ding", - "▁unf amiliar", - "U pon", - "Up on", - "▁Pr ints", - "▁Print s", - ". typ", - ".t yp", - "▁fle eing", - "▁flee ing", - "\t move", - "\tm ove", - "\tmov e", - "( Un", - "(U n", - "▁ qr", - "▁q r", - "_ beta", - "_b eta", - "_be ta", - "▁sk ies", - "▁ski es", - "\t me", - "\tm e", - "W ND", - "WN D", - "▁st ickers", - "▁stick ers", - "▁sticker s", - "b las", - "bl as", - "▁ins erts", - "▁insert s", - "▁inser ts", - "▁ver ses", - "▁vers es", - "▁verse s", - "▁D ew", - "▁De w", - "▁t angible", - "▁tang ible", - "▁h echo", - "▁he cho", - "P OL", - "PO L", - "▁te ardown", - "▁tear down", - "om nia", - "I BE", - "IB E", - ". cover", - ".c over", - ".co ver", - "_str ategy", - "^ -", - "set Position", - "u ale", - "ual e", - "ua le", - "S igned", - "Sign ed", - "Sig ned", - "▁ iface", - "▁if ace", - "▁i face", - "as eline", - "ase line", - ".set Time", - "▁Min eral", - "▁Mine ral", - "▁F ighting", - "▁Fight ing", - "s kins", - "sk ins", - "ski ns", - "skin s", - "▁discrim in", - "▁d ansk", - "▁dans k", - "▁dan sk", - "▁Pr inceton", - "▁Prince ton", - "ac ist", - "aci st", - "▁ ());\n", - "▁( ));\n", - "▁() );\n", - "▁()) ;\n", - "tr acks", - "tra cks", - "track s", - "imon ial", - "a decimal", - "ad ecimal", - "EP ROM", - "ug gle", - "ugg le", - ". Notification", - ".Not ification", - "$ mail", - "$m ail", - "c antidad", - "▁J ung", - "▁Jun g", - "▁Ju ng", - "▁see kers", - "▁seek ers", - "▁pl ausible", - "t ier", - "ti er", - "tie r", - "▁ rapper", - "▁r apper", - "▁rap per", - "▁ra pper", - "▁rapp er", - "▁M ana", - "▁Man a", - "▁Ma na", - "▁Http StatusCode", - "▁HttpStatus Code", - "▁bur nt", - "▁burn t", - "l oses", - "lo ses", - "lose s", - "los es", - "▁ Foto", - "▁F oto", - "▁Fo to", - "▁ JsonObject", - "▁Json Object", - "Inst agram", - "▁sys call", - "▁real ities", - "▁MAT LAB", - ":^ {\n", - "T ERM", - "TE RM", - "TER M", - "▁C bd", - "▁ Paragraph", - "▁Par agraph", - "▁Para graph", - "▁construct ing", - "▁s wal", - "▁sw al", - "▁p ige", - "▁pi ge", - "▁pig e", - "LL LL", - "- existing", - "-ex isting", - "G ets", - "Get s", - "Ge ts", - "▁mel ted", - "▁melt ed", - "▁mitig ate", - "H en", - "He n", - "▁ hm", - "▁h m", - "i mas", - "im as", - "ima s", - "▁A o", - "▁P erez", - "▁Per ez", - "▁Pe rez", - "▁D AL", - "▁DA L", - "▁di vis", - "▁div is", - "Storyboard Segue", - "▁ Modify", - "▁Mod ify", - "▁Modi fy", - "_O VERRIDE", - ".p em", - ".pe m", - "un tos", - "unt os", - "unto s", - "▁{ ?", - "▁ PAY", - "▁P AY", - "▁PA Y", - "_ ipv", - "_i pv", - "_ip v", - "▁F ury", - "▁Fu ry", - "▁Fur y", - "__ .__", - "__. __", - "e low", - "el ow", - "elo w", - "-center ed", - "-cent ered", - "che cks", - "check s", - "_ Reg", - "_R eg", - "_Re g", - "-J avadoc", - "\t load", - "\tl oad", - "▁Like wise", - "▁Lik ewise", - "U NE", - "UN E", - ". sem", - ".s em", - ".se m", - "x cb", - "xc b", - "▁C ave", - "▁Ca ve", - "▁Cav e", - "_ sleep", - "_s leep", - "▁sil ently", - "▁silent ly", - "▁Ext reme", - ".To Upper", - "\t CHECK", - "\tC HECK", - "▁ cue", - "▁c ue", - "▁cu e", - "▁Q ByteArray", - "▁corrupt ed", - "▁im ped", - "▁imp ed", - "▁impe d", - "Get Name", - "▁inaccur ate", - "▁s ober", - "▁so ber", - "▁sob er", - "▁bar code", - "▁ba rcode", - "-- ){\n", - "--) {\n", - "in ki", - "ink i", - "▁d ri", - "▁dr i", - "▁ ALT", - "▁A LT", - "▁AL T", - ">>>> >>>>", - "on ta", - "ont a", - "[ L", - "▁int eres", - "▁inter es", - "▁inte res", - "ver ting", - "vert ing", - "▁d iagnostics", - "▁di agnostics", - "▁diagnostic s", - "p dev", - "pd ev", - "▁Int egrated", - "▁Integr ated", - ") .'", - "). '", - "_ gc", - "_g c", - "$ text", - "$t ext", - ". games", - ".g ames", - ".game s", - "▁T erra", - "▁Ter ra", - "▁Terr a", - "' Re", - ". transfer", - ".trans fer", - "_F IFO", - "get Model", - "▁b land", - "▁bl and", - "▁Col eman", - "▁Cole man", - "▁pr imes", - "▁prim es", - "▁prime s", - "▁pri mes", - "▁cross es", - "n k", - "G ING", - "GIN G", - "GI NG", - "▁ '^", - "▁' ^", - "▁ Blob", - "▁B lob", - "▁Bl ob", - "▁Blo b", - "▁inter course", - "▁Bl vd", - "▁weigh s", - "_ regular", - "_reg ular", - "▁Per th", - "▁separ ating", - "▁separat ing", - "▁b illed", - "▁bill ed", - "▁bil led", - ".tab Control", - "▁p uppet", - "▁pup pet", - "▁util ization", - "▁utiliz ation", - "▁suc ces", - "▁succ es", - "▁l amps", - "▁lamp s", - "▁lam ps", - "_ proj", - "_pro j", - "_pr oj", - "E ric", - "Er ic", - "▁ren ovation", - "▁renov ation", - "▁F amilies", - "▁Fam ilies", - "▁Famil ies", - "▁ Bits", - "▁B its", - "▁Bit s", - "▁Bi ts", - "part ials", - "partial s", - "- Men", - "-M en", - "s olution", - "sol ution", - "▁d warf", - "▁dw arf", - ".IN TEGER", - "▁ LOCK", - "▁L OCK", - "▁LO CK", - "▁LOC K", - ". ct", - ".c t", - "▁ex cerpt", - "▁excer pt", - "▁P ix", - "▁Pi x", - "▁ FirstName", - "▁First Name", - "AN TED", - "ANT ED", - "▁Ad mir", - "- help", - "-h elp", - "-he lp", - "P rior", - "Pr ior", - "▁ Align", - "▁Al ign", - "▁Ali gn", - ". INSTANCE", - ".IN STANCE", - "Line Edit", - "(' /:", - "('/ :", - "▁ inet", - "▁in et", - "▁i net", - "▁ine t", - "od us", - ".p kl", - ".pk l", - "▁K Y", - "up ert", - "uper t", - "▁n erves", - "▁nerv es", - "▁nerve s", - "▁ner ves", - "_ gradient", - "_grad ient", - "} ','", - "}' ,'", - "}', '", - "_un ref", - "▁s aturated", - "▁satu rated", - "▁ Connected", - "▁Connect ed", - "▁Conn ected", - "▁ FN", - "▁F N", - "EX IT", - "▁tele port", - "▁av ait", - "Page Route", - "▁divorce d", - "▁divor ced", - "( lang", - "(l ang", - "f st", - "fs t", - "▁T yr", - "▁Ty r", - "▁m essenger", - "▁mess enger", - "i fstream", - "if stream", - "X S", - "▁B anking", - "▁Bank ing", - "▁Ban king", - "▁infect ious", - "▁M ons", - "▁Mon s", - "▁Mo ns", - "_LO OP", - "▁obt ener", - "/re pos", - "V el", - "Ve l", - "a cro", - "ac ro", - "▁user Repository", - "style Type", - "▁ SRC", - "▁S RC", - "▁SR C", - "VML INUX", - "rec ursive", - "/ bar", - "/b ar", - "_ chip", - "_c hip", - "_ch ip", - "o minated", - "om inated", - "omin ated", - "▁N it", - "▁Ni t", - "▁Budd h", - "▁Bud dh", - "▁M AG", - "▁MA G", - "▁ CHE", - "▁C HE", - "▁CH E", - "_ den", - "_d en", - "_de n", - ". raises", - ".r aises", - "_ degree", - "_d egree", - "_de gree", - "_deg ree", - "▁pump kin", - "_ templates", - "_template s", - "_temp lates", - "_tem plates", - "_M EDIA", - "▁ Timeline", - "▁T imeline", - "▁Time line", - "▁Tim eline", - "▁b ots", - "▁bo ts", - "▁bot s", - "Object Type", - "▁bu ys", - "▁buy s", - ". posts", - ".post s", - ".pos ts", - ".po sts", - "C AL", - "CA L", - "wa iting", - "wait ing", - "▁Daniel s", - "▁Dani els", - "▁d abei", - "▁S igma", - "▁Sig ma", - "i lor", - "il or", - "ilo r", - "i gel", - "ig el", - "ige l", - ", W", - "A DS", - "AD S", - "( panel", - "(p anel", - "it ating", - "ita ting", - "itat ing", - ". palette", - ".p alette", - ".pa lette", - "▁mos quito", - "▁t ego", - "▁te go", - "▁teg o", - "( parseInt", - "(parse Int", - "p romise", - "prom ise", - "▁w ij", - "▁wi j", - "type script", - "types cript", - "▁T v", - "_IDENT IFIER", - ") .\n\n\n", - "). \n\n\n", - ").\n\n \n", - ").\n \n\n", - "_ flat", - "_f lat", - "_fl at", - "it su", - "its u", - "U SR", - "US R", - "ex perience", - "- fit", - "-f it", - "-fi t", - "ph inx", - "phi nx", - "phin x", - "_th resh", - "▁ide ally", - "▁ideal ly", - "▁Free man", - "▁Fre eman", - ", DB", - ",D B", - "_ rw", - "_r w", - "U b", - "_ statistics", - "_stat istics", - "=\" \"><", - "=\"\" ><", - "=\"\"> <", - "▁ch ore", - "▁cho re", - "▁y ork", - "▁yo rk", - "inst alled", - "install ed", - "Add itionally", - "Additional ly", - "▁p stmt", - "▁pst mt", - "yl ko", - ": :\n", - ":: \n", - "F orest", - "For est", - "Fore st", - "▁head set", - "▁heads et", - "▁gal lon", - "▁gall on", - "▁withdraw n", - "▁C andidate", - "▁mel ting", - "▁melt ing", - "▁free zer", - "▁freeze r", - "▁ hl", - "▁h l", - "_HE LP", - "m ime", - "mi me", - "( /*", - "(/ *", - "▁th irst", - "▁thi rst", - "$ return", - "$r eturn", - "$ret urn", - "member of", - "▁Http ServletRequest", - "▁HttpServlet Request", - "( ob", - "(o b", - "_ Result", - "▁assert ed", - "▁fulfill ing", - "▁stretch es", - "▁stret ches", - "par ated", - "pa rated", - "para ted", - "-f unded", - "ing les", - "ingle s", - "_ ca", - "_c a", - ". condition", - ".con dition", - "▁Dis plays", - "▁Display s", - "▁or ang", - "▁ora ng", - "▁ CRE", - "▁C RE", - "▁CR E", - "▁gl Bind", - "▁ Selector", - "▁Se lector", - "▁Select or", - "▁Sel ector", - "/ type", - "/t ype", - "▁Alex a", - "▁Ale xa", - "ched ules", - "chedule s", - "▁Pen insula", - "▁p arity", - "▁par ity", - "\t dest", - "\td est", - "\tdes t", - "\tde st", - "▁Do ors", - "▁Door s", - "\r\n \t\r\n", - "_ dimension", - "_d imension", - "_dim ension", - "▁ aload", - "▁a load", - "▁al oad", - "▁alo ad", - ".St oredProcedure", - "( paren", - "(p aren", - "(par en", - "▁Bur ke", - "' )]\n", - "') ]\n", - "')] \n", - "- engine", - "▁ quir", - "▁qu ir", - "▁q uir", - "▁qui r", - "▁Hy brid", - "▁D oe", - "▁Do e", - "▁out lines", - "▁outline s", - "▁Tr ends", - "▁Trend s", - "_ NV", - "_N V", - "per iments", - "periment s", - "peri ments", - "▁H in", - "▁Hi n", - "? ',", - "?' ,", - "\t Text", - "\tT ext", - "F UL", - "▁sm ells", - "▁smell s", - "▁s lick", - "▁sl ick", - "▁slic k", - "▁mis erable", - "▁Array Adapter", - "▁param String", - "H om", - "Ho m", - "_l iterals", - "_literal s", - "us uarios", - "usuario s", - "▁prompt ing", - "_ lazy", - "_l azy", - "▁ Activation", - "▁Act ivation", - "▁Activ ation", - "_ oc", - "_o c", - "We ak", - "▁an ecd", - "▁U CLA", - "▁UC LA", - "= re", - "=r e", - "iss ement", - "isse ment", - "▁Esc orts", - "▁Escort s", - "Ex cellent", - "▁ Pause", - "▁P ause", - "▁Pa use", - "▁re positories", - "▁repos itories", - "T OR", - "TO R", - "ar iate", - "ari ate", - "aria te", - "ariat e", - "_ iso", - "_i so", - "_is o", - "up dates", - "update s", - "ha lb", - "hal b", - "udi ante", - "udiant e", - "▁na ive", - "▁P eg", - "▁Pe g", - "▁L ounge", - "▁Lo unge", - "AR GIN", - "ARG IN", - "( bin", - "(b in", - "On ClickListener", - "OnClick Listener", - "▁ FAILED", - "▁FA ILED", - "▁FAIL ED", - "▁l ite", - "▁li te", - "▁lit e", - "▁d zie", - "▁dz ie", - "▁dzi e", - "▁ Literal", - "▁L iteral", - "▁Liter al", - "▁Lit eral", - "▁Lite ral", - "i vor", - "iv or", - "ivo r", - "fc ntl", - "▁e ats", - "▁eat s", - "▁ea ts", - "▁ qed", - "▁q ed", - "Un lock", - "r iding", - "ri ding", - "rid ing", - "und ai", - "unda i", - "= M", - "AT TER", - "ATT ER", - "Configure Await", - "ic ias", - "ici as", - "icia s", - "ust omed", - "ustom ed", - "usto med", - "▁success ion", - "▁suc cession", - "▁succ ession", - "end Time", - "▁J upiter", - "▁jud ging", - "d ration", - "dr ation", - "dra tion", - "_ docs", - "_d ocs", - "_doc s", - "_do cs", - ". mo", - ".m o", - "▁educ ators", - "▁V ine", - "▁Vi ne", - "▁Vin e", - "C ond", - "Con d", - "Co nd", - "[ out", - "[o ut", - "q b", - "\\ Validator", - "▁mean ings", - "▁meaning s", - "▁pres ently", - "▁present ly", - "▁div iding", - "▁divid ing", - "otten ham", - "as cular", - "asc ular", - "▁trail ers", - "▁tra ilers", - "▁trailer s", - "▁ CLOSE", - "▁C LOSE", - "▁ Gain", - "▁G ain", - "▁Ga in", - "w or", - "wo r", - "▁pl anner", - "▁plan ner", - "▁distrib uting", - "v at", - "va t", - "mon ths", - "month s", - "mont hs", - "x label", - "xl abel", - "H F", - "V iol", - "Vi ol", - ".BASE LINE", - "▁ Rotate", - "▁R otate", - "▁Rot ate", - "▁t xn", - "▁tx n", - ": bold", - ":b old", - "▁b loss", - "▁bl oss", - "▁blo ss", - "Forg ery", - "Forge ry", - "( embed", - "(em bed", - "▁j ako", - "▁ja ko", - "▁jak o", - "s printf", - "the ir", - "▁exhib its", - "▁exhibit s", - "- static", - "-st atic", - "he cy", - "hec y", - "get ActiveSheet", - ". clients", - ".c lients", - ".client s", - ".cl ients", - ".cli ents", - "_ hide", - "_h ide", - "_hi de", - "[ word", - "[w ord", - "C b", - "add Item", - "a xe", - "ax e", - "_ radio", - "_r adio", - "_rad io", - "al ion", - "ali on", - "mod ifier", - "▁sat uration", - "▁satu ration", - "▁de nom", - "▁den om", - "_ pixels", - "_p ixels", - "_pixel s", - "_pix els", - "m ess", - "me ss", - "mes s", - "( fl", - "(f l", - "at if", - "ati f", - "▁ secs", - "▁s ecs", - "▁se cs", - "▁sec s", - "▁pro stitution", - "▁prostit ution", - "▁prost itution", - "▁prostitu tion", - "▁prostitut ion", - "▁grand children", - "▁parad ise", - "▁F eld", - "▁Fe ld", - "▁Fel d", - "_B INARY", - "_BIN ARY", - "it ous", - "ito us", - "▁fl ashing", - "▁flash ing", - "-s ided", - "-side d", - "▁contrad iction", - "▁contradict ion", - "/ *\n\n", - "/* \n\n", - "/*\n \n", - "y label", - "yl abel", - "yla bel", - "▁T et", - "▁Te t", - "▁adm ire", - "r eso", - "re so", - "res o", - "▁l etz", - "▁le tz", - "▁let z", - "▁ SEARCH", - "▁SE ARCH", - "sl ots", - "slot s", - "▁Re wards", - "▁Rew ards", - "▁Reward s", - "▁H og", - "▁Ho g", - "▁ NSData", - "▁NS Data", - "st ash", - "sta sh", - "F all", - "Fa ll", - "▁A mer", - "▁Am er", - "Line arLayout", - "Linear Layout", - "/ photos", - "/photo s", - "▁fe ather", - "▁feat her", - "▁| \r\n", - "Down loads", - "Download s", - ".Start sWith", - "▁ //#", - "▁// #", - "▁/ /#", - "ine Transform", - "▁aff id", - "▁af fid", - "V tbl", - "▁R ogue", - "▁Ro gue", - "▁Rog ue", - "s cribed", - "scribe d", - "scri bed", - "▁f auc", - "▁fa uc", - "▁Mon roe", - "▁decl ares", - "▁declar es", - "▁declare s", - "mod ern", - "mode rn", - "re on", - "reo n", - "ay be", - "P ASS", - "PA SS", - "f ers", - "fer s", - "fe rs", - "_MULT I", - "▁Math ematics", - "▁sud ah", - "_ATT ACH", - "▁number With", - "▁Sol omon", - "▁Solo mon", - "j in", - "ji n", - "ograf ia", - "_ design", - "_d esign", - "_de sign", - "_des ign", - "c ulated", - "cul ated", - "culate d", - "cu lated", - "▁L una", - "▁Lu na", - "▁Lun a", - "ies z", - "ie sz", - "▁ =>'", - "▁= >'", - "▁=> '", - "▁reve lations", - "▁revel ations", - "▁revelation s", - "A long", - "Al ong", - "( ed", - "(e d", - "▁ Filename", - "▁F ilename", - "▁File name", - "▁Fil ename", - "▁Fi lename", - "▁ ylabel", - "▁y label", - "Sec ure", - "▁bus ca", - "agn osis", - "_RE CE", - "▁overlap ping", - "▁overl apping", - "Ext ent", - "▁anticip ation", - "Check s", - "Che cks", - "▁AL SO", - "▁ALS O", - "o rc", - "or c", - "iling ual", - "it ational", - "itation al", - "itat ional", - "▁adv ancement", - "▁advance ment", - "o uro", - "ou ro", - "our o", - "▁ Predicate", - "▁P redicate", - "▁Pred icate", - "e ria", - "er ia", - "eri a", - "▁Pi erce", - "▁Pier ce", - "o rio", - "or io", - "ori o", - "▁mer its", - "▁merit s", - "▁pe anut", - ". Package", - ".P ackage", - "▁Con duct", - "▁Cond uct", - "_S ENSOR", - "_SENS OR", - "▁bo iling", - "▁boil ing", - "▁in tra", - "▁int ra", - "▁intr a", - "▁ IGN", - "▁I GN", - "▁IG N", - "▁F ur", - "▁Fu r", - ". Refresh", - ".Ref resh", - "▁ Reach", - "▁R each", - "▁Re ach", - "_ decoder", - "_de coder", - "_dec oder", - "_decode r", - ". Exp", - ".Ex p", - ".E xp", - "p ill", - "pi ll", - ", Q", - "▁Gr ill", - "▁p opping", - "▁pop ping", - "▁po pping", - ". Ag", - ".A g", - "▁pro yecto", - "▁mile age", - "▁ec ological", - "▁eco logical", - "] ]);\n", - "]] );\n", - "]]) ;\n", - "sub plot", - "a cad", - "ac ad", - "aca d", - "▁ Trying", - "▁T rying", - "▁Tr ying", - "▁Try ing", - "rec ipes", - "recipe s", - "$ criteria", - "$c riteria", - "▁Pers ian", - "- bound", - "-b ound", - "M ASK", - "MA SK", - "MAS K", - "▁ Gesture", - "▁G esture", - "▁Ges ture", - "▁Gest ure", - "▁ kk", - "▁k k", - "▁P VC", - "▁PV C", - "▁pro hibition", - "▁prohib ition", - "▁prohibit ion", - "▁com ando", - "▁L OOK", - "▁LO OK", - "Sh opping", - "Shop ping", - "▁dist ortion", - "< Boolean", - ".Get Length", - "um pt", - "ump t", - "\\ Product", - "ell ery", - "elle ry", - "eller y", - "▁fire wall", - "form atted", - "format ted", - ". redis", - ".re dis", - ".r edis", - ".red is", - "▁ esa", - "▁e sa", - "▁es a", - "▁Rh ode", - "S om", - "So m", - ". non", - ".n on", - ".no n", - "▁ ').", - "▁' ).", - "▁') .", - "▁get View", - "p rus", - "pr us", - "Mat thew", - "▁s ia", - "▁si a", - "▁F ors", - "▁For s", - "▁Fo rs", - "G PU", - "GP U", - "ient ras", - "ien tras", - "_IN ST", - "_I NST", - "_INS T", - "▁ol arak", - "▁import ing", - "▁imp orting", - "T CP", - "TC P", - "/ \");\n", - "/\" );\n", - "e ither", - "ei ther", - "▁fresh ly", - "c ascade", - "cas cade", - "( character", - "(char acter", - "▁Je ep", - "o tics", - "ot ics", - "otic s", - "_ UTIL", - ".Xtra Printing", - ".first Child", - "▁Ex cell", - "▁Excel l", - "▁Exc ell", - "▁d vd", - "▁dv d", - "▁t aller", - "▁tal ler", - "▁ta ller", - "▁tall er", - "▁ ras", - "▁r as", - "▁ra s", - "y pass", - "yp ass", - "▁assign s", - "▁gr iev", - "▁gri ev", - "- more", - "-m ore", - "J D", - "▁Bur ns", - "▁Burn s", - "' >\r\n", - "'> \r\n", - ". Dependency", - ".D ependency", - ".Dep endency", - ".Query String", - ". Owner", - ".O wner", - "▁ex piry", - "▁exp iry", - "T hu", - "Th u", - "( Vec", - "(V ec", - "▁hazard ous", - "▁r pm", - "▁rp m", - "AP ON", - "▁add Target", - "s ville", - "sv ille", - "p Net", - "▁ Img", - "▁I mg", - "▁Im g", - "▁T IMER", - "▁TIM ER", - "▁TIME R", - "▁TI MER", - ". Animation", - ".An imation", - "▁b ek", - "▁be k", - "▁as sort", - "▁ass ort", - "▁le bih", - "▁body Parser", - "▁vibr ating", - "▁vib rating", - "I DL", - "ID L", - "▁butter knife", - "in ters", - "int ers", - "inter s", - "inte rs", - "▁persu ade", - "▁LGBT Q", - ". soft", - ".s oft", - ".so ft", - "▁be ams", - "▁beam s", - "_ sur", - "_s ur", - ". Def", - ".D ef", - ".De f", - "▁l abs", - "▁la bs", - "▁lab s", - "\t plt", - "\tp lt", - "▁ skins", - "▁s kins", - "▁sk ins", - "▁skin s", - "▁ski ns", - "▁transfer ring", - "▁transf erring", - "▁imag inary", - "▁imagin ary", - "_ End", - "_E nd", - "; background", - "▁l aps", - "▁la ps", - "▁lap s", - "_COM MENT", - "_COMM ENT", - "( SDL", - "(S DL", - "on ds", - "ond s", - ". Record", - ".Re cord", - ".Rec ord", - "▁Im plements", - "▁Implement s", - "_ ticks", - "_t icks", - "_tick s", - "( )))\n\n", - "() ))\n\n", - "()) )\n\n", - "())) \n\n", - "()))\n \n", - "▁a rose", - "▁ar ose", - "] ?", - "▁M p", - "▁I Command", - "▁sculpt ure", - "▁con tracted", - "▁contract ed", - "▁contr acted", - "< HTML", - "▁cal end", - "a ty", - "at y", - "/ Sub", - "/S ub", - "▁kv inn", - "▁kvin n", - "_ IGNORE", - "▁Sh ane", - "▁Sha ne", - "▁Shan e", - "M LS", - "ML S", - "▁stim ulate", - "Part ition", - "▁ mun", - "▁m un", - "▁mu n", - "er ala", - "era la", - "eral a", - "- account", - "-a ccount", - "-ac count", - ". Binary", - ".B inary", - "▁se ize", - "▁seiz e", - "▁sei ze", - "conn ections", - "connect ions", - "connection s", - "▁ \n▁▁▁▁▁▁▁▁\n", - "▁\n ▁▁▁▁▁▁▁▁\n", - "▁Di agnostic", - "V ISIBLE", - "VIS IBLE", - "▁R uns", - "▁Run s", - "▁Ru ns", - "▁im pressions", - "▁impress ions", - "▁impression s", - "▁impr essions", - "s uite", - "su ite", - "o ble", - "ob le", - "obl e", - "~ -", - "ak ukan", - "aku kan", - "< Person", - "

\">\" >\"> \">< /", - "_index es", - "▁ valuation", - "▁val uation", - "▁life long", - "▁lif elong", - "▁exped ition", - "( Yii", - "(Y ii", - "▁p ains", - "▁pain s", - "▁pa ins", - "▁pai ns", - "▁ PRI", - "▁P RI", - "▁PR I", - "▁M ixed", - "▁Mix ed", - "▁Mi xed", - "▁ Changing", - "▁Ch anging", - "▁Chan ging", - "▁Chang ing", - "German y", - "comm unication", - "communic ation", - ". organ", - ".org an", - ".o rgan", - ".or gan", - "▁Mar athon", - "get Path", - "▁ Accuracy", - "▁Ac curacy", - "▁Acc uracy", - "▁ Globals", - "▁G lobals", - "▁Global s", - "') }}'", - "▁'\" >'", - "k inson", - "kin son", - "kins on", - "ogn itive", - "_ li", - "_l i", - "▁im minent", - "▁imm inent", - "▁aff inity", - "▁af finity", - ". signal", - ".s ignal", - ".sign al", - "▁not ch", - "▁Steel ers", - "▁Steele rs", - "max length", - "K K", - "▁Eu gene", - "▁Eug ene", - "_P WM", - "r oi", - "ro i", - "▁H amburg", - "▁Ham burg", - ". Must", - ".M ust", - "▁ axe", - "▁a xe", - "▁ax e", - "en ef", - "ene f", - "▁amb itions", - "▁ambit ions", - "▁ambition s", - "▁Spec ies", - "▁St ress", - "▁Str ess", - "▁Stre ss", - "▁a while", - "▁with stand", - "▁ Decoder", - "▁De coder", - "▁Dec oder", - "▁Decode r", - "_ inventory", - "_in ventory", - "▁{ \r\r\n", - "▁t gt", - "▁tg t", - "▁rail road", - "W ASHINGTON", - "▁negot iated", - "▁negotiate d", - "N ST", - "NS T", - "- phone", - "-p hone", - ", U", - "▁exerc ising", - "_P IXEL", - "av ors", - "avor s", - "avo rs", - "ite rated", - "iter ated", - "iterate d", - "▁v ampire", - "▁vamp ire", - "a dal", - "ad al", - "ada l", - "In grese", - "▁ ung", - "▁u ng", - "▁un g", - "ject ive", - ". cells", - ".c ells", - ".cell s", - "▁n ano", - "▁na no", - "▁nan o", - "▁ markdown", - "▁mark down", - "_R ULE", - "( events", - "(e vents", - "(event s", - "(ev ents", - "▁l uggage", - "▁lug gage", - "M ESSAGE", - "MESS AGE", - "ig keit", - "$ count", - "$c ount", - "Attribute Name", - "IG INAL", - "IGIN AL", - "_ Ent", - "_E nt", - "▁ BF", - "▁B F", - "▁COM MENT", - "▁COMM ENT", - "_ ini", - "_in i", - "_i ni", - "▁Europe ans", - "▁European s", - "▁B elle", - "▁Bel le", - "▁Bell e", - ") ['", - ")[ '", - "▁Us eful", - "▁Use ful", - ". reference", - ".re ference", - "( )\",", - "() \",", - "()\" ,", - "_ grade", - "_g rade", - "_gr ade", - "_grad e", - "▁K aw", - "▁Ka w", - "▁sent encing", - "▁social ism", - "mon ster", - "mons ter", - "_L AYER", - "▁deep est", - "▁dee pest", - "w k", - "▁No ise", - "# ##\n\n", - "## #\n\n", - "### \n\n", - "###\n \n", - "o tle", - "ot le", - "a uf", - "au f", - "i bal", - "ib al", - "iba l", - "▁con quer", - "▁conqu er", - "> Email", - ">E mail", - "▁amb ulance", - "O AD", - "OA D", - "▁ (\"%", - "▁( \"%", - "▁(\" %", - "▁ FI", - "▁F I", - ". fixture", - ".f ixture", - "▁ter se", - "▁▁▁▁ \t\t\t\t", - "▁▁▁ ▁\t\t\t\t", - "▁▁▁▁\t \t\t\t", - "▁▁▁▁\t\t \t\t", - "▁▁▁▁\t\t\t \t", - "▁sanct uary", - "u gi", - "ug i", - "▁ Comparator", - "▁Com parator", - "▁Compar ator", - "Definition s", - "▁ast hma", - "▁l act", - "▁la ct", - "▁lac t", - "▁hard wood", - ". clock", - ".c lock", - ".cl ock", - "▁attr acting", - "▁attract ing", - "▁M our", - "▁Mo ur", - "( distance", - "(d istance", - "(dist ance", - "(di stance", - "ic its", - "ici ts", - "icit s", - "▁b onne", - "▁bon ne", - "▁ ACCESS", - "▁AC CESS", - "▁ACC ESS", - ".Deserialize Object", - "▁ Typed", - "▁T yped", - "▁Type d", - "▁Ty ped", - "▁Typ ed", - "▁j eu", - "▁je u", - "▁app Id", - "▁Cl ara", - "▁Clar a", - "▁Cla ra", - "▁ HF", - "▁H F", - "▁Re ich", - "ipp les", - "ipple s", - "// --------------------------------------------------------------------------------", - "//---------------------------------------------------------------- ----------------", - "//---------------------------------------------------------------------------- ----", - "//------------------------------------------------ --------------------------------", - "//-------------------------------- ------------------------------------------------", - "//---------------- ----------------------------------------------------------------", - "_ delivery", - "_del ivery", - "erial ization", - "▁plaint iffs", - "▁plaintiff s", - "S cient", - "Sc ient", - "sh opping", - "shop ping", - "▁ Dummy", - "▁D ummy", - "▁W ald", - "▁Wal d", - "▁Wa ld", - "Group Name", - "▁in scription", - "▁ins cription", - "e log", - "el og", - "elo g", - ":: ::::::", - ":::: ::::", - ":::::: ::", - "_ ld", - "_l d", - "Back Pressed", - ". Raw", - ".R aw", - "▁On Trigger", - "▁museum s", - "▁muse ums", - "▁ Been", - "▁B een", - "▁Be en", - "▁Bee n", - "▁Advent ures", - "▁Adventure s", - "▁s late", - "▁sl ate", - "▁sla te", - "▁ lett", - "▁l ett", - "▁le tt", - "▁let t", - "▁s und", - "▁su nd", - "▁sun d", - "▁G in", - "▁Gi n", - "▁Mechan ical", - ". ship", - ".s hip", - ".sh ip", - "App Component", - "▁dest ined", - "▁destin ed", - "▁dw elling", - "▁dwell ing", - "Profile r", - "Prof iler", - "Pre pare", - "ze ich", - "▁sil icon", - "( has", - "(h as", - "▁# %", - "V IDEO", - "VID EO", - "▁collabor ate", - "L in", - "Li n", - "▁sc opes", - "▁scope s", - "▁sco pes", - "▁scop es", - "( className", - "(class Name", - "( sd", - "(s d", - "and in", - ". ham", - ".h am", - "Service Impl", - "-de scribed", - "-des cribed", - "▁ir ony", - "▁iron y", - "st ial", - "▁Hu awei", - "( repo", - "(re po", - "▁unexpected ly", - "▁K ai", - "▁Ka i", - ". install", - ".inst all", - "\\ xf", - "\\x f", - "▁exhib ited", - "▁exhibit ed", - "_ TCP", - "_T CP", - "_TC P", - "▁O x", - "_ CHO", - "_C HO", - "_CH O", - "▁prostitu erte", - "▁prostituer te", - "▁s ito", - "▁sit o", - "▁si to", - "▁constitu ents", - "▁Continue d", - "▁Contin ued", - "▁S AVE", - "▁SA VE", - "r ss", - "rs s", - "/ message", - "/m essage", - "u bes", - "ub es", - "ube s", - "▁misd emean", - "▁tax ation", - "▁story line", - "h air", - "ha ir", - "hai r", - "▁F inds", - "▁Fin ds", - "▁Find s", - "S IG", - "SI G", - "ver ification", - "~ =", - ". hp", - ".h p", - "It erable", - "Iter able", - "at ori", - "ator i", - "ato ri", - "▁ ctr", - "▁c tr", - "▁ct r", - "R x", - "_ );\n\n", - "_);\n \n", - "_) ;\n\n", - "d ag", - "da g", - ". pin", - ".p in", - ".pi n", - "▁p seud", - "▁in vo", - "▁inv o", - "_ pix", - "_p ix", - "_pi x", - "▁sw orn", - "▁swo rn", - "_ registry", - "_reg istry", - "▁dis asters", - "▁disaster s", - "▁RO I", - "ak tu", - "akt u", - "f orest", - "fo rest", - "fore st", - "for est", - "be iten", - "beit en", - "ue va", - "e gt", - "eg t", - "▁sp ikes", - "▁spi kes", - "▁spike s", - "U RES", - "UR ES", - "URE S", - "▁ Recommended", - "▁Re commended", - "▁Recomm ended", - "▁Recommend ed", - "▁explo ited", - "▁exploit ed", - "▁Freder ick", - "_COMP LETE", - "▁Dr ugs", - "▁Drug s", - "!!!! !!!!", - "▁R iv", - "▁Ri v", - "S TOP", - "ST OP", - "R OOM", - "RO OM", - "▁ PASSWORD", - "▁P ASSWORD", - "▁PASS WORD", - "C ookies", - "Co okies", - "Cookie s", - "Cook ies", - ". El", - ".E l", - "▁B ert", - "▁Be rt", - "▁Ber t", - "▁h ashed", - "▁has hed", - "▁hash ed", - "ic ester", - "ice ster", - "ices ter", - "▁decor ator", - "▁query String", - ": ;\n", - "▁\" [\"", - "▁\"[ \"", - "ot ope", - "oto pe", - "- Americ", - "-A meric", - "▁Matthew s", - "U RAL", - "UR AL", - "URA L", - "Sum mer", - "f os", - "fo s", - "_CONT AINER", - "_ ACK", - "_A CK", - "_AC K", - "▁f iltr", - "▁fil tr", - "_ disp", - "_d isp", - "_dis p", - "_di sp", - "_ Re", - "_R e", - "▁fac ile", - "▁facil e", - "▁e ben", - "▁eb en", - "▁sp rink", - "▁spr ink", - "▁Q uint", - "▁Qu int", - "▁Qui nt", - "> V", - "▁histor ians", - "▁historian s", - "▁historia ns", - "our met", - "▁Monitor ing", - "led ger", - "ledge r", - "c ott", - "co tt", - "▁ ware", - "▁w are", - "▁war e", - "▁wa re", - "GG LE", - "c ars", - "ca rs", - "car s", - "▁M EDIATEK", - "▁vol upt", - "_ View", - "_V iew", - "H EL", - "HE L", - "( copy", - "(c opy", - "(co py", - "( stats", - "(st ats", - "(stat s", - "▁chrom osome", - "▁Curt is", - "- conf", - "-con f", - "-co nf", - "( asset", - "(as set", - "▁h vor", - "▁hv or", - "File System", - "< >();\r\n", - "<>( );\r\n", - "<> ();\r\n", - "o coder", - "oc oder", - "oco der", - "ocode r", - "▁C annon", - "▁Can non", - "▁Cann on", - ") x", - "▁Sm ooth", - "▁S AS", - "▁SA S", - "_ ce", - "_c e", - "\t prev", - "\tp rev", - "\tpr ev", - "\tpre v", - "_ movie", - "_m ovie", - "_mov ie", - "E c", - "_ wall", - "_w all", - "< Button", - " .\n\n", - "/>.\n \n", - "ogen esis", - "ogene sis", - "▁ OPTIONS", - "▁OPTION S", - "▁OPT IONS", - "up tools", - "upt ools", - "▁milit ant", - "▁mil itant", - "▁ex ited", - "▁exit ed", - "i gar", - "ig ar", - "iga r", - "▁ COMM", - "▁CO MM", - "▁COM M", - "▁ Disposable", - "▁D isposable", - "▁Dis posable", - "ay cast", - "▁row span", - "▁rows pan", - "▁syn thes", - "▁synth es", - "▁sond ern", - "▁\n", - "▁J acket", - "▁Jack et", - "▁Jac ket", - "▁Ja cket", - "R ATION", - "RA TION", - ".getSelected Item", - "- init", - "-in it", - "-i nit", - "▁Reg isters", - "▁Register s", - "_ sep", - "_s ep", - "_se p", - "▁Tool kit", - ". dict", - ".d ict", - ".di ct", - "▁ xlabel", - "▁x label", - "▁xl abel", - "\\ Table", - "t oc", - "to c", - "_ combo", - "_com bo", - "_comb o", - "▁Comp act", - "▁r ugged", - "▁rug ged", - "- management", - "-man agement", - "') }}\">\n", - "')}} \">\n", - "')}}\" >\n", - "▁ Stamp", - "▁St amp", - "▁Sta mp", - "r ox", - "ro x", - "▁landscape s", - "▁landsc apes", - "_ NOTE", - "_N OTE", - "_NO TE", - "_NOT E", - "mon ary", - "c ab", - "ca b", - "▁mo et", - "x af", - "xa f", - "r code", - "rc ode", - "- cli", - "-c li", - "-cl i", - "_ gate", - "_g ate", - "[ event", - "[e vent", - "S PORT", - "SP ORT", - "g ia", - "gi a", - "▁S UPER", - "▁SU PER", - "▁SUP ER", - "/ Login", - "_ shutdown", - "_sh utdown", - "int errupt", - "inter rupt", - "▁pret ending", - "▁pretend ing", - "▁fr inge", - "▁R eds", - "▁Re ds", - "▁Red s", - "▁C UDA", - "▁CU DA", - "▁UN IX", - "v it", - "vi t", - "▁b rig", - "▁br ig", - "▁bri g", - "d rv", - "dr v", - "▁ Connector", - "▁Connect or", - "▁Conn ector", - "There fore", - "▁ lia", - "▁l ia", - "▁li a", - "D etection", - "De tection", - "Det ection", - "Detect ion", - "_ actor", - "_a ctor", - "_ac tor", - "_act or", - "▁temp file", - "▁ecc entric", - "- role", - "-r ole", - "-ro le", - "▁p adx", - "▁pa dx", - "▁pad x", - "d ent", - "de nt", - "den t", - "West ern", - "▁Application Record", - "▁campaign ing", - "_ runner", - "_r unner", - "_run ner", - "▁C ivic", - "▁Ci vic", - "ale igh", - "▁dir ekt", - "▁dire kt", - ".s ul", - "▁ ▁\t\t\t", - "▁▁ \t\t\t", - "▁▁\t \t\t", - "▁▁\t\t \t", - "a nten", - "an ten", - "ant en", - "ante n", - "▁iss uer", - "▁issue r", - "▁issu er", - "▁assert ions", - "▁assertion s", - "( orig", - "(o rig", - "AT IO", - "▁le aned", - "▁lean ed", - ". DTO", - ".D TO", - "expl ode", - ". Observable", - ".O bservable", - "▁stagger ing", - "▁kidn apped", - "▁program mers", - "▁programme rs", - "▁programmer s", - "▁programm ers", - "▁In nov", - "▁Inn ov", - ". parameter", - ".param eter", - "▁do mination", - "▁dom ination", - "▁domin ation", - "▁ske ptic", - "▁skept ic", - "▁av oids", - "▁avoid s", - ". Verify", - ".Ver ify", - "ub by", - "ubb y", - "▁A SN", - "▁AS N", - "▁form ato", - "▁format o", - "▁forma to", - "▁Beat les", - "_ brand", - "_b rand", - "_br and", - "▁in set", - "▁ins et", - "▁inse t", - "y outu", - "you tu", - "▁ toc", - "▁t oc", - "▁to c", - "- final", - "-f inal", - "-fi nal", - "Sh owing", - "Show ing", - "▁D oub", - "▁Do ub", - "▁Dou b", - "▁M esa", - "▁Me sa", - "▁Mes a", - "Ad j", - "_ medium", - "_m edium", - "_med ium", - "Create s", - "Cre ates", - "Creat es", - "( endpoint", - "(end point", - "\t UP", - "\tU P", - "b bie", - "bb ie", - "▁s talk", - "▁st alk", - "▁sta lk", - ".data bind", - ".datab ind", - ". Scan", - ".S can", - ".Sc an", - "ag ents", - "agent s", - "agen ts", - "$ ,", - "ind ividual", - "+ )/", - "+) /", - "\t vm", - "\tv m", - "( notification", - "(not ification", - "▁in ex", - "▁ine x", - "▁Class ification", - "r eno", - "re no", - "ren o", - "▁o lig", - "▁ol ig", - "▁oli g", - "- rated", - "-r ated", - "-rate d", - "-ra ted", - "▁form ulation", - "▁formula tion", - "' ,{", - "', {", - "▁a cept", - "▁ace pt", - "_un pack", - "_ CA", - "_C A", - ".P ow", - "\t im", - "\ti m", - "▁al uminium", - "A NO", - "AN O", - "▁ xn", - "▁x n", - "▁ Ingredient", - "▁Ing redient", - "▁seiz ures", - "▁seizure s", - "ific ador", - "ificado r", - "▁sigu iente", - "▁In fragistics", - "▁duplicate d", - "▁dup licated", - "▁duplic ated", - "▁D ee", - "▁De e", - "▁AC CEPT", - "( crate", - "(c rate", - "(cr ate", - "- less", - "-l ess", - "-le ss", - "▁in finity", - "▁inf inity", - "An alyzer", - "- Day", - "-D ay", - "r itt", - "ri tt", - "rit t", - "( cin", - "(c in", - "▁G y", - "▁multi plied", - "u chi", - "uch i", - "uc hi", - "▁Bald win", - "/ ip", - "/i p", - "▁short cuts", - "▁shortcut s", - ". ADD", - ".A DD", - "▁vi gor", - "▁vig or", - "_ instruction", - "_in struction", - "( ;", - "_ eta", - "_e ta", - "_et a", - "utor ials", - "utorial s", - "▁boost ing", - "b v", - "▁acknowled ges", - "▁acknowledge s", - "List ening", - "Listen ing", - "FA Q", - "; b", - "( (-", - "(( -", - "▁architect s", - "▁z we", - "▁zw e", - "▁p uls", - "▁pul s", - "▁pu ls", - "▁get Count", - "▁getC ount", - "ver bs", - "verb s", - "( Collection", - "(C ollection", - "k re", - "kr e", - "▁jurisdiction s", - "▁juris dictions", - "_ bridge", - "_b ridge", - "_br idge", - "▁Cr ack", - "▁Cra ck", - "▁Diff iculty", - "K O", - "Res ervation", - "_ requires", - "_re quires", - "_require s", - "T our", - "To ur", - ".set Current", - "▁ ky", - "▁k y", - "▁Alb any", - "▁Alban y", - "l ler", - "ll er", - "ag na", - "agn a", - "work ers", - "worker s", - "wor kers", - ". blank", - ".bl ank", - "▁Pr ayer", - "▁Pra yer", - "M IC", - "MI C", - "▁resil ience", - "Te X", - "▁ Languages", - "▁L anguages", - "▁Language s", - "st udy", - "stu dy", - "\t curr", - "\tc urr", - "\tcur r", - "▁enzym es", - "▁enzyme s", - "S lug", - "Sl ug", - "st ral", - "str al", - "stra l", - "▁tum ors", - "▁tumor s", - "▁seg unda", - "= '{", - "=' {", - "in struction", - "instr uction", - "▁L isp", - "▁Li sp", - "▁Lis p", - "/ info", - "/in fo", - "▁\" {$", - "▁\"{ $", - ",: ),", - ",:) ,", - "▁ gv", - "▁g v", - "( ErrorMessage", - "(Error Message", - "▁ '=", - "▁' =", - "} -${", - "}- ${", - ". Documents", - ".Document s", - ".Doc uments", - "\" Well", - "\"We ll", - "\"W ell", - "▁reminis cent", - "▁g az", - "▁ga z", - "ir opr", - "iro pr", - "e hr", - "eh r", - "▁sup pressed", - "▁suppress ed", - "er sh", - "ers h", - ".scroll To", - "▁c adena", - "▁cad ena", - "▁game State", - "( conv", - "(con v", - "(co nv", - "▁Tom orrow", - "▁C CT", - "▁CC T", - "M ongo", - "Mon go", - "u lg", - "ul g", - ". Camera", - ".C amera", - ". handlers", - ".handle rs", - ".handler s", - ".hand lers", - "m ph", - "mp h", - "▁s tk", - "▁st k", - "▁gen etics", - "▁gene tics", - "▁genetic s", - "AC ING", - "Tr ivia", - "Tri via", - "▁B am", - "▁Ba m", - "( marker", - "(m arker", - ". Stretch", - ".St retch", - ".Str etch", - "▁Sun ni", - "▁Bet ty", - ". tolist", - ".t olist", - ".to list", - "un likely", - ". Rectangle", - ".Rect angle", - "ob solete", - "IL ON", - "inner Text", - "emb ourg", - "a N", - "▁V ehicles", - "▁Vehicle s", - "un lock", - ": utf", - "n ob", - "no b", - "▁Se eing", - "▁See ing", - "▁N EVER", - "▁NE VER", - "▁ tls", - "▁t ls", - "▁tl s", - "▁f illes", - "▁fil les", - "▁fill es", - "▁fille s", - "▁benef ited", - "▁benefit ed", - "▁C lint", - "▁Cl int", - "▁Clin t", - "*/ ),", - ". fold", - ".f old", - "▁pos ible", - "A DED", - "AD ED", - "ADE D", - "t house", - "th ouse", - ".D AL", - "▁O dd", - "▁Od d", - "r okes", - "ro kes", - "roke s", - "rok es", - "▁S unny", - "▁Sun ny", - "▁Partial Eq", - "_ Buffer", - "_B uffer", - "▁Le vi", - "▁Lev i", - "long rightarrow", - "el don", - "eld on", - "g ages", - "ga ges", - "gage s", - "_ warn", - "_w arn", - ".Create Table", - "▁D ip", - "▁Di p", - "_ questions", - "_question s", - ". logic", - ".log ic", - "▁ #\"", - "▁# \"", - "={() =>", - "={( )=>", - "▁t ep", - "▁te p", - "▁ju icy", - "en ko", - "ial ect", - "ia lect", - "iale ct", - "▁on board", - "\t rt", - "\tr t", - "_ UTF", - "_U TF", - "▁Q Action", - "( Component", - "( audio", - "(a udio", - ". hit", - ".h it", - "g te", - "gt e", - "▁program med", - "▁programme d", - "▁programm ed", - "state Params", - "▁poly ester", - "f ires", - "fi res", - "fire s", - "by ss", - "] =(", - "]= (", - "_ quality", - "_q uality", - "_qu ality", - "Of Day", - "▁F airy", - "▁Fair y", - "▁Fa iry", - "▁y elled", - "o pl", - "op l", - "( userName", - "(user Name", - "▁D ifference", - "▁eval uations", - "▁evaluation s", - "▁evalu ations", - "iff any", - "▁cycl ists", - "▁cyc lists", - "▁ cidade", - "▁c idade", - "▁cid ade", - "▁text book", - "▁prof iling", - "▁profil ing", - "__ ),", - "__) ,", - "d ea", - "de a", - ". activate", - ".act ivate", - ".activ ate", - "▁indic ations", - "▁indication s", - "Touch UpInside", - "▁inval uable", - "▁ MASK", - "▁M ASK", - "▁MA SK", - "▁cont end", - "▁conten d", - "▁conte nd", - "F req", - "Fr eq", - "Fre q", - "▁recru its", - "▁recruit s", - "( interval", - "(int erval", - "(inter val", - "▁User Profile", - "▁'./ ../", - "e du", - "ed u", - "_ Callback", - "_C allback", - "▁anal ogy", - "▁analog y", - "▁ana logy", - "▁T rophy", - "▁Tro phy", - "app hire", - "V ideos", - "Video s", - "▁C her", - "▁Ch er", - "▁Che r", - "▁H av", - "▁Ha v", - ". validator", - ".valid ator", - "g fx", - "gf x", - "▁U Object", - "class names", - "tri angle", - "▁ Encoder", - "▁En coder", - "▁Enc oder", - "▁Encode r", - ". spy", - ".s py", - ".sp y", - "▁pred ators", - "= status", - "- safe", - "-s afe", - ": \",\n", - ":\" ,\n", - ":\", \n", - "▁In cluding", - "▁{ };\r\n", - "▁{} ;\r\n", - "▁{}; \r\n", - "* cos", - "*c os", - "▁end ured", - "▁endure d", - ".sul ake", - "▁nurs ery", - "▁nurse ry", - "▁frag rance", - "▁re building", - "▁rebuild ing", - "▁ nth", - "▁n th", - "▁nt h", - "▁Fr aser", - "▁Fra ser", - ".set Date", - "▁V ince", - "▁Vi nce", - "▁Vin ce", - "_ REST", - "_RE ST", - "_R EST", - "_RES T", - "▁vent ilation", - "cri bes", - "cribe s", - ". asm", - ".as m", - ".a sm", - "lp Vtbl", - "▁A be", - "▁Ab e", - "uis ine", - ", array", - ",a rray", - "\t className", - "\tclass Name", - "err als", - "erra ls", - "erral s", - "▁ '\n\n", - "▁' \n\n", - "▁'\n \n", - "Check out", - "▁so licit", - "▁sol icit", - "▁solic it", - "A ux", - "_ capture", - "_c apture", - "_cap ture", - "▁r ibs", - "▁rib s", - "▁ri bs", - "r agon", - "ra gon", - "rag on", - "v iol", - "vi ol", - "top ics", - "topic s", - "Function Flags", - "▁M arty", - "▁Mar ty", - "▁Mart y", - "b ike", - "bi ke", - "▁T ucker", - "▁Tu cker", - "( kernel", - "(k ernel", - "▁ Ops", - "▁O ps", - "▁Op s", - "Close Operation", - "/ demo", - "/d emo", - "/de mo", - "il da", - "ild a", - "APP ING", - "▁su ites", - "▁suit es", - "▁suite s", - ".visit VarInsn", - "u rus", - "ur us", - "uru s", - "▁ Minute", - "▁Min ute", - "( manager", - "(m anager", - "(man ager", - "▁butter fly", - "▁a pare", - "▁ap are", - "▁apar e", - "▁apa re", - "▁w olves", - "J WT", - "▁S alon", - "▁Sal on", - "▁Sa lon", - "\t delay", - "\td elay", - "\tde lay", - "-es lint", - "is ations", - "isation s", - ". rpc", - ".r pc", - ") |(", - ")| (", - "▁Snap chat", - "/ mm", - "/m m", - "M N", - "c eries", - "ce ries", - "cer ies", - ".t extAlignment", - ".text Alignment", - "▁Frank furt", - "▁ ado", - "▁a do", - "▁ad o", - "( newValue", - "(new Value", - "( access", - "(a ccess", - "(ac cess", - "(acc ess", - "( Expression", - "▁ SignIn", - "▁Sign In", - "▁Ha iti", - "▁Hait i", - "_ tp", - "_t p", - ". setParameter", - ".set Parameter", - "Min ute", - "▁manual s", - "ric anes", - "ricane s", - "rica nes", - "▁ PTR", - "▁P TR", - "▁PT R", - "▁ Outer", - "▁O uter", - "▁Out er", - "▁ getline", - "▁get line", - "oc ations", - "ocation s", - "_ CD", - "_C D", - "▁L yon", - "▁Ly on", - "/ gui", - "/g ui", - "_ live", - "_l ive", - "_li ve", - "i dan", - "id an", - "ida n", - ". geom", - ".ge om", - ".geo m", - "▁border Bottom", - "im uth", - "_check point", - "▁m eu", - "▁me u", - "▁Ir ving", - "▁peu vent", - "( MAX", - "(M AX", - "▁ ARCH", - "▁AR CH", - "▁p ov", - "▁po v", - ".source forge", - "▁jam ais", - "▁ ark", - "▁a rk", - "▁ar k", - "▁Baghd ad", - "▁C LEAR", - "▁CL EAR", - "Menu Bar", - "▁tr ois", - "▁tro is", - "CHED ULE", - "▁ #\r\n", - "▁# \r\n", - "( Call", - "(C all", - "$ order", - "( Material", - "(M aterial", - "▁encontr ado", - "$ list", - "$l ist", - "▁METHOD S", - ". beginTransaction", - ".begin Transaction", - "_M AG", - "Style Sheet", - "▁major s", - "▁maj ors", - "▁indef initely", - "c leanup", - "clean up", - "▁home land", - "▁hom eland", - "( dto", - "(d to", - "(dt o", - "D ates", - "Date s", - "Da tes", - "Dat es", - "P resentation", - "Present ation", - "▁ DK", - "▁D K", - "={` /", - "\t Key", - "\tK ey", - "( Block", - "(B lock", - "_ checkbox", - "_check box", - "ne eds", - "need s", - "nee ds", - "▁on Complete", - "r ico", - "ri co", - "ric o", - "▁g leich", - "▁gle ich", - "▁ xm", - "▁x m", - "O OD", - "OO D", - "B etter", - "Bet ter", - "▁SQL ITE", - ". Book", - ".B ook", - "x ad", - "xa d", - "▁G one", - "▁Go ne", - "\t dp", - "\td p", - "▁dev otion", - "▁ stm", - "▁s tm", - "▁st m", - "▁ob sess", - "▁obs ess", - "▁ Backend", - "▁Back end", - "Qu eries", - "Que ries", - "I k", - "/ /****************************************************************", - "// ****************************************************************", - "▁divid ends", - "▁dividend s", - ".parent Element", - "} \")\n\n", - "}\" )\n\n", - "}\")\n \n", - "}\") \n\n", - "▁Material PageRoute", - ": num", - ":n um", - "▁exp lic", - "▁expl ic", - "▁ OL", - "▁O L", - "l east", - "le ast", - "O ops", - "iment os", - "imento s", - "imen tos", - "▁ins urers", - "▁hero ic", - "\t fields", - "\tf ields", - "\tfield s", - ".img ur", - ".btn Cancel", - "▁Detect ive", - "( sm", - "(s m", - "▁Mutable LiveData", - ". lab", - ".l ab", - "( ([", - "(( [", - "▁ha irst", - "▁hair st", - "▁hai rst", - "▁ Transactions", - "▁Trans actions", - "▁Transaction s", - "▁std Class", - "u ento", - "uen to", - "uent o", - "G IS", - "GI S", - "_ cod", - "_c od", - "_co d", - "In structions", - "Instruction s", - "C alls", - "Call s", - "Cal ls", - "Pointer Type", - "▁R w", - "▁assort ment", - "▁D IG", - "▁DI G", - "+ r", - "_C ERT", - "▁inst ability", - "▁v ib", - "▁vi b", - "o nas", - "on as", - "ona s", - "▁r oku", - "▁ro ku", - "ap ellido", - "▁an gl", - "▁ang l", - "prene ur", - "▁fluid s", - "▁flu ids", - "is ease", - "ise ase", - "▁d eed", - "▁de ed", - "▁dee d", - "qu ist", - "quis t", - "qui st", - "_CONST ANT", - "▁equ ilibrium", - "_ delegate", - "_de legate", - "▁Quant um", - "r ei", - "re i", - "Cap abilities", - "rect angle", - "? ><", - "?> <", - "al ien", - "ali en", - "▁J ug", - "▁Ju g", - "D NA", - "DN A", - "T ickets", - "Tick ets", - "Ticket s", - "Occ urs", - "▁H awk", - "▁Haw k", - "▁Ha wk", - ".setHorizontal Group", - "\\ Collection", - "\\C ollection", - "ff iti", - "ffi ti", - "▁re arr", - "▁rear r", - ".setVertical Group", - "▁c avity", - "▁cav ity", - "▁adult e", - "▁adul te", - "Fac ade", - "Fa cade", - "- wh", - "-w h", - "▁L OL", - "▁LO L", - "▁grand parents", - "Sw ift", - "\t wx", - "\tw x", - "i fen", - "if en", - "ife n", - "ff set", - "B eyond", - "// }\n\n", - "//}\n \n", - "▁w ager", - "▁wa ger", - "▁wage r", - "▁ bury", - "▁b ury", - "▁bu ry", - "▁bur y", - "▁comm ence", - "▁comme nce", - "▁commenc e", - "reg istro", - "registr o", - "regist ro", - "s cient", - "sc ient", - "sci ent", - "▁ Percent", - "▁Per cent", - "▁Perc ent", - "( identifier", - "(id entifier", - ".set Model", - "▁s eldom", - "▁sel dom", - "n ton", - "nt on", - "▁ap pliance", - "▁appl iance", - "a mus", - "am us", - "amu s", - "rys ler", - "▁pan ties", - "▁pant ies", - "engu ins", - "enguin s", - "▁mi mic", - "▁mim ic", - "▁on Changed", - "▁onChange d", - "▁al coholic", - "▁alcohol ic", - ".reload Data", - "Ch arge", - "Char ge", - "▁ Fax", - "▁F ax", - "▁Fa x", - "▁j ScrollPane", - "Emp resa", - "▁sh attered", - "x ba", - "xb a", - "Font s", - "? s", - "▁post season", - "re tain", - "ret ain", - "_r ates", - "_rate s", - "_ra tes", - "▁request Code", - ". todo", - ".t odo", - ".to do", - "C HK", - "CH K", - "▁Ke eping", - "▁Keep ing", - "enge ance", - "▁vs code", - "IPP ING", - "Default CloseOperation", - "_ raise", - "_r aise", - "_ra ise", - "▁O culus", - "o grams", - "ogram s", - "r aj", - "ra j", - "p ci", - "pc i", - "▁corros ion", - ".handle Submit", - "Access ible", - "▁P iano", - "▁Pi ano", - "l ittle", - "lit tle", - "A CL", - "AC L", - ". unwrap", - ".un wrap", - "▁Con vers", - "▁Conv ers", - "▁Le ben", - "ion eer", - "ione er", - "▁M erchant", - "▁Mer chant", - "▁J orge", - "▁embr acing", - "▁ venta", - "▁v enta", - "▁vent a", - "▁ven ta", - "▁v iene", - "▁vi ene", - "▁vie ne", - "< QString", - "\n", - "-g rowing", - "-gr owing", - "▁deep copy", - "A ck", - "Ac k", - "egg ies", - "▁ __(\"", - "▁_ _(\"", - "▁__ (\"", - "▁__( \"", - "▁n oir", - "▁no ir", - "▁noi r", - "terror ism", - "▁an them", - "▁ant hem", - "▁anth em", - "a gency", - "ag ency", - "age ncy", - "agen cy", - "_PACK AGE", - "▁ Closure", - "▁C losure", - "▁Clo sure", - ". registry", - ".reg istry", - "▁mamm als", - "< L", - "U ICollectionView", - "▁LED s", - "▁v olley", - "▁vol ley", - "▁voll ey", - "( Buffer", - "(B uffer", - "_N ATIVE", - "li bc", - "lib c", - "impl ode", - "Scroll Bar", - "▁Mar ion", - "▁Mario n", - "▁Mari on", - ". Contracts", - ".Con tracts", - "_ At", - "_A t", - "▁We instein", - "compare To", - "▁H ose", - "▁Ho se", - "en ity", - "eni ty", - ".create Query", - "_ router", - "_r outer", - "_ro uter", - "_route r", - "▁stim uli", - "▁ ++)", - "▁+ +)", - "▁++ )", - "▁Ch amp", - "▁Cha mp", - "▁Cham p", - "▁Bay ern", - "a ssa", - "as sa", - "ass a", - ". va", - ".v a", - "▁distrib utors", - "▁distributor s", - "▁file private", - "▁depart ed", - "c ccc", - "cc cc", - "ccc c", - "@ click", - "▁L unch", - "▁Lun ch", - "> L", - "▁b luetooth", - "▁bl uetooth", - ". Deep", - ".De ep", - "- standing", - "-st anding", - "▁ro oft", - "▁roof t", - "▁ Paths", - "▁P aths", - "▁Pat hs", - "▁Path s", - "▁Pa ths", - "_iter ations", - "Invalid ArgumentException", - ". spi", - ".s pi", - ".sp i", - "▁ UIAlertAction", - "▁UIAlert Action", - "u ye", - "uy e", - "sign in", - ". priority", - ".p riority", - "▁Ess ays", - "▁Essay s", - "=' {$", - "='{ $", - "_ signed", - "_s igned", - "_sign ed", - "_sig ned", - ". persist", - ".p ersist", - "▁re design", - "▁red esign", - "▁rede sign", - "▁redes ign", - "To Lower", - "▁New man", - "= start", - "▁Israel is", - "▁Israeli s", - "asis wa", - "S peech", - "Spe ech", - "▁num eros", - "▁numer os", - "▁numero s", - "handle rs", - "hand lers", - "handler s", - "▁W ong", - "▁Wo ng", - "▁Won g", - "We ights", - "Weight s", - "▁Gu jar", - "t eil", - "te il", - "▁None theless", - "▁Non etheless", - "_E FFECT", - "▁v ect", - "▁ve ct", - "▁vec t", - "▁O sc", - "▁Os c", - "▁co ats", - "▁coat s", - "▁W heat", - "▁Wh eat", - "▁Whe at", - "▁ge ek", - "▁gee k", - "▁P ROPERTY", - "▁PRO PERTY", - "w orm", - "wo rm", - "wor m", - "_ constants", - "_con stants", - "_const ants", - "_constant s", - "▁B oulder", - "▁ Parm", - "▁P arm", - "▁Par m", - "▁Pa rm", - "c ole", - "co le", - "col e", - "▁default Center", - "▁Ro uge", - "▁Rou ge", - ": A", - "x cf", - "xc f", - "▁Ven ice", - "▁Ve nice", - "m edian", - "med ian", - "medi an", - "media n", - "▁red emption", - "F resh", - "Fr esh", - "Fre sh", - "▁co sm", - "▁cos m", - "▁fig ur", - "▁ref urb", - "CO PE", - ". cd", - ".c d", - "▁ch ords", - "▁chord s", - "▁S gt", - "V PN", - "VP N", - "▁ SEND", - "▁S END", - "▁SE ND", - "a inen", - "ain en", - "ai nen", - "aine n", - "_ accounts", - "_account s", - "_ac counts", - "▁t enth", - "▁te nth", - "▁ten th", - "▁tent h", - "▁diss olved", - "< App", - "", - "▁' >", - "▁legitim acy", - "▁ oo", - "▁o o", - "S linky", - "Sl inky", - "▁national s", - "▁nation als", - ". words", - ".w ords", - ".word s", - "; p", - "t rap", - "tr ap", - "tra p", - "oman ip", - "▁c ues", - "▁cu es", - "▁cue s", - "▁grad uating", - "▁gradu ating", - "▁sem aphore", - "\" ]);\n\n", - "\"] );\n\n", - "\"]) ;\n\n", - "\"]);\n \n", - "\"]); \n\n", - "ace y", - "ac ey", - "RE ET", - "REE T", - "G rab", - "Gr ab", - "▁Fe lix", - "▁Fel ix", - "( Id", - "(I d", - "_ne ighbors", - "▁meaning less", - "( del", - "(d el", - "(de l", - "▁j eder", - "▁je der", - "▁jed er", - "▁Content Values", - ". absolute", - ".a bsolute", - ".abs olute", - "/ cl", - "/c l", - "▁ xb", - "▁x b", - "d atum", - "dat um", - "▁tort ured", - "▁torture d", - "▁rub bing", - "S cores", - "Sc ores", - "Score s", - "▁av ons", - "▁am sterdam", - "E OS", - "EO S", - "H al", - "Ha l", - "▁trust worthy", - "# =", - ".EX TRA", - "▁m ano", - "▁man o", - "▁ma no", - "is icing", - "isi cing", - "- support", - "-s upport", - "-sup port", - "\t cursor", - "\tc ursor", - "▁S po", - "▁Sp o", - "aim assage", - "M ission", - "Miss ion", - "[] {\"", - "[]{ \"", - "▁pr inters", - "▁print ers", - "▁printer s", - "G REEN", - "GRE EN", - "▁t eg", - "▁te g", - "▁abdom inal", - "! \n\n\n\n\n\n", - "!\n\n \n\n\n\n", - "!\n \n\n\n\n\n", - "!\n\n\n\n \n\n", - "!\n\n\n \n\n\n", - ". Short", - ".S hort", - ".Sh ort", - "▁Gi fts", - "▁Gift s", - "} \")", - "}\" )", - "( binding", - "(b inding", - "(bin ding", - "x ce", - "xc e", - "in fos", - "info s", - "inf os", - "Form Data", - "▁ dart", - "▁d art", - "▁da rt", - "▁dar t", - "▁e lems", - "▁el ems", - "▁ele ms", - "▁elem s", - "( inv", - "(i nv", - "(in v", - "Y L", - "t in", - "ti n", - "G ENER", - "GE NER", - "GEN ER", - "▁T aken", - "▁Take n", - "▁Ta ken", - "▁Tak en", - "uc kle", - "uck le", - ": e", - "▁spect ral", - ".b aidu", - "/ ');\n", - "/' );\n", - "▁gre edy", - "▁greed y", - "es ion", - "esi on", - ",,,, ,,,,", - "▁/ >,\n", - "▁/> ,\n", - "Internal ServerError", - "NSNotification Center", - "▁A i", - "▁s pit", - "▁sp it", - "▁spi t", - "▁aug mented", - "▁augment ed", - "▁standard UserDefaults", - "FIN ITY", - "R ace", - "Ra ce", - ": C", - "▁RE CORD", - "▁ Highlight", - "▁High light", - "▁' `", - "▁def icits", - "▁deficit s", - "▁n ei", - "▁ne i", - "▁research ed", - "T a", - "▁c opp", - "▁co pp", - "▁cop p", - ".Get HashCode", - ") :\r\n\r\n", - "): \r\n\r\n", - "):\r\n \r\n", - "On Click", - "▁Well ington", - "▁Wel lington", - "▁rev ival", - "▁ NSS", - "▁N SS", - "▁NS S", - "▁f orn", - "▁for n", - "▁fo rn", - "▁Ku wait", - "_ flip", - "_f lip", - "_fl ip", - "_ bo", - "_b o", - "_ \\", - "▁occ urrences", - "▁occurrence s", - "▁Scient ists", - "S RC", - "SR C", - "o gens", - "og ens", - "ogen s", - "oge ns", - "i grant", - "ig rant", - "igr ant", - "RE MOTE", - "▁ SID", - "▁S ID", - "▁SI D", - ". opts", - ".op ts", - ".o pts", - ".opt s", - "u ve", - "uv e", - "( )])\n", - "() ])\n", - "()] )\n", - "▁libert arian", - "▁G lide", - "▁Gl ide", - "le sen", - "les en", - "▁for me", - "▁form e", - "ow ania", - "owa nia", - "▁annoy ed", - "D efs", - "De fs", - "Def s", - "▁ Executor", - "▁Exec utor", - "▁ casts", - "▁c asts", - "▁ca sts", - "▁cas ts", - "▁cast s", - ".set Checked", - "▁Sh aring", - "▁Sha ring", - "▁Shar ing", - ".Serialize Object", - "▁select ors", - "▁selector s", - "▁sel ectors", - "▁sele ctors", - "_ OTHER", - "_OT HER", - "( super", - "(s uper", - "( OS", - "(O S", - "_ VERIFY", - "_VER IFY", - "id unt", - "< header", - "';\n", - "▁/> ';\n", - "▁Ne gro", - "▁Neg ro", - "▁L ords", - "▁Lord s", - "▁T ours", - "▁To urs", - "▁Tour s", - "▁Tou rs", - "▁soft ly", - ". receive", - ".re ceive", - "▁ ERC", - "▁E RC", - "▁ER C", - "▁data Set", - "B adge", - "Bad ge", - "\t Event", - "\tE vent", - "▁per l", - "▁pe rl", - "▁{ }\\", - "▁{} \\", - "( sentence", - "(s entence", - "(sent ence", - "Or Update", - "▁dim inish", - "▁dimin ish", - "P IN", - "PI N", - "( draw", - "(d raw", - "(dr aw", - ".To DateTime", - ". EqualTo", - ".Equal To", - "( pin", - "(p in", - "(pi n", - "-p encil", - "l uent", - "lu ent", - "▁ Caller", - "▁C aller", - "▁Cal ler", - "▁Call er", - "▁Ca ller", - "▁play ful", - "- '+", - "-' +", - "x ca", - "xc a", - "s wick", - "sw ick", - ") {}\n", - "){ }\n", - "} :${", - "}: ${", - "▁M eth", - "▁Me th", - "▁Met h", - ".get Cell", - ".getC ell", - ". break", - ".b reak", - "▁ ymax", - "▁y max", - "=' \n", - "}`} >\n", - "▁H iro", - "▁Hi ro", - "( TRUE", - "as urer", - "asure r", - "▁c uer", - "▁cu er", - "▁cue r", - "U ber", - "Ub er", - ". Operation", - "▁ olan", - "▁o lan", - "▁ol an", - "▁thr illing", - "▁thrill ing", - "< Response", - "▁F emin", - "▁Fe min", - "▁Fem in", - "▁tr aversal", - "▁travers al", - "▁p oc", - "▁po c", - "▁set Status", - "de clar", - "dec lar", - "decl ar", - "std afx", - "▁addict ive", - "▁ Btn", - "▁B tn", - "▁explos ives", - "▁explosive s", - "▁Co oking", - "▁Cook ing", - "▁Pl aint", - "▁Plain t", - "▁accum ulator", - "▁App ointment", - ", password", - ",p assword", - "▁F AR", - "▁FA R", - "l uet", - "lu et", - "Further more", - "decl spec", - "_Static s", - ". Dictionary", - ".D ictionary", - "\" >'.", - "\"> '.", - "\">' .", - "\t valid", - "\tval id", - "\tva lid", - "\" \",", - "\"\" ,", - "In strument", - "> J", - "▁no str", - "▁nos tr", - "▁nost r", - "▁R ift", - "▁Ri ft", - "_ Port", - "_P ort", - "▁ve ces", - "▁vec es", - "[ ['", - "[[ '", - "▁rall ies", - "- series", - "-s eries", - "-se ries", - "-ser ies", - "▁ vv", - "▁v v", - ". uc", - ".u c", - "▁r tn", - "▁rt n", - "State Changed", - "( ins", - "(i ns", - "(in s", - "▁C la", - "▁Cl a", - "- -----------\n", - "-- ----------\n", - "---- --------\n", - "-------- ----\n", - "--- ---------\n", - "------------ \n", - "----- -------\n", - "---------- --\n", - "------ ------\n", - "----------- -\n", - "------- -----\n", - "--------- ---\n", - "c us", - "cu s", - "▁ Reload", - "▁Re load", - "▁Rel oad", - "//---------------------------------------------------------------- --------------------------------", - "//------------------------------------------------ ------------------------------------------------", - "//-------------------------------- ----------------------------------------------------------------", - "//-------------------------------------------------------------------------------- ----------------", - "//---------------- --------------------------------------------------------------------------------", - ". seconds", - ".se conds", - ".second s", - ".sec onds", - "_ destination", - "_d estination", - "_dest ination", - "▁screw ed", - "> c", - "Th ickness", - "Design er", - "▁gr ids", - "▁grid s", - "▁gri ds", - "( cookie", - "(c ookie", - "(co okie", - "T rip", - "Tr ip", - "Tri p", - "- Mobile", - "-M obile", - "▁v oll", - "▁vo ll", - "▁vol l", - "▁gen ital", - "▁conf isc", - "▁Confeder ate", - "▁web View", - "▁m ise", - "▁mis e", - "▁mi se", - "▁c ler", - "▁cl er", - "▁cle r", - "( selection", - "(s election", - "(se lection", - "(select ion", - "$ date", - "$d ate", - "▁sharp en", - "▁shar pen", - "r agen", - "ra gen", - "rag en", - "rage n", - "And Update", - "▁re mix", - "▁rem ix", - "▁h tons", - "▁ht ons", - "R W", - "M PI", - "MP I", - "▁retrie val", - "▁retr ieval", - "▁rich est", - "▁ri chest", - "▁ric hest", - ". Decode", - ".De code", - ".Dec ode", - ":init Components", - "▁T Value", - "▁TV alue", - "S aint", - "Sa int", - "@ include", - "▁PER SON", - ". sep", - ".s ep", - ".se p", - "▁LD AP", - "g ba", - "gb a", - "▁reli ably", - "▁D FS", - "▁DF S", - ".get ItemId", - ".getItem Id", - ".get Token", - "▁ch inese", - "▁chin ese", - "▁Me al", - "Y OU", - "YO U", - "\" > >\n\n", - "▁> >\n\n", - "▁>> \n\n", - "b ower", - "bo wer", - "bow er", - "▁sw apped", - "▁swap ped", - "/ install", - "▁s inks", - "▁sin ks", - "▁sink s", - "etr ize", - "▁dec lines", - "▁decl ines", - "▁decline s", - "\t mysql", - "\tm ysql", - "\tmy sql", - "▁C String", - "▁CS tring", - "▁Motion Event", - ". Language", - ".L anguage", - "R oad", - "Ro ad", - "asc imento", - "' ))->", - "') )->", - "')) ->", - ". about", - ".ab out", - "( editor", - "(ed itor", - "(edit or", - "▁R atings", - "▁Ra tings", - "▁Rating s", - "▁Rat ings", - "in come", - "inc ome", - ".de queueReusableCell", - "▁Aust rian", - "▁Austria n", - "▁s ulla", - "▁su lla", - "▁sul la", - "▁Trib unal", - "▁Di dn", - "▁Did n", - "▁ins pections", - "▁inspect ions", - "▁inspection s", - "B oss", - "Bo ss", - "▁cock tails", - "▁cocktail s", - "▁apolog ized", - "▁apologize d", - "_ subplot", - "_sub plot", - "o pal", - "op al", - "opa l", - "+ =(", - "+= (", - "▁reson ance", - "i bu", - "ib u", - "r oma", - "ro ma", - "rom a", - "re serve", - "res erve", - "p ls", - "pl s", - "▁T ah", - "▁Ta h", - "ax ies", - "O PLE", - "OP LE", - "▁Dar ren", - "▁Z ombie", - "_ Map", - "_M ap", - "▁ ])\n\n", - "▁] )\n\n", - "▁])\n \n", - "▁]) \n\n", - "▁Q i", - "▁S ail", - "▁Sa il", - "▁restrict ive", - "▁eros ion", - "- par", - "-p ar", - "W HITE", - "WH ITE", - "▁old u", - "▁ol du", - "▁ap erture", - "▁bit coins", - "▁bitcoin s", - "text o", - "tex to", - "▁Com cast", - "▁time less", - "en kins", - "▁fe eder", - "▁feed er", - "▁fee der", - "/ tmp", - "/t mp", - "res den", - "+ '_", - "+' _", - ". Destroy", - ".D estroy", - ".De stroy", - "▁ DOCUMENT", - "▁D OCUMENT", - "▁DOC UMENT", - ". lng", - ".l ng", - ".tag Name", - "▁k ullan", - "eg rate", - "egr ate", - "▁( *.", - "▁(* .", - "▁hand shake", - "s oc", - "so c", - "_ geometry", - "_ge ometry", - "_geo metry", - "▁Dam ascus", - "Min or", - "Mi nor", - "▁K afka", - "Fl orida", - "_ compute", - "_com pute", - "_comp ute", - ". expr", - ".ex pr", - ".exp r", - "▁par alle", - "▁D iaz", - "▁Di az", - "c ir", - "ci r", - "[ target", - "[t arget", - "▁j oking", - "▁jo king", - "▁g lor", - "▁gl or", - "▁glo r", - "( setq", - "(set q", - "_ handlers", - "_handler s", - "_handle rs", - "_hand lers", - "H ang", - "Ha ng", - "▁f err", - "▁fe rr", - "▁fer r", - "r iminal", - "rim inal", - "\t ▁▁▁▁\t\t", - "\t▁▁▁ ▁\t\t", - "\t▁▁ ▁▁\t\t", - "\t▁▁▁▁ \t\t", - "\t▁▁▁▁\t \t", - "en ties", - "ent ies", - "enti es", - "def ines", - "define s", - "- tax", - "-t ax", - "json p", - "▁U PS", - "▁UP S", - "m etro", - "me tro", - "met ro", - "_ _;\n", - "__ ;\n", - "__; \n", - "▁Ug anda", - "] )):\n", - "]) ):\n", - "])) :\n", - "_ td", - "_t d", - "x ae", - "xa e", - "l w", - ". OS", - ".O S", - "▁ Logged", - "▁Log ged", - "a cid", - "ac id", - "aci d", - "▁May o", - "▁Ma yo", - "as pect", - "asp ect", - "▁vag inal", - "▁vagina l", - "▁initial izing", - "▁ste roids", - "▁ster oids", - "f iction", - "fi ction", - "fic tion", - "G RE", - "GR E", - "g end", - "ge nd", - "gen d", - "▁li abilities", - "▁L ets", - "▁Le ts", - "▁Let s", - "M ech", - "Me ch", - "( nc", - "(n c", - "( change", - "(ch ange", - "(chan ge", - "▁conn ectors", - "▁connect ors", - "▁connector s", - ": k", - "▁t ast", - "▁ta st", - "▁tas t", - "! \");\n\n", - "!\" );\n\n", - "!\");\n \n", - "th ings", - "thing s", - "ro phy", - "rop hy", - "roph y", - "l uetooth", - "luet ooth", - "▁ SignUp", - "▁Sign Up", - ". ctrl", - ".c trl", - ".ct rl", - "▁there in", - "or da", - "ord a", - ". escape", - ".e scape", - ".es cape", - "ig ator", - "iga tor", - "▁pet rol", - "▁spec imen", - "▁deb uted", - "▁debut ed", - "- Pro", - "-P ro", - "▁cr ises", - "▁cri ses", - "▁cris es", - ".add View", - "- door", - "-d oor", - "-do or", - "▁mon et", - "▁mo net", - "▁m illis", - "▁mill is", - "▁mil lis", - "▁ vier", - "▁v ier", - "▁vi er", - "▁vie r", - "Internal Enumerator", - "▁ad mins", - "▁admin s", - "▁adm ins", - "▁L air", - "▁La ir", - "z in", - "zi n", - "get Query", - "um bles", - "umb les", - "umble s", - "L IMIT", - "LI MIT", - "▁V ig", - "▁Vi g", - "_ song", - "_s ong", - "_so ng", - "< Character", - ": :.", - ":: .", - "_ hom", - "_h om", - "_ bp", - "_b p", - "▁Sup ervisor", - "▁Super visor", - "sub mission", - "ab ile", - "abil e", - "abi le", - "▁n oi", - "▁no i", - "Or Create", - "▁pe el", - "▁on Start", - "▁sent iments", - "▁sentiment s", - "v ehicles", - "veh icles", - "vehicle s", - "▁class rooms", - "▁classroom s", - "▁s zer", - "▁sz er", - "▁b ending", - "▁ben ding", - "▁bend ing", - "▁long evity", - "▁ acl", - "▁a cl", - "▁ac l", - "▁Ale ppo", - "▁ UM", - "▁U M", - "▁R icht", - "▁Rich t", - "▁Ric ht", - "▁Ri cht", - "▁multi processing", - "▁multip rocessing", - "DO MAIN", - "DOM AIN", - "\", \"+", - "\",\" +", - "_Y EAR", - "▁sc rape", - "▁scr ape", - "▁scrap e", - "▁sol itary", - "▁\" ]\";\n", - "▁\"] \";\n", - "/ errors", - "/error s", - "b etter", - "bet ter", - "\t number", - "\tn umber", - "\tnum ber", - "▁ LF", - "▁L F", - "▁A cross", - "▁Ac ross", - "Pub Med", - "\\ \"\"", - "\\\" \"", - "▁Excell ence", - "▁us ando", - "▁U IP", - "▁UI P", - "Activity Indicator", - "_ VOID", - "_V OID", - "▁bre eds", - "▁breed s", - "ues tas", - "uest as", - "uesta s", - "▁Tre asure", - "ustr alian", - "ustral ian", - "ustralia n", - "( face", - "(f ace", - "▁T ennis", - "▁Ten nis", - "\t Int", - "\tI nt", - "▁H ansen", - "▁Han sen", - "▁Hans en", - ": I", - "G RAY", - "GR AY", - "GRA Y", - "O USE", - "OU SE", - "OUS E", - "▁he pat", - "A IR", - "AI R", - "▁que ued", - "▁queue d", - "vin cia", - "vi ncia", - "vinc ia", - "▁Chrom ium", - "▁compet ence", - "▁compete nce", - "un gal", - "ung al", - "i lli", - "il li", - "ill i", - "▁get By", - "▁ Finder", - "▁F inder", - "▁Fin der", - "▁Find er", - "▁Fi nder", - "▁incap able", - "▁s add", - "▁sa dd", - "▁sad d", - "▁c ites", - "▁cit es", - "▁ci tes", - "▁cite s", - "▁Church ill", - "S dk", - "More over", - "A spNet", - "As pNet", - "( Float", - "(F loat", - "$ password", - "$p assword", - "▁ Connor", - "▁Con nor", - "▁Conn or", - "- session", - "-s ession", - "_ dm", - "_d m", - "* ))", - "*) )", - "▁de utsch", - "▁ NX", - "▁N X", - "▁per ks", - "_S ORT", - "_SO RT", - "_TO OL", - "_ VISIBLE", - "_V ISIBLE", - "_VIS IBLE", - ". asp", - ".as p", - ".a sp", - "▁Bre ath", - "D etect", - "Det ect", - "▁D uel", - "▁Du el", - "▁Due l", - ".c mb", - ".cm b", - "[ it", - "[i t", - ".Set Bool", - "▁narc iss", - "▁ab ide", - "▁abi de", - "▁ej emplo", - "▁m ornings", - "▁mor nings", - "▁morning s", - "▁comp utes", - "▁comput es", - "▁compute s", - ". ssl", - ".s sl", - ".ss l", - "j t", - "▁much os", - "▁mu chos", - "▁mucho s", - "_ SS", - "_S S", - "[ end", - "[e nd", - "▁b asin", - "▁bas in", - "▁ba sin", - "▁alg unos", - "▁algun os", - "▁Croat ia", - "line width", - "lin ewidth", - "( tags", - "(t ags", - "(tag s", - "( hidden", - "(h idden", - "▁a par", - "▁ap ar", - "▁apa r", - ". food", - ".f ood", - ".foo d", - "▁R ural", - "▁Ru ral", - "▁bread th", - "( sess", - "(s ess", - "(se ss", - "+ \")", - "+\" )", - "▁P aste", - "▁Pa ste", - "▁Past e", - "▁Pas te", - "▁serv idor", - "▁Bit Set", - "▁T ran", - "▁Tr an", - "▁Tra n", - "l aus", - "la us", - "v ette", - "ve tte", - "vet te", - "e yes", - "ey es", - "eye s", - "▁CL ICK", - "▁CLI CK", - "▁V III", - "▁VI II", - "▁VII I", - "▁Tur ns", - "▁Turn s", - "▁Le Bron", - "▁M uj", - "▁Mu j", - "▁ Deg", - "▁D eg", - "▁De g", - "▁Adult s", - "_ suite", - "_s uite", - "process able", - "▁P HY", - "▁PH Y", - "g hest", - "gh est", - ". Fail", - ".F ail", - "▁Sl ack", - "c ej", - "ce j", - "\\ Carbon", - "\\C arbon", - "▁super star", - "▁supers tar", - "▁hold ings", - "▁holding s", - "▁hol dings", - "( forms", - "(form s", - "(for ms", - "▁'# '", - "M ultip", - "Multi p", - "Mult ip", - "Mul tip", - "(\" [%", - "(\"[ %", - "- solid", - "-s olid", - "-so lid", - "/ url", - "/u rl", - "- tier", - "-t ier", - "[ length", - "[l ength", - "▁Stream Writer", - "▁Market place", - "get text", - "_T ICK", - "_TI CK", - "▁ Forge", - "▁F orge", - "▁For ge", - "▁black jack", - "▁DO ES", - "▁M atters", - "▁Mat ters", - "▁Matt ers", - "▁Matter s", - "w aves", - "wa ves", - "wave s", - "wav es", - "▁whisper ed", - "▁ lush", - "▁l ush", - "▁lu sh", - "d igital", - "digit al", - "dig ital", - "▁w rink", - "▁wr ink", - "▁H ogan", - "▁Ho gan", - "▁Hog an", - "▁rust ic", - "▁rus tic", - ".Apply Resources", - "▁Har dy", - "▁Hard y", - "os omes", - "oso mes", - "osome s", - "A UT", - "AU T", - ". STATE", - ".ST ATE", - "▁narr atives", - "▁narrative s", - "\t store", - "\tst ore", - "b ib", - "bi b", - "\t Scanner", - "▁C ody", - "▁Co dy", - "▁Cod y", - "\\ Repositories", - "▁re union", - "▁reun ion", - "and um", - "▁sn iff", - "NS Bundle", - "▁compreh end", - "_US AGE", - "_ occ", - "_o cc", - "_oc c", - "URRE NCY", - "J NI", - "▁special izing", - "▁ visions", - "▁v isions", - "▁vis ions", - "▁vision s", - "▁do lore", - "▁dol ore", - "▁dolor e", - "▁Che vy", - "▁ Styled", - "▁St yled", - "▁Style d", - "▁Sty led", - "imp act", - "al len", - "all en", - "alle n", - "▁k art", - "▁ka rt", - "▁kar t", - "▁Table t", - "▁Tab let", - "st uff", - "stu ff", - "re esome", - "ree some", - "rees ome", - "//---------------------------------------------------------------- -----------\n", - "//- --------------------------------------------------------------------------\n", - "_ Admin", - "_Ad min", - "▁cell phone", - "▁aut oplay", - "▁auto play", - "▁cam bio", - "▁camb io", - "▁mar itime", - "▁mari time", - "_B OOT", - "_BO OT", - "- quarter", - "▁lat ina", - "▁AJ AX", - "e quiv", - "equ iv", - "▁Front ier", - "▁ XY", - "▁X Y", - "} ]\n", - "}] \n", - "▁R ough", - "▁Ro ugh", - "▁Rou gh", - ". proto", - ".pro to", - ".prot o", - ".pr oto", - "▁correct ness", - "▁fac il", - "▁Re ached", - "▁Reach ed", - "V IS", - "VI S", - ". ps", - ".p s", - "▁str ncpy", - "▁dif fusion", - "▁diff usion", - ".start Activity", - "▁acc omp", - "▁ac comp", - "▁accom p", - "AME SPACE", - "AMES PACE", - "imon ials", - "imonial s", - "▁B last", - "▁Bl ast", - "aby rin", - "▁d ome", - "▁do me", - "▁dom e", - "▁extra v", - "▁extr av", - "▁y en", - "▁ye n", - "▁cul inary", - "P RI", - "PR I", - "▁Comm unities", - "▁Commun ities", - "n id", - "ni d", - "_ operations", - "_oper ations", - "_operation s", - ". hs", - ".h s", - "▁M ilton", - "▁Mil ton", - "▁no ises", - "▁noise s", - "▁noi ses", - "Autoresizing Mask", - "( cid", - "(c id", - "} \n\n\n\n\n\n", - "}\n \n\n\n\n\n", - "}\n\n \n\n\n\n", - "}\n\n\n \n\n\n", - "}\n\n\n\n \n\n", - "}\n\n\n\n\n \n", - "] },\n", - "]} ,\n", - "▁ Detection", - "▁D etection", - "▁De tection", - "▁Det ection", - "▁Detect ion", - "tab la", - "▁lib erties", - "▁libert ies", - "▁liber ties", - "_D YNAMIC", - "w get", - "wg et", - "▁P ascal", - "▁Pas cal", - "Trans parent", - "Del ayed", - "Delay ed", - "] ()", - "]( )", - "▁Her bert", - "< ActionResult", - "ch allenge", - "▁mush room", - ".insert Before", - "▁R in", - "▁Ri n", - "▁hum our", - "api Key", - "al located", - "alloc ated", - "allocate d", - "▁conf ession", - "▁confess ion", - ". \",\r\n", - ".\" ,\r\n", - ".\", \r\n", - "\tassert That", - "▁S ORT", - "▁SO RT", - "▁L ORD", - "▁LO RD", - "▁export er", - ".set Level", - "p okemon", - "poke mon", - "ash tra", - "ur ator", - "ura tor", - "( MSG", - "(M SG", - "▁t up", - "▁tu p", - "▁H ull", - "▁Hu ll", - "▁yield ed", - ". Subject", - ".Sub ject", - "\\ Route", - "! ?", - "\\ Security", - "\\S ecurity", - "- ar", - "-a r", - "▁alleg ation", - "( Settings", - "(Set tings", - "▁ell ipse", - "▁Retro fit", - "▁reg ulating", - "▁regul ating", - "▁M olly", - "▁Mol ly", - "▁L ok", - "▁Lo k", - "_ Custom", - "_C ustom", - "▁Pro mo", - "▁Pr omo", - "▁Prom o", - "i sin", - "is in", - "isi n", - "▁res umed", - "▁resume d", - "▁met ropolitan", - ". errorMessage", - ".error Message", - ": -------------", - "}- >", - "▁pas ado", - "th ank", - "tha nk", - "than k", - "_ Delete", - "_De lete", - "▁Bright on", - ", unsigned", - "▁aspir ations", - "- how", - "-h ow", - "R ose", - "Ro se", - "= ((", - "=( (", - "_ needed", - "_ne eded", - "_pl ural", - "< Application", - " >\n\n", - ">> \n\n", - ">>\n \n", - "▁surface d", - "▁surf aced", - "pl atz", - "plat z", - "pla tz", - "\t email", - "\te mail", - "cept ors", - "ceptor s", - "\" >(", - "\"> (", - "▁e pile", - "▁ep ile", - "▁De bt", - "▁Deb t", - "N OP", - "NO P", - "\" https", - ": j", - "Form Item", - "_L ICENSE", - ".get Double", - "▁Ag enda", - "▁Age nda", - "\t finally", - "\tf inally", - "\tfinal ly", - "( filters", - "(f ilters", - "(filter s", - "( av", - "(a v", - "A PER", - "AP ER", - "▁l ava", - "▁la va", - "▁lav a", - ") )))\n\n", - ")) ))\n\n", - "))) )\n\n", - "))))\n \n", - ")))) \n\n", - "▁fa ulty", - "▁fault y", - "_ nm", - "_n m", - "▁tr ava", - "▁tra va", - "▁trav a", - "( Bitmap", - "(B itmap", - "▁spe eding", - "▁speed ing", - "> ').", - ">' ).", - "▁screen ed", - "▁scre ened", - "_ roll", - "_r oll", - "_ro ll", - "▁Mac Book", - "▁ AUD", - "▁A UD", - "▁AU D", - "▁diagn ose", - ". Generate", - ".G enerate", - "▁ ^^", - "▁^ ^", - "▁st rs", - "▁str s", - "[ Test", - "[T est", - "▁r ansom", - "▁ran som", - "▁DH CP", - "el den", - "eld en", - "▁interpret ations", - "▁interpretation s", - "( )].", - "() ].", - "()] .", - "flat Map", - "▁line Height", - "_ mount", - "_m ount", - "▁W izards", - "▁Wizard s", - "▁sl uts", - "▁slut s", - "eh ler", - "o dal", - "od al", - "oda l", - "▁milit ia", - "ear ned", - "earn ed", - "▁mis ery", - "▁mise ry", - "int val", - "f und", - "fun d", - "fu nd", - "▁h ides", - "▁hide s", - "▁hi des", - "▁hid es", - "▁di arr", - "▁dia rr", - "▁Wes ley", - "▁x mm", - "▁xm m", - "▁qu em", - "▁que m", - "▁Ar abs", - "▁Arab s", - "if th", - "ift h", - "ategor ized", - "ategori zed", - "D isposable", - "Dis posable", - "P ure", - "_NOT IFY", - "sn ippet", - "▁Gar rett", - ". running", - ".r unning", - ".run ning", - ". weights", - ".weight s", - ".we ights", - "▁ (--", - "▁( --", - "▁(- -", - "▁in variant", - "▁inv ariant", - "▁ Allowed", - "▁All owed", - "▁Allow ed", - "d irs", - "dir s", - "di rs", - "▁pass ions", - "▁passion s", - "▁ lad", - "▁l ad", - "▁la d", - "▁ Flush", - "▁F lush", - "▁Fl ush", - "▁Flu sh", - "m enus", - "men us", - "menu s", - ": block", - ":b lock", - "▁com pra", - "▁comp ra", - "▁compr a", - ".ch omp", - "alloc ator", - "▁cur ated", - "▁cu rated", - "▁Kn owing", - "▁Know ing", - "▁Patt erson", - "▁te lah", - "▁tel ah", - "' ex", - "'e x", - "▁do omed", - "▁doom ed", - "▁phil anth", - "ot ty", - "ott y", - ". styles", - ".st yles", - ".style s", - "Own ed", - "▁allerg ies", - "= params", - "oc ese", - "it elist", - "ite list", - "itel ist", - "▁ Sending", - "▁S ending", - "▁Sen ding", - "▁Send ing", - "b ef", - "be f", - "or rar", - "orr ar", - "▁F argo", - "▁Far go", - "▁L ub", - "▁Lu b", - "▁Comb ined", - "▁Combine d", - "_ given", - "_g iven", - "\t \t\t\t\t▁▁▁▁", - "\t\t \t\t\t▁▁▁▁", - "\t\t\t\t \t▁▁▁▁", - "\t\t\t \t\t▁▁▁▁", - "\t\t\t\t\t ▁▁▁▁", - "\t\t\t\t\t▁ ▁▁▁", - "\t\t\t\t\t▁▁▁ ▁", - "\t\t\t\t\t▁▁ ▁▁", - "▁reconc iliation", - "Pattern s", - "az ard", - "aza rd", - "azar d", - "▁bio mass", - "▁biom ass", - "▁H ouses", - "▁House s", - "▁Ho uses", - "▁Hou ses", - "resp uesta", - "c co", - "cc o", - "/ topics", - "/top ics", - "▁Y uk", - "▁Yu k", - "▁weak ened", - "▁weaken ed", - "_ calendar", - "_c alendar", - "_cal endar", - "▁mulher es", - "▁M arl", - "▁Mar l", - "▁Ma rl", - "▁s ine", - "▁si ne", - "▁sin e", - "▁T il", - "▁Ti l", - "▁So uls", - "▁Sou ls", - "▁Soul s", - "▁De utsche", - "▁Deutsch e", - "▁F OLLOW", - "▁pipe lines", - "▁pipeline s", - "▁pip elines", - "▁Bever ly", - "_DIP SETTING", - "\" #", - "▁ Proto", - "▁Pro to", - "▁Pr oto", - "▁Prot o", - ". big", - ".b ig", - ".bi g", - "▁S avings", - "▁Sav ings", - "▁Saving s", - "▁T anz", - "▁Ta nz", - "▁Tan z", - "j un", - "ju n", - "▁ Gamma", - "▁G amma", - "▁Ga mma", - "▁Gam ma", - "▁S add", - "▁Sa dd", - "▁Sad d", - "▁adv isors", - "▁advis ors", - "▁advisor s", - "▁ro ast", - "▁un ters", - "▁unt ers", - "▁unter s", - "ud ies", - "udi es", - "_ lon", - "_l on", - "_lo n", - "- pointer", - "-point er", - "▁Element Ref", - "\\ Builder", - "example Input", - ".web driver", - "data Type", - "▁Q uite", - "▁Qu ite", - "▁Qui te", - "▁Quit e", - "▁Celt ics", - "▁Cel tics", - "▁Celtic s", - "u il", - "ui l", - "-def ense", - "b ish", - "bi sh", - "bis h", - "▁UI Window", - "▁S uddenly", - ". hot", - ".h ot", - ". reason", - ".re ason", - "A MD", - "AM D", - ". Multi", - ".M ulti", - ".Mult i", - "auth enticated", - "authenticate d", - "reg ions", - "region s", - "; (", - "▁Kir by", - "$ route", - "$r oute", - "PREC ATED", - "▁Dur ham", - "o wo", - "ow o", - "▁Per forms", - "▁Perform s", - "▁disreg ard", - "n st", - "ns t", - "▁P ols", - "▁Pol s", - "▁Po ls", - "▁get P", - "\" ]:", - "\"] :", - "-color ed", - "-col ored", - "( Keys", - "(Key s", - "▁Al leg", - "▁All eg", - "▁Alle g", - "_ modify", - "_mod ify", - "_ loading", - "_lo ading", - "_load ing", - "s trained", - "str ained", - "stra ined", - "▁at roc", - "▁atr oc", - "_p hr", - "_ph r", - "< Sprite", - "", - "c eph", - "ce ph", - "cep h", - ".DateTime Picker", - ". \";\n\n", - ".\" ;\n\n", - ".\";\n \n", - "▁T ie", - "▁Ti e", - ", item", - ",i tem", - "▁m enn", - "▁me nn", - "▁men n", - "G as", - "o cha", - "oc ha", - "och a", - "_ virtual", - "_v irtual", - "▁master piece", - "_ sequences", - "_se quences", - "_sequence s", - "L TE", - "LT E", - "▁Sub mission", - "C aller", - "Call er", - "Cal ler", - "Ca ller", - "$ \\", - "S port", - "Sp ort", - "ag us", - "agu s", - "Constraint Maker", - "▁co loc", - "▁col oc", - "▁ wig", - "▁w ig", - "▁wi g", - "\t Array", - "\tA rray", - "L ooks", - "Lo oks", - "Look s", - "▁G TA", - "▁GT A", - ". steps", - ".st eps", - ".step s", - "atch ewan", - "_r anges", - "_range s", - "ext Alignment", - "▁Bren nan", - "▁ab straction", - "▁abs traction", - "▁abstract ion", - "uler Angles", - ". misc", - ".m isc", - "▁antib odies", - "▁ex ponential", - "▁exponent ial", - "▁CH ANNEL", - "exp ense", - "' y", - "▁detect ives", - "▁detective s", - "▁pur ported", - "Y STEM", - "YS TEM", - "▁radio active", - "▁Lat ina", - "▁Latin a", - ". Encoding", - ".En coding", - ".Enc oding", - ". TAG", - ".T AG", - "x in", - "xi n", - "D egree", - "De gree", - "Deg ree", - "ur acion", - "ura cion", - "p rices", - "pr ices", - "price s", - "▁Refer entialAction", - "▁r arity", - "▁p iles", - "▁pi les", - "▁pil es", - "▁pile s", - "g ende", - "ge nde", - "gen de", - "gend e", - "_ projects", - "_project s", - "_ globals", - "_g lobals", - "_global s", - ". startTime", - ".start Time", - "SE CTION", - "SEC TION", - "_ publish", - "_p ublish", - "_pub lish", - "F ault", - "Fa ult", - "D DL", - "DD L", - "_p rior", - "_pr ior", - "M om", - "Mo m", - "▁th icker", - "▁thick er", - "▁thi cker", - "▁ sequelize", - "▁sequ elize", - "▁sequel ize", - "▁ess entials", - "▁essential s", - "s tras", - "st ras", - "str as", - "stra s", - "in tr", - "int r", - "> (()", - ">( ()", - ">(( )", - ". management", - ".man agement", - ".manage ment", - "e il", - "ei l", - "A ware", - "Aw are", - ". City", - ".C ity", - "▁Ar bit", - "_ DM", - "_D M", - "_ keyboard", - "_key board", - "L Object", - "LO bject", - "- webpack", - "-web pack", - "▁New port", - "▁principal Column", - "leg ant", - "▁p allet", - "▁pal let", - "▁fract ure", - "▁frac ture", - "▁g mail", - "▁gm ail", - ". Meta", - ".M eta", - ".Me ta", - "A bove", - "Ab ove", - ".Key Event", - "j it", - "ji t", - "_ macro", - "_m acro", - "_mac ro", - "_P USH", - "/ controller", - "▁superf icial", - "exter ity", - "▁mens agem", - "W ind", - "Win d", - "Wi nd", - "i ston", - "is ton", - "ist on", - "isto n", - ".open api", - "▁ Serializer", - "▁S erializer", - "▁Serial izer", - "▁Serialize r", - "uct ive", - "▁ zar", - "▁z ar", - "▁za r", - "Pl aces", - "Place s", - ". Static", - ".St atic", - ".Stat ic", - "B a", - "▁in advert", - "▁Indones ian", - "▁Indonesia n", - "_I PV", - "_IP V", - "( horizontal", - "(h orizontal", - "▁get Title", - "ide press", - "▁Console Color", - "i pers", - "ip ers", - "ipe rs", - "iper s", - "$ out", - "▁fest ive", - "▁even ings", - "▁evening s", - "▁eve nings", - ".Get Data", - "uit ka", - "▁Manual s", - "us sed", - "uss ed", - "_ Max", - "_M ax", - ". Chat", - ".C hat", - ".Ch at", - "▁A ircraft", - "▁Air craft", - "= com", - "=c om", - "F OUND", - "FO UND", - "a pro", - "ap ro", - "apr o", - "▁tre asures", - "▁treasure s", - "_ alive", - "_a live", - "_al ive", - "▁g adget", - "▁gad get", - "e king", - "ek ing", - "Button Down", - "B rowsable", - ".PER MISSION", - "P ASSWORD", - "PASS WORD", - "▁H ASH", - "▁HAS H", - "▁HA SH", - "\\ TestCase", - "\\Test Case", - "LO SS", - "LOS S", - "o thers", - "other s", - "oth ers", - ", J", - "▁ass hole", - "▁assh ole", - "w erk", - "we rk", - "wer k", - ". ie", - ".i e", - "e vil", - "ev il", - "kont akte", - "//////////////////////////////////////////////////////////////////////////// ////\n", - "//////////////////////////////////////////////////////////////////////////////// \n", - "= sys", - "=s ys", - "\t lock", - "\tl ock", - "-- ;\n\n", - "--;\n \n", - "--; \n\n", - "_F UN", - "Fill Color", - "p rend", - "pr end", - "pre nd", - "▁com pressor", - "▁compr essor", - "▁compress or", - "M other", - "Mo ther", - "Mot her", - "▁Ar cher", - "▁Arch er", - "▁Arc her", - ". goto", - ".g oto", - ".go to", - "▁bam boo", - "▁T rees", - "▁Tr ees", - "▁Tree s", - "▁Tre es", - "▁b umper", - "▁bump er", - "▁sa usage", - "▁El asticsearch", - "▁Elastic search", - "▁hor izontally", - "▁horizontal ly", - "▁G ul", - "▁Gu l", - "Im mutable", - "Imm utable", - "▁l oser", - "▁lo ser", - "▁los er", - "▁lose r", - "▁ab orted", - "▁abort ed", - "- demo", - "-d emo", - "-de mo", - "▁H atch", - "▁Hat ch", - "▁ unde", - "▁u nde", - "▁un de", - "▁und e", - "▁pro cesso", - "▁process o", - "▁proc esso", - "▁proces so", - "- call", - "-c all", - "-cal l", - "-ca ll", - "In come", - "Inc ome", - "_ returns", - "_return s", - "'] .\"'", - "']. \"'", - "'].\" '", - "( sw", - "(s w", - "C BS", - "CB S", - "可 以", - "am ilies", - "ami lies", - "amil ies", - "一 个", - "▁Your self", - "我 们", - "▁H olt", - "▁Hol t", - "▁Ho lt", - ". MON", - ".M ON", - "自 己", - "点 击", - "a non", - "an on", - "ano n", - "方 法", - "▁ FontAwesome", - "▁Font Awesome", - "pro ducer", - "produ cer", - "prod ucer", - "没 有", - "j r", - "时 候", - "▁m au", - "▁ma u", - "就 是", - "\t inter", - "\tint er", - "\tin ter", - "选 择", - "▁dish onest", - "什 么", - "▁m agna", - "▁mag na", - "▁magn a", - "这 个", - "▁Collect ive", - "如 果", - "▁vra iment", - "▁cho ix", - "步 骤", - "st ay", - "sta y", - "然 后", - "▁wel ding", - "▁weld ing", - "r ising", - "ris ing", - "需 要", - ", min", - ",m in", - "时 间", - "▁F ate", - "▁Fa te", - "▁Fat e", - "g lob", - "gl ob", - "因 为", - "RGB A", - "RG BA", - "的 时候", - "的时 候", - "▁d ette", - "▁de tte", - "▁det te", - "工 具", - "V en", - "Ve n", - "使 用", - "▁embarrass ment", - "注 意", - ". DELETE", - ".DE LETE", - "工 作", - "g regar", - "greg ar", - "gre gar", - "进 行", - "- render", - "-r ender", - "-re nder", - "大 家", - "( bucket", - "(b ucket", - "但 是", - "\" >\n\n\n", - "\"> \n\n\n", - "\">\n \n\n", - "\">\n\n \n", - ".wait Key", - "中 国", - "Bus y", - "Bu sy", - "不 是", - "▁different iation", - "的 人", - "▁C ST", - "▁CS T", - "公 司", - ". Constant", - ".Con stant", - "很 多", - "▁line Number", - "打 开", - "( matches", - "(m atches", - "(match es", - "(mat ches", - "设 置", - "▁web socket", - "这 样", - "▁bar red", - "▁barr ed", - "▁pued es", - "▁pu edes", - "▁puede s", - "所 以", - "M ono", - "Mon o", - "Mo no", - "手 机", - "C ORE", - "CO RE", - "COR E", - "问 题", - "I ID", - "II D", - "怎 么", - "▁▁▁▁ \r\n\r\n", - "▁▁▁ ▁\r\n\r\n", - "▁▁▁▁\r\n \r\n", - "还 是", - "知 道", - "le aning", - "lean ing", - "进 入", - "▁cleans ing", - "好 的", - "▁c ris", - "▁cr is", - "▁cri s", - "▁Dev ils", - "▁Devil s", - "_ SETTING", - "_SET TING", - "现 在", - "unt ary", - "unta ry", - "的 一", - ". );\n", - ".) ;\n", - "可 能", - "\n ▁▁▁\n", - "原 料", - "[ curr", - "[c urr", - "[cur r", - "都 是", - "t sy", - "ts y", - "第 一", - "▁Alex is", - "▁Ale xis", - "喜 欢", - "r itel", - "ri tel", - "rit el", - "rite l", - "一 下", - "▁pet roleum", - "开 始", - ".pre processing", - "生 活", - "m atter", - "mat ter", - "孩 子", - "For Result", - "自己 的", - "- license", - "-l icense", - "朋 友", - "▁travel lers", - "▁trav ellers", - "▁ Dispatcher", - "▁Dispatch er", - "我 的", - "enn ifer", - "▁digest ive", - "之 后", - "P ED", - "PE D", - "系 统", - "hib ition", - "游 戏", - "MAS ConstraintMaker", - "他 们", - "▁W att", - "▁Wat t", - "▁Wa tt", - "那 么", - "B enef", - "Ben ef", - "也 是", - ".set View", - "不 要", - "d to", - "dt o", - "觉 得", - "T EE", - "TE E", - "一 些", - "▁Pel osi", - "个 人", - "_EX TRA", - "_EXT RA", - "管 理", - "▁med als", - "▁medal s", - "一 起", - "x hr", - "fore cast", - "或 者", - "▁n argin", - "▁nar gin", - "服 务", - "o uns", - "ou ns", - "oun s", - "是 一", - "- fill", - "-f ill", - "-fi ll", - "中 的", - "_CUR SOR", - "一 定", - "▁super vised", - "▁superv ised", - "▁t urf", - "▁tu rf", - "▁tur f", - "比 较", - "▁Ed gar", - "POS ITION", - "大 学", - "▁ categoryId", - "▁category Id", - "主 要", - "看 到", - "_ ER", - "_E R", - "事 项", - "已 经", - "Sh own", - "Show n", - "通 过", - ". ll", - ".l l", - "即 可", - "_POL ICY", - "的 是", - "( ),'", - "() ,'", - "(), '", - "▁ Prev", - "▁P rev", - "▁Pr ev", - "▁Pre v", - "注意 事项", - "▁String Field", - "第 二", - "\t Global", - "\tG lobal", - "非 常", - "as sed", - "ass ed", - "asse d", - "不 能", - "Through out", - "最 后", - "o stringstream", - ".awt extra", - "产 品", - "▁sl opes", - "▁slo pes", - "▁slope s", - "世 界", - "▁ Sequential", - "▁Se quential", - "▁Sequ ential", - "部 分", - "▁gi orn", - "▁gio rn", - "内 容", - "▁z elf", - "▁ze lf", - "不 会", - "▁vers atility", - "▁versa tility", - "如 何", - "lene ck", - "功 能", - ".c gi", - ".cg i", - "其 他", - "▁doub ling", - "▁dou bling", - "研 究", - "▁Bang kok", - "信 息", - "▁bu urt", - "操 作", - "分 钟", - "st udio", - "还 有", - "▁je unes", - "▁jeune s", - "▁jeu nes", - "人 的", - "▁m uted", - "▁mut ed", - "▁mu ted", - "▁mute d", - "▁ ips", - "▁i ps", - "▁ip s", - "学 习", - "_f raction", - "_fr action", - "不 同", - "& &(", - "&& (", - "找 到", - "▁st unt", - "▁stu nt", - "企 业", - "') ;?> \r\n", - "}> \r\n", - "加 入", - "▁ev apor", - "这 些", - "b able", - "ba ble", - "bab le", - "以 及", - "▁PR ICE", - "▁PRI CE", - "直 接", - "lu cent", - "其 实", - "▁v amp", - "▁va mp", - "界 面", - "▁Techn ician", - "所 有", - "▁unique ness", - "▁uniqu eness", - "文 件", - "M es", - "Me s", - "这 种", - "ur ban", - "urb an", - "起 来", - ".param etrize", - "▁Re play", - "▁Rep lay", - "S essions", - "Session s", - "大 的", - "em br", - "emb r", - "到 了", - "-American s", - "-Americ ans", - "感 觉", - "_PRO XY", - "方 式", - "▁p ian", - "▁pi an", - "介 绍", - "▁ trie", - "▁t rie", - "▁tr ie", - "▁tri e", - "专 业", - "▁D estructor", - "▁De structor", - "而 且", - "Game State", - "对 于", - "▁I MF", - "▁IM F", - "适 量", - "c hin", - "ch in", - "chi n", - "一 样", - "▁ porte", - "▁p orte", - "▁port e", - "▁por te", - "页 面", - "▁S wal", - "▁Sw al", - "为 了", - "国 家", - "Sub string", - "的 话", - "i ming", - "im ing", - "imi ng", - "imin g", - "希 望", - "/ Library", - "/L ibrary", - "数 据", - "▁fright ened", - "一 直", - "w rites", - "write s", - "wr ites", - "首 先", - "▁rec ursos", - "▁recurs os", - "了 一", - "ar Result", - "_INIT IALIZ", - "应 该", - "▁ Badge", - "▁B adge", - "▁Bad ge", - "提 供", - "_c rc", - "_cr c", - "所 示", - "E ight", - "同 时", - "▁DIST INCT", - "基 本", - "▁th ro", - "▁thr o", - "公 里", - "@ Xml", - "效 果", - "▁Legend ary", - "这 里", - "- twitter", - "-t witter", - "教 育", - "_ easy", - "_e asy", - "如 下", - "▁+ ++", - "▁++ +", - "输 入", - "( DATA", - "(D ATA", - "学 校", - ". Locale", - ".L ocale", - ".Local e", - "一 点", - "其 中", - "▁n urt", - "▁nu rt", - "▁nur t", - "经 验", - "▁cr uis", - "▁cru is", - "_ ios", - "_i os", - "_io s", - "▁s ensing", - "▁sens ing", - "帮 助", - "_ Line", - "_L ine", - "中 心", - "\n ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "安 全", - "p ong", - "pon g", - "po ng", - "根 据", - "ole on", - "▁wild card", - "面 的", - "▁beg ging", - "获 得", - "R od", - "Ro d", - "选 项", - "图 所示", - "_C ELL", - "特 别", - "Research ers", - "作 品", - ". selector", - ".se lector", - ".select or", - "一 次", - "_ ing", - "_in g", - "_i ng", - "▁aspir ing", - "今 天", - "▁imm ortal", - "作 为", - "▁y min", - "也 不", - "_ robot", - "_r obot", - "_ro bot", - "社 会", - "▁pl ur", - "B TC", - "BT C", - "能 力", - "▁D ID", - "▁DI D", - "▁pier cing", - "就 会", - "* u", - "影 响", - "_ DEFINED", - "_DEF INED", - "_DEFIN ED", - "_DEFINE D", - "简 单", - "▁T hi", - "▁Th i", - "地 方", - "it aire", - "ita ire", - "东 西", - "( media", - "(m edia", - "(me dia", - "放 入", - "- ons", - "-on s", - "-o ns", - "容 易", - "▁ch efs", - "▁che fs", - "▁chef s", - "第 三", - "▁\" *.", - "▁\"* .", - "网 络", - "/ AP", - "/A P", - "市 场", - "▁r azor", - "▁raz or", - "人 民", - "▁search Data", - "活 动", - "▁ =&", - "▁= &", - "能 够", - "学 生", - "▁m ourn", - "▁mo urn", - "▁mou rn", - "的 小", - "t ingham", - "ting ham", - "▁ oli", - "▁o li", - "▁ol i", - "位 置", - "▁Ver non", - "▁Vern on", - "视 频", - "_ RS", - "_R S", - "人 口", - "两 个", - "不 过", - "an gen", - "ang en", - "ange n", - "ce lain", - "cel ain", - "成 功", - "▁ ail", - "▁a il", - "▁ai l", - "文 化", - "l est", - "le st", - "les t", - "经 济", - "▁Q COMPARE", - "要 求", - "g ain", - "ga in", - "他 的", - "以 后", - "▁K ob", - "▁Ko b", - "各 种", - "▁ Fault", - "▁F ault", - "▁Fa ult", - "_ configs", - "_config s", - "_conf igs", - "小 编", - "只 是", - ". +", - "下 来", - "c alar", - "ca lar", - "cal ar", - "( colors", - "(color s", - "(col ors", - "准 备", - "M ul", - "Mu l", - "项 目", - "_ ART", - "_A RT", - "_AR T", - "▁experiment ing", - "支 持", - "er men", - "erm en", - "事 情", - "▁Ang lo", - "图 片", - ".Fixed Single", - "过 程", - "S ea", - "Se a", - "▁c txt", - "▁ctx t", - "▁ct xt", - "包 括", - ". slider", - ".s lider", - ".sl ider", - ".slide r", - "安 装", - "C ollapse", - "Coll apse", - "G rey", - "Gr ey", - "▁ fld", - "▁f ld", - "▁fl d", - "只 有", - "- proof", - "-pro of", - "这 是", - ". capacity", - ".cap acity", - "关 系", - "get Parent", - "▁Com pliance", - "分 享", - "▁bur gl", - "▁burg l", - "运 动", - "- rec", - "-r ec", - "-re c", - "环 境", - "▁over written", - "虽 然", - "M U", - "之 前", - "▁ro uters", - "▁route rs", - "▁rout ers", - "▁router s", - "▁rou ters", - "成 为", - "\t Model", - "\tM odel", - "微 信", - "▁fantas ies", - "应 用", - "av ian", - "avi an", - "avia n", - "_ prec", - "_p rec", - "_pr ec", - "_pre c", - "不 知道", - "不知 道", - "▁Sc andin", - "控 制", - "▁// <", - "▁/ /<", - "来 说", - "/ oct", - "/o ct", - "按 钮", - "▁ceremon ies", - "日 本", - "Mon ths", - "Month s", - "Mont hs", - "简 介", - "un dy", - "und y", - "平 方", - "▁qu ed", - "▁que d", - "▁q ued", - "显 示", - "▁N ou", - "▁No u", - "美 国", - "▁V ibr", - "▁Vi br", - "当 时", - ". rgb", - ".r gb", - "这 么", - "▁cit rus", - "▁br aces", - "▁bra ces", - "▁brace s", - "老 师", - "-upper case", - "城 市", - "get Table", - "▁d opo", - "▁do po", - "▁dop o", - "目 前", - "▁K err", - "▁Ke rr", - "▁Ker r", - "政 府", - "_CH ILD", - "左 右", - "- cloud", - "-c loud", - "-cl oud", - "后 来", - "\t Matrix", - "\tM atrix", - "别 人", - "▁garden ing", - "▁gard ening", - "处 理", - "S ing", - "Si ng", - "Sin g", - "结 果", - "al most", - "alm ost", - "Require ments", - "代 表", - "ugu ay", - "方 面", - "( Property", - "(P roperty", - "制 作", - "sub scriber", - "subscribe r", - "了 解", - "F AST", - "FA ST", - "那 个", - "re action", - "react ion", - "rea ction", - "更 多", - "( lp", - "(l p", - "用 户", - ") })\n", - ")} )\n", - "每 天", - "` ).", - "`) .", - "有 一", - ". wallet", - ".w allet", - "也 可以", - "也可 以", - "_ exchange", - "_ex change", - "工 程", - ". Maximum", - ".Max imum", - "▁V erb", - "▁Ver b", - "▁Ve rb", - "以 上", - "身 体", - "( )<", - "() <", - "健 康", - "R OT", - "RO T", - "北 京", - "C ARD", - "CA RD", - "CAR D", - "类 型", - "u bit", - "ub it", - "ubi t", - "{ @", - "看 看", - "_ kel", - "_k el", - "_ke l", - "自 然", - "▁ Tooltip", - "▁To oltip", - "▁Tool tip", - "的 一个", - "的一 个", - "My SQL", - "因 此", - "Main Activity", - "比 如", - "a rf", - "ar f", - "想 要", - "▁m align", - "▁mal ign", - "相 关", - "▁se inen", - "▁sein en", - "▁seine n", - "▁sei nen", - "作 用", - "ap ist", - "api st", - "apis t", - "发 生", - "▁< %", - "模 式", - "Method Impl", - "M il", - "Mi l", - "继 续", - "▁M ick", - "▁Mi ck", - "▁Mic k", - "当 然", - ". depend", - ".d epend", - ".de pend", - "解 决", - "< ID", - " >&", - ">> &", - "下 载", - "\t ok", - "\to k", - "出 的", - "- low", - "-l ow", - "-lo w", - "经 常", - ". usuario", - ".us uario", - "增 加", - "n ested", - "ne sted", - "nes ted", - "nest ed", - "合 作", - "X B", - "标 准", - "OUR S", - "OU RS", - "由 于", - ".Border Color", - "平 台", - "▁b row", - "▁br ow", - "▁bro w", - "保 护", - "位 于", - "c orr", - "co rr", - "cor r", - "才 能", - "▁Red skins", - "▁Reds kins", - "任 务", - ".get Tag", - ".get Transaction", - "▁st igma", - "甚 至", - "har dt", - "hard t", - "国 际", - "▁Player Prefs", - "有 些", - "al sy", - "als y", - "颜 色", - "uc son", - "ucs on", - "存 在", - "L anguages", - "Language s", - "▁Ol ivia", - "建 议", - "▁t ac", - "▁ta c", - "▁b li", - "▁bl i", - "食 材", - "▁c aval", - "▁ca val", - "▁cav al", - "基 础", - "▁consolid ated", - "任 何", - "▁per il", - "▁pe ril", - "▁peri l", - "科 学", - "▁d ele", - "▁de le", - "▁del e", - "品 牌", - "▁form ulated", - "▁formula ted", - "提 高", - "▁high ways", - "▁highway s", - "分 析", - ". spawn", - ".sp awn", - "只 要", - "= =$", - "== $", - "知 识", - "▁N iet", - "▁Ni et", - "▁Nie t", - "毕 业", - "▁v eggies", - "y po", - "yp o", - "我 们的", - "我们 的", - "- rule", - "-r ule", - "小 说", - "▁V ie", - "▁Vi e", - "来 的", - "/e pl", - "不 好", - "▁enf ants", - "医 院", - "string Literal", - "必 须", - "▁tough est", - "▁tou ghest", - "关 注", - "bu yer", - "buy er", - "上 海", - "▁cov ariance", - "面 积", - "▁ ili", - "▁i li", - "▁il i", - "组 织", - "▁Soph ie", - "具 体", - "▁B AB", - "▁BA B", - "你 们", - "▁ \"),", - "▁\" ),", - "▁\") ,", - "技 能", - "▁U k", - "家 庭", - "current Index", - "投 资", - "_ userdata", - "_user data", - "这 一", - ". codec", - ".co dec", - ".code c", - ".cod ec", - "作 者", - "▁Pun jab", - "客 户", - "▁S NP", - "▁SN P", - "我 就", - "l ol", - "lo l", - "导 致", - "adv ance", - "版 本", - "▁com fy", - "Json Ignore", - "菜 单", - "▁fashion able", - "完 全", - "▁ ICON", - "▁I CON", - "▁IC ON", - "▁ICO N", - "▁ ora", - "▁o ra", - "▁or a", - "电 影", - "▁P ricing", - "▁Pr icing", - "▁Pri cing", - "出 版", - "< num", - " E", - "故 事", - "t ering", - "ter ing", - "te ring", - "系 列", - "/ screens", - "/s creens", - "行 政", - "▁height ened", - "是 在", - "Author ities", - "文 字", - "_ bbox", - "_b box", - "_bb ox", - "人 物", - "调 整", - ". fontSize", - ".font Size", - "表 示", - "▁BO OLEAN", - "好 了", - "div ide", - "di vide", - "用 的", - "▁Sl oven", - "▁Slo ven", - "里 的", - "u cer", - "uc er", - "uce r", - "只 能", - "条 件", - "st ub", - "stu b", - "推 荐", - "▁navig ating", - ": animated", - "一 步", - "_ NOW", - "_N OW", - "_NO W", - "图 标", - "_v ect", - "_vec t", - "普 通", - "} {\n", - "}{ \n", - "@ (", - "也 会", - "▁tele com", - "一 个人", - "一个 人", - "▁contract ing", - "▁contr acting", - "造 成", - "▁Ass ange", - "第 四", - "▁extract ing", - "▁extr acting", - "均 匀", - "都 不", - "c obra", - "co bra", - "放 在", - ". DIS", - ".D IS", - "让 我", - "▁c rab", - "▁cr ab", - "▁cra b", - "计 算", - "▁t witch", - "▁tw itch", - "方 便", - "▁ verts", - "▁v erts", - "▁ver ts", - "▁vert s", - "最 好", - "▁reject s", - "拥 有", - "\t format", - "\tfor mat", - "\tform at", - "委 员", - "▁reg eneration", - "银 行", - ". Sys", - ".S ys", - "利 用", - "s olve", - "sol ve", - "香 港", - "\t dialog", - "\td ialog", - "快 速", - "s hi", - "sh i", - "女 生", - "m eter", - "me ter", - "met er", - "( best", - "(b est", - "目 标", - "valid ators", - "validator s", - "▁on wards", - "如 图所示", - "如图 所示", - "▁g uru", - "▁gu ru", - "▁mod erator", - "▁moder ator", - "那 些", - "ow ied", - "owie d", - "接 着", - "ex periment", - "属 于", - "r ub", - "ru b", - "有限 公司", - "▁m qtt", - "▁Ca ucas", - "玩 家", - "▁national ism", - "艺 术", - "▁m ange", - "▁man ge", - "▁mang e", - "倒 入", - "\t ImGui", - "考 试", - "/ Edit", - "/E dit", - "搜 索", - "▁ inh", - "▁in h", - "▁i nh", - "有 效", - "▁int ellig", - "▁intel lig", - "产 生", - "ero kee", - "\t export", - "\tex port", - "\texp ort", - "▁discrim inate", - "▁discrimin ate", - "方 向", - "sub tract", - "告 诉", - "▁M oodle", - "的 地方", - "的地 方", - "en ser", - "ens er", - "ense r", - "不 断", - "▁Gu ides", - "▁Guid es", - "▁Guide s", - "▁Gui des", - "给 我", - "R AP", - "RA P", - "结 构", - "- hot", - "-h ot", - "更 加", - "_ grp", - "_g rp", - "_gr p", - "如 图", - ". picture", - ".p icture", - ".pic ture", - "不 仅", - "X A", - "▁init View", - "资 源", - "_ Comm", - "_C omm", - "_Com m", - "▁overd ose", - "有 点", - "▁ +\n\n", - "▁+ \n\n", - "▁+\n \n", - "遇 到", - "▁Sil ent", - "政 治", - "sh ows", - "show s", - "编 辑", - "▁inter polate", - "▁interpol ate", - "▁interp olate", - "Form ation", - "Format ion", - "关 于", - "▁b isc", - "▁bi sc", - "▁bis c", - "如 下图所示", - "如下 图所示", - "如下图 所示", - "mark ets", - "market s", - "全 部", - "( SC", - "(S C", - "查 看", - "Z e", - "鸡 蛋", - "▁Network ing", - "▁Net working", - "另 外", - "▁ad renal", - "形 成", - "▁G uns", - "▁Gu ns", - "▁Gun s", - "et eor", - "ete or", - "有 人", - "Decl ared", - "不 可", - "orge town", - "orget own", - "▁k arena", - "▁ka rena", - "▁kar ena", - "是 我", - "/ password", - "/p assword", - "提 升", - "_ addresses", - "_add resses", - "_address es", - "交 通", - "ITE RAL", - "ITER AL", - "下 的", - "B uzz", - "Bu zz", - "▁Con way", - "( case", - "(c ase", - "P WD", - "网 站", - "he iro", - "hei ro", - "收 入", - "( act", - "(a ct", - "(ac t", - "价 值", - "* *\r\n", - "** \r\n", - "英 雄", - "( ));\n\n\n", - "() );\n\n\n", - "());\n \n\n", - "()) ;\n\n\n", - "());\n\n \n", - "()); \n\n\n", - "位 於", - "▁a nv", - "▁an v", - "我 是", - "▁ ..\n\n", - "▁. .\n\n", - "▁.. \n\n", - "▁..\n \n", - "多 的", - "( MenuItem", - "(Menu Item", - "家 里", - "( mail", - "(m ail", - "不 错", - "_ sections", - "_s ections", - "_se ctions", - "_section s", - "色 的", - "\t net", - "\tn et", - "▁pl ut", - "性 的", - "▁w rench", - "▁wr ench", - "多 少", - "/ object", - "/o bject", - "主 任", - "▁I st", - "▁Is t", - "晚 上", - "▁ VIS", - "▁V IS", - "▁VI S", - "成 立", - "/ pub", - "/p ub", - "al ten", - "alt en", - "的 方法", - "▁guitar s", - "▁guit ars", - "采 用", - "▁antib iotic", - "▁antibiot ic", - "国 内", - "需 求", - "▁\" +\"", - "▁\"+ \"", - "申 请", - "form ula", - "▁ba bes", - "▁bab es", - "▁babe s", - "平方 公里", - "▁ Prompt", - "▁P rompt", - "▁Prom pt", - "百 度", - "▁e nim", - "▁en im", - "相 信", - "/ player", - "/p layer", - "/pl ayer", - "去 了", - "\t ref", - "\tr ef", - "\tre f", - "消 费", - "▁cons umes", - "▁consum es", - "▁consume s", - "营 养", - "▁H ast", - "▁Has t", - "▁Ha st", - "干 净", - "▁T ao", - "▁Ta o", - "越 来", - "▁ '))\n", - "▁' ))\n", - "▁') )\n", - "食 物", - "▁c lam", - "▁cl am", - "出 了", - "▁thigh s", - "她 的", - "▁mot if", - "如果 你", - "Api Operation", - "接 受", - "▁ WL", - "▁W L", - "那 种", - "get C", - "实 际", - "\t flags", - "\tf lags", - "\tflag s", - "精 神", - "oint ments", - "ointment s", - "越来 越", - "▁economic al", - "▁econom ical", - "角 的", - "need le", - "给 大家", - "x ls", - "xl s", - "pr actice", - "ut zer", - "utz er", - "坚 持", - "time ofday", - "在 一起", - "在一 起", - "- output", - "-out put", - "密 码", - "▁find ById", - "▁findBy Id", - "丰 富", - "▁B uddy", - "▁Budd y", - "▁Bu ddy", - "▁Bud dy", - "每 个", - "达 到", - "S even", - "Se ven", - "电 子", - "▁B ark", - "▁Bar k", - "▁Ba rk", - "▁env oy", - "_ algorithm", - "_al gorithm", - "会 有", - "▁ball istic", - "习 惯", - "保 存", - "r ades", - "ra des", - "rad es", - "rade s", - "按 照", - "\t doc", - "\td oc", - "\tdo c", - "汽 车", - "rodu cing", - "rod ucing", - "哈 哈", - "▁E ating", - "▁Eat ing", - "Un mount", - "很 多人", - "很多 人", - "/data Tables", - "窗 口", - "_ bonus", - "_b onus", - "对 方", - "▁l itt", - "▁li tt", - "▁lit t", - "计 划", - "p ps", - "pp s", - "购 买", - ") localObject", - "文 章", - "pe rf", - "per f", - "子 的", - "▁ Helvetica", - "▁Hel vetica", - "移 动", - "sh utdown", - "说 明", - "/ ml", - "/m l", - "语 言", - ". tokens", - ".t okens", - ".token s", - "▁Hard core", - "资 料", - ", row", - ",r ow", - "决 定", - "/ bg", - "/b g", - "不同 的", - "Sc aler", - "Scale r", - "表 现", - "联 系", - "_log its", - "大 概", - "不 了", - "\t App", - "\tA pp", - "距 离", - "Impl icit", - "Imp licit", - "不 用", - ".F printf", - "可 是", - "E TO", - "ET O", - "▁ terra", - "▁t erra", - "▁ter ra", - "▁terr a", - "▁possess ing", - "改 变", - ".r strip", - ".rs trip", - "关 键", - ", ),", - ",) ,", - "检 查", - "= yes", - "=y es", - "的 问题", - "▁St ripe", - "▁Str ipe", - "▁Strip e", - "照 片", - "? =", - "提 示", - "ne utral", - "背 景", - ". good", - ".g ood", - ".go od", - "记 得", - "▁k ennen", - "▁ke nnen", - "▁ken nen", - "区 域", - "▁S ung", - "▁Sun g", - "▁Su ng", - "鼠 标", - "f ault", - "fa ult", - "等 等", - "ystate change", - "以 前", - "Can adian", - "上 面", - "',' \".$", - "登 录", - "▁M its", - "▁Mi ts", - "▁Mit s", - "用 于", - "二 十", - "▁ STRUCT", - "▁STR UCT", - "水 平", - "▁URL WithString", - "职 业", - "▁Com pass", - "▁Comp ass", - "机 构", - "▁ --\n\n", - "▁- -\n\n", - "▁-- \n\n", - "▁--\n \n", - "范 围", - "▁NS LayoutConstraint", - "免 费", - "| min", - "女 性", - "- adjust", - "-ad just", - "经 历", - "▁re built", - "▁reb uilt", - "三 个", - "L IGHT", - "衣 服", - "/ se", - "/s e", - "人 们", - "- mount", - "-m ount", - "v pn", - "vp n", - "以 为", - "valid ated", - "validate d", - "伤 害", - "(Q Object", - "样 的", - "▁ign ition", - "▁Char gers", - "▁Charg ers", - "▁Charge rs", - "来 了", - "RYPT O", - "心 理", - "]initWith Frame", - "教 学", - "▁Fl uid", - "▁Flu id", - "点击 右", - "▁cad re", - "连 接", - "▁nom inations", - "▁nomin ations", - "▁nomination s", - "过程 中", - "Ne ill", - "的 情况", - "的情 况", - "▁H ou", - "▁Ho u", - "速 度", - "▁current s", - "▁curr ents", - "_ gene", - "_g ene", - "_gen e", - "_ge ne", - "植 物", - "( inp", - "(i np", - "(in p", - "销 售", - "P aris", - "Par is", - "Pa ris", - "避 免", - "建 立", - "ag gregate", - "开 启", - "▁ assoc", - "▁as soc", - "▁ass oc", - "政 策", - "we eted", - "weet ed", - "记 录", - "er rat", - "err at", - "erra t", - "旅 游", - "▁' /',\n", - "▁'/ ',\n", - "▁'/' ,\n", - "▁'/', \n", - "f ixture", - "fix ture", - "的 时间", - "的时 间", - "▁H ighest", - "▁High est", - "▁Hi ghest", - "儿 童", - "amb ient", - "最 近", - "▁ chmod", - "▁ch mod", - "了 一个", - "了一 个", - "▁ conte", - "▁c onte", - "▁con te", - "▁cont e", - "▁co nte", - "就 能", - "▁sens ual", - "生 命", - "▁gar ment", - "参 数", - "z ers", - "ze rs", - "zer s", - "每 次", - "▁Power ed", - "▁Pow ered", - "领 导", - "dom ains", - "domain s", - "R eward", - "Re ward", - "Rew ard", - "回 答", - "i omanip", - "我 觉得", - "▁cock pit", - "比 赛", - "out file", - "生 的", - "▁ builtin", - "▁b uiltin", - "▁built in", - "期 间", - "▁ins isting", - "▁insist ing", - "一 年", - ". vars", - ".v ars", - ".var s", - ".va rs", - "很 好", - "zip code", - "突 然", - "机 会", - "f ails", - "fa ils", - "fail s", - "浏 览", - "▁consolid ation", - "理 解", - "_ oid", - "_o id", - "真 正", - "Plan et", - "Plane t", - "许 多", - "▁ =\",", - "▁= \",", - "▁=\" ,", - "搅 拌", - "\t el", - "\te l", - "肯 定", - "UI LT", - "UIL T", - "英 语", - "受 到", - "af ari", - "afa ri", - "注 册", - "▁Mc Cl", - "▁McC l", - "第 十", - "T imeline", - "Time line", - "Tim eline", - "的 事", - "E sta", - "Est a", - "Es ta", - "修 改", - "▁f ram", - "▁fr am", - "▁fra m", - "Y E", - "传 统", - "▁cere bral", - "Of Month", - "优 秀", - "▁P regn", - "▁Pre gn", - "格 式", - "经 过", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ \n▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n ▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁\n", - "考 虑", - "▁F res", - "▁Fr es", - "▁Fre s", - "Appro ved", - "成 绩", - ". Special", - ".S pecial", - ".Spec ial", - "后 的", - "▁Prote stant", - "▁Protest ant", - "关 闭", - "▁all ergy", - "▁allerg y", - "▁aller gy", - "_p cm", - "_pc m", - "\t Copyright", - "\tC opyright", - "▁super Class", - "负 责", - "\" strconv", - "现 代", - "▁Moh amed", - "高 的", - "▁' //", - "▁'/ /", - "中 央", - "Fore Color", - "我 说", - "Ar thur", - "办 公", - "▁J ungle", - "▁Jun gle", - "▁Jung le", - "卫 生", - "▁ve ins", - "▁vein s", - "S ad", - "Sa d", - "行 为", - "▁back ups", - "▁backup s", - "是 不是", - "是不 是", - "▁Op inion", - "慢 慢", - "重 点", - "▁inter mitt", - "综 合", - "o dyn", - "od yn", - "ody n", - "保 证", - "▁Christ ina", - "名 称", - "▁and re", - "整 个", - "▁evac uation", - "的 事情", - "的事 情", - "p alette", - "pa lette", - "pal ette", - "患 者", - "h orse", - "hor se", - "意 思", - "▁Res ident", - "随 着", - "▁Has san", - "▁Hass an", - "还 可以", - "还可 以", - ". Nil", - ".N il", - "时 代", - "▁a isle", - "经 营", - "▁G rowing", - "▁Gr owing", - "▁Gro wing", - "▁Grow ing", - "▁blog info", - "第 五", - "/ sql", - "/s ql", - "大 小", - "_io ctl", - "学 会", - "Sc aling", - "▁Mon ad", - "不 想", - "_ cpp", - "_c pp", - "_cp p", - "运 行", - "▁H utch", - "高 中", - "▁Apple WebKit", - "压 力", - "Exp ense", - "认 识", - "_J OB", - "_JO B", - "业 务", - "▁point less", - "不 得", - "From Body", - "量 的", - "an tal", - "ant al", - "anta l", - "我 也", - "▁depict ing", - "第 一次", - "第一 次", - "▁C ELL", - "▁CE LL", - "变 化", - "▁re fin", - "▁ref in", - "自 由", - "▁C NC", - "▁CN C", - "一 天", - "中 间", - "_ dimensions", - "_dim ensions", - "_dimension s", - "消 息", - "▁S AN", - "▁SA N", - "尤 其", - "▁a ft", - "▁af t", - "▁foot steps", - "智 能", - "cc oli", - "cco li", - "发 布", - "_PH ONE", - "地 址", - "/ math", - "/m ath", - "重 新", - "- kind", - "-k ind", - "▁Me ans", - "▁Mean s", - "接 下来", - "ich ael", - "icha el", - "办 法", - ". guna", - ".g una", - "我们 可以", - "▁inaug uration", - "成 了", - "-dr iving", - "高 度", - "( delete", - "(de lete", - "(del ete", - "▁total Count", - "搭 配", - "_ MC", - "_M C", - ". Extension", - ".Ext ension", - "有 一个", - "有一 个", - "Com mercial", - "Comm ercial", - "男 人", - "▁z Index", - "恢 复", - "< Customer", - "$", - "\"> $", - "怎 样", - "▁e bay", - "▁eb ay", - "形 式", - "▁c aptive", - "▁ca ptive", - "▁capt ive", - "共 同", - "pl iant", - "家 长", - "▁Calculate s", - "▁Calcul ates", - "▁Calc ulates", - "ol ta", - "olt a", - "目 录", - "es ting", - "est ing", - "esti ng", - "_ revision", - "_re vision", - "_rev ision", - "领 域", - "+ m", - "\",\" \",\"", - "表 面", - "WH AT", - "有 个", - "▁compassion ate", - "攻 击", - "h arga", - "har ga", - "执 行", - "[ random", - "[r andom", - "集 团", - "▁mod ulo", - "主 义", - "( sn", - "(s n", - "答 案", - "▁occup ations", - "▁occupation s", - "我 想", - "/ ///\n", - "// //\n", - "//// \n", - "/// /\n", - "大 部分", - "\t board", - "\tb oard", - "共 和", - "▁B alk", - "▁Ba lk", - "▁Bal k", - "特 点", - "成 长", - "▁W ifi", - "▁Wi fi", - "声 音", - ". Profile", - ".Pro file", - "插 入", - ":m aj", - "三 年", - "\t mat", - "\tm at", - "LOCK S", - "LOC KS", - "让 你", - "(j Button", - "欢 迎", - "▁ ('$", - "▁( '$", - "▁(' $", - "书 记", - "M ur", - "Mu r", - "另 一", - "是 个", - "b ble", - "bb le", - "曾 经", - "▁f rog", - "▁fr og", - "▁fro g", - "风 格", - "- hide", - "-h ide", - "年 代", - "▁broad caster", - "▁broadcast er", - "反 应", - "正 确", - "h aled", - "ha led", - "hal ed", - "加 上", - "▁am using", - "感 情", - "_pre dictions", - "_pred ictions", - "_predict ions", - "_prediction s", - "表 格", - "_ intr", - "_in tr", - "_int r", - "兴 趣", - "▁e agle", - "▁ea gle", - "▁get List", - "看 着", - "ps ilon", - "psi lon", - "人 生", - "▁character ization", - "变 得", - "AR DS", - "ARD S", - "升 级", - "▁re location", - "▁rel ocation", - "然 后点击", - "然后 点击", - "▁r ulers", - "▁rule rs", - "▁ru lers", - "▁ruler s", - "P AY", - "PA Y", - "过 的", - "▁Def initely", - "都 在", - "_ Action", - "_A ction", - "_Act ion", - "进 去", - "▁c losures", - "▁clos ures", - "▁closure s", - "法 律", - "▁f actual", - "▁fact ual", - "类 的", - "o dynamic", - "od ynamic", - "odyn amic", - "▁preca utions", - "一 切", - "n iej", - "ni ej", - "nie j", - "中 文", - "▁Part ies", - "▁Par ties", - "组 成", - "▁Sub aru", - "是 什么", - "▁cous ins", - "▁cousin s", - "有 了", - "ar beit", - "有 时候", - "有时 候", - ". money", - ".m oney", - ".mo ney", - ".mon ey", - "属 性", - "g unta", - "gun ta", - "辣 椒", - "( and", - "(a nd", - "(an d", - "培 训", - "get item", - "教 师", - ".Style Priority", - "参 与", - "▁s lid", - "▁sl id", - "我 妈", - "single ton", - "然 而", - "▁g arn", - "▁gar n", - "▁ga rn", - "高 级", - "▁P AS", - "▁PA S", - "阶 段", - "▁d azz", - "▁da zz", - "设 施", - "小 学", - "▁bog us", - "尽 量", - "▁M og", - "▁Mo g", - "▁rival ry", - "带 来", - "i sol", - "is ol", - "iso l", - "也 没", - "▁land marks", - "▁landmark s", - "万 元", - "B ern", - "Be rn", - "Ber n", - "是 因为", - "▁Sa chs", - "▁Sac hs", - "▁Sach s", - "在 我", - "▁ \")\n\n", - "▁\" )\n\n", - "▁\") \n\n", - "▁\")\n \n", - "对 象", - "▁host ility", - "面 对", - "_m ex", - "_me x", - "规 划", - "m ere", - "mer e", - "me re", - "发 表", - "M ot", - "Mo t", - "创 新", - "p ictureBox", - "picture Box", - "会 议", - "Def ense", - "动 物", - "▁affid avit", - "有 所", - "other wise", - "好 像", - ". directory", - ".d irectory", - ".direct ory", - "我 不", - "_ UnityEngine", - "_Un ityEngine", - "直 到", - "- blog", - "-b log", - "-bl og", - "爱 的", - ". skin", - ".s kin", - ".sk in", - "咨 询", - "p hem", - "ph em", - "Ap ellido", - "也 就是", - "也就 是", - "er chant", - "洗 净", - "[ class", - "[c lass", - "切 成", - "▁ wart", - "▁w art", - "▁war t", - "▁wa rt", - "文 学", - ". \"[", - ".\" [", - "平 均", - "a leur", - "al eur", - "ale ur", - "做 的", - "/ back", - "/b ack", - "可以 在", - "▁▁▁▁ \t▁▁▁", - "▁▁▁▁\t ▁▁▁", - "备 用", - "▁precip itation", - "有 很多", - "▁ob struction", - "▁obstruct ion", - "家 的", - "▁p Obj", - "物 质", - "▁ rupt", - "▁r upt", - "▁ru pt", - "创 作", - "UCK ET", - "桌 面", - "a ye", - "ay e", - "出 来的", - "出来 的", - "相 对", - "g x", - "最 高", - "▁e cl", - "▁ec l", - "女 孩", - "▁secre cy", - "好 友", - "/ Header", - "给 你", - "▁Le sb", - "▁Les b", - "▁l ei", - "▁le i", - "▁Bullet in", - "根 本", - "▁give away", - ". Home", - ".H ome", - "_ ROOM", - "_R OOM", - "_RO OM", - "网 上", - "\" W", - "思 想", - "▁co work", - "▁cow ork", - "技 巧", - "_ ra", - "_r a", - "持 续", - "▁C ycling", - "责 任", - "▁P aw", - "▁Pa w", - "是 不", - "▁pup il", - "吃 饭", - "/ arch", - "/a rch", - "广 告", - "▁File Utils", - "医 生", - "实 验", - "r sp", - "rs p", - "方 案", - "▁freedom s", - "▁freed oms", - "来 看", - "▁L ear", - "▁Le ar", - "独 立", - "} `).", - "}` ).", - "浏览 器", - "▁bow ls", - "▁bowl s", - "快 乐", - "/ block", - "/b lock", - "回 到", - "_ logging", - "_log ging", - "商 品", - "▁meth ane", - "▁h orns", - "▁hor ns", - "▁horn s", - "性 能", - "▁wonder fully", - "▁wonderful ly", - "开 心", - "▁alter ations", - "测 试", - "▁ex ile", - "l sen", - "ls en", - "演 员", - "_ pause", - "_p ause", - "_pa use", - "说 的", - "_L ANGUAGE", - "_LANG UAGE", - "确 实", - "▁US DA", - "▁USD A", - "_ mysql", - "_m ysql", - "_my sql", - "媒 体", - "_AM OUNT", - "从 而", - "▁L IFE", - "▁LI FE", - "附 近", - "▁young sters", - "的 朋友", - "▁ri ots", - "▁riot s", - "特 色", - "[ E", - "▁un forgettable", - "配 置", - ", },\n", - "下 方", - "Dis posed", - "Dispose d", - "食 品", - "▁Ass assin", - "大 利", - "U NG", - "UN G", - "列 表", - "▁New sp", - "▁News p", - "红 色", - "User Service", - "的 东西", - ": aload", - ":a load", - "同 样", - "+ ',", - "+' ,", - "保 险", - "▁sett lers", - "▁settle rs", - "▁scre ams", - "▁scream s", - "接 口", - "▁incon venience", - "車 站", - ". Rotate", - ".R otate", - "教 授", - "▁j ars", - "▁ja rs", - "▁jar s", - "永 远", - "▁P uzzle", - "▁Pu zzle", - "联 网", - "▁m est", - "▁me st", - "▁mes t", - "ar si", - "ars i", - "愿 意", - "▁Sh arma", - "▁Shar ma", - "我 在", - "| (", - ". ds", - ".d s", - "例 如", - "▁Sa cred", - "▁Sac red", - "_ evt", - "_e vt", - "_ev t", - "农 村", - "▁exp resses", - "▁express es", - "想 到", - "▁h och", - "▁ho ch", - "即 使", - "▁D uch", - "▁Du ch", - "时 期", - ". calls", - ".c alls", - ".call s", - ".cal ls", - "合 适", - "t hr", - "th r", - "地 的", - "▁She ffield", - "全 球", - ".Alert Dialog", - "本 身", - "▁rad ically", - "▁radical ly", - "做 法", - "▁t rous", - "▁tr ous", - "▁tro us", - "▁trou s", - "正 在", - "▁prev ailing", - "优 势", - "▁WW II", - "是 最", - "新 建", - "ens ely", - "ense ly", - "回 来", - "▁ Yesterday", - "▁Y esterday", - "应 的", - "▁Sir ius", - "也 很", - "▁kill ers", - "▁kil lers", - "▁killer s", - "情 绪", - "▁F FT", - "▁FF T", - "稳 定", - "▁ oval", - "▁o val", - "▁ov al", - "不 多", - "' ):\r\n", - "') :\r\n", - "'): \r\n", - "专 家", - "都 可以", - "都可 以", - "ou rage", - "our age", - "▁ Checkbox", - "▁Check box", - "Work book", - "输 出", - ".de fer", - ".def er", - "降 低", - "_ floor", - "_f loor", - "_fl oor", - "生 长", - "▁c ouncill", - "▁council l", - "整 体", - "▁nors ke", - "mo il", - "课 程", - "o rea", - "or ea", - "ore a", - "培 养", - "▁mark eted", - "▁market ed", - "_S UR", - "_SU R", - "核 心", - "x AA", - "xA A", - "必 要", - "▁st ained", - "▁sta ined", - "▁stain ed", - "段 时间", - "e ut", - "eu t", - "变 成", - "▁M eng", - "▁Me ng", - "▁Men g", - "下 去", - "▁i eee", - "▁ie ee", - "尺 寸", - ". extern", - ".ex tern", - ".ext ern", - "提 前", - "e gie", - "eg ie", - "▁r app", - "▁rap p", - "▁ra pp", - "句 话", - "▁Py ongyang", - "所 谓", - "' class", - "事 件", - "M ob", - "Mo b", - "化 的", - "▁initial Value", - "积 极", - "_ wave", - "_w ave", - "今 年", - "▁ jab", - "▁j ab", - "▁ja b", - "▁mascul ine", - "▁ampl ifier", - "训 练", - "▁t ty", - "▁tt y", - "Path Component", - "都 要", - "_ xt", - "_x t", - "成 本", - "▁G FP", - "▁GF P", - "华 为", - "/ sec", - "/s ec", - "/se c", - "团 队", - "\t dispatch", - "\tdis patch", - "自 身", - "mark down", - "绝 对", - "▁S chn", - "▁Sc hn", - "▁Sch n", - "担 任", - "b ole", - "bo le", - "bol e", - "特 殊", - "个 月", - "mouse move", - "弹 出", - "▁err Msg", - "风 险", - "▁a sign", - "▁as ign", - "▁asi gn", - "规 定", - "_ mono", - "_m ono", - "_mon o", - "就可以 了", - "To Selector", - "行 的", - "▁Z u", - "定 义", - "( Rect", - "(R ect", - "来 看看", - "来看 看", - "▁ ErrorCode", - "▁Error Code", - "意 识", - "l atin", - "la tin", - "lat in", - "名 的", - "ang ible", - "v tk", - "vt k", - "面 粉", - "CG Size", - "世 纪", - "P okemon", - "本 人", - "▁class mates", - "面 積", - "▁at tracts", - "▁attr acts", - "▁attract s", - "金 融", - "▁T atto", - "部 的", - "ul tan", - "ult an", - "ulta n", - "确 认", - "有 什么", - "▁h alted", - "▁hal ted", - "▁halt ed", - "此 时", - "▁K art", - "▁Kar t", - "▁Ka rt", - "▁ ue", - "▁u e", - "最 佳", - "_Init Structure", - "_InitStruct ure", - "爸 爸", - "Test Class", - "十 二", - "▁Air bnb", - "哪 些", - "_ \",", - "_\" ,", - "一 张", - "▁char coal", - "打 印", - "▁i pc", - "▁ip c", - "所 在", - "▁ Stretch", - "▁St retch", - "▁Str etch", - "检 测", - ".g lide", - ".gl ide", - "享 受", - "lates AutoresizingMaskIntoConstraints", - "本 书", - "▁p otion", - "▁po tion", - "▁pot ion", - "日 期", - "ITT LE", - "到 底", - "▁count ert", - "▁counter t", - "接 触", - "_ hd", - "_h d", - "后 面", - "pre pared", - "prepare d", - "混 合", - "A ds", - "Ad s", - "还 能", - "▁V ampire", - "法 国", - "robot s", - "rob ots", - "所 有的", - "所有 的", - ".Create Index", - "明 白", - "Status Label", - "歌 曲", - "▁t ucked", - "就 像", - "U t", - "▁swe ater", - "▁sweat er", - "锅 中", - "_ FN", - "_F N", - "评 论", - "▁▁▁▁ ▁▁▁▁▁▁▁▁▁▁▁▁\t", - "▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁▁▁\t", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ \t", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁\t", - "▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁\t", - "▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁\t", - "▁▁▁▁▁▁▁▁▁▁ ▁▁▁▁▁▁\t", - "▁▁▁▁▁▁▁▁▁▁▁▁▁▁ ▁▁\t", - "密 度", - "at aka", - "ata ka", - "数 量", - "▁eyeb rows", - "好 看", - "ac oes", - "aco es", - "支付 宝", - "u den", - "ud en", - "ude n", - "白 色", - ".Linear LayoutManager", - ".LinearLayout Manager", - "往 往", - "▁s way", - "▁sw ay", - "它 们", - "▁mult in", - "▁multi n", - "▁mul tin", - "他 们的", - "他们 的", - "( ))))\n", - "() )))\n", - "()) ))\n", - "())) )\n", - "取 得", - "▁ NSUInteger", - "▁NS UInteger", - "山 东", - "▁My Base", - "房 子", - "Part ner", - "证 明", - "uts chen", - "utsch en", - "utsche n", - "几 乎", - "▁C ater", - "▁Ca ter", - "▁Cat er", - "也 许", - ".set BackgroundColor", - ".setBackground Color", - "四 川", - "▁accompl ishment", - "▁accomplish ment", - "装 修", - "_ problem", - "_pro blem", - "_prob lem", - "清 洗", - ".d td", - ".dt d", - "民 族", - "▁page Number", - "很 难", - "▁j ackets", - "▁jack ets", - "▁jacket s", - "就 在", - "▁c ropped", - "▁cr opped", - "▁cro pped", - "▁crop ped", - "合 理", - "u els", - "ue ls", - "uel s", - "▁H ep", - "▁He p", - "常 见", - "▁c apped", - "▁cap ped", - "▁ca pped", - "也 没有", - "也没 有", - "* Math", - "*M ath", - "通 知", - "_callback s", - "_call backs", - "促 进", - "▁p ubb", - "▁pub b", - "▁pu bb", - "轻 松", - "▁Brun swick", - "力 的", - ". respond", - ".res pond", - "针 对", - "[ \"_", - "[\" _", - "海 拔", - "▁bed ding", - "人 家", - "hyth m", - "商 业", - "O X", - "也 要", - "( speed", - "(s peed", - "(sp eed", - "员 工", - "▁pestic ides", - "形 状", - "▁ -------", - "▁- ------", - "▁-- -----", - "▁---- ---", - "▁--- ----", - "▁----- --", - "▁------ -", - "州 市", - ". Blue", - ".Bl ue", - "▁nood les", - "第 六", - "▁G oes", - "▁Go es", - "的 不", - "▁s aver", - "▁sa ver", - "▁save r", - "▁sav er", - "浙 江", - "o xy", - "ox y", - "_ completion", - "_com pletion", - "_comp letion", - "等 待", - "▁Sw inger", - "▁Swing er", - "的 主", - "▁get Date", - "值 得", - "▁m inded", - "▁min ded", - "▁mind ed", - "int egration", - "小 米", - "▁Lot us", - "多 种", - "( stop", - "(s top", - "(st op", - "播 放", - "(', ');\n", - "的 新", - "▁fl oods", - "▁flo ods", - "▁flood s", - "黑 色", - "▁Work flow", - "都 能", - "▁erupt ed", - "M acro", - "Mac ro", - "Ma cro", - "过 来", - "▁Sa uce", - "▁Sau ce", - "牛 奶", - "▁event Name", - "到 的", - "\\ Input", - "空 气", - "Break ing", - "Bre aking", - "制 造", - "\t when", - "\tw hen", - "_ pw", - "_p w", - "内 的", - "I NDER", - "IN DER", - "IND ER", - "动 作", - "▁Well ness", - "道 路", - "▁v oxel", - "▁vox el", - "防 止", - "▁M ell", - "▁Me ll", - "▁Mel l", - "太 多", - "▁M EDIA", - "▁MED IA", - "人 体", - "S ENS", - "SE NS", - "SEN S", - "▁F unds", - "▁Fund s", - "▁Fun ds", - "▁M ild", - "▁Mil d", - "▁Mi ld", - "头 发", - "< Array", - "\n", - "'); ?>\n", - "');?> \n", - "资 金", - "▁temp ting", - "▁tempt ing", - "说 话", - "▁test ament", - "细 胞", - "▁b ible", - "▁bi ble", - "▁bib le", - "▁consult ed", - "哪 里", - "▁Index Error", - "的 生活", - "儿 子", - "▁key pad", - "▁ke ypad", - "分 为", - "i zzo", - "iz zo", - "izz o", - "思 考", - "( ok", - "(o k", - "查 询", - "▁whats app", - "单元 格", - "▁Remote Exception", - "高 考", - "▁te amed", - "▁team ed", - "▁tea med", - "现 实", - "唯 一", - "可以 看到", - "可以看 到", - "▁ getTime", - "▁get Time", - "少 年", - "di ag", - "dia g", - "离 开", - "is sy", - "iss y", - "她 们", - "▁ hed", - "▁h ed", - "▁he d", - "▁kn ots", - "▁knot s", - "太 阳", - "j om", - "jo m", - "英 国", - "▁f unnel", - "▁fun nel", - "这个 问题", - "-m ails", - "-mail s", - "吃 的", - "▁exp orting", - "▁export ing", - "▁ VL", - "▁V L", - "基 金", - "▁K arn", - "▁Kar n", - "▁Ka rn", - "多 年", - "▁Buddh ism", - "掌 握", - "▁Al lan", - "▁All an", - "身 边", - "_R ADIUS", - "动 力", - "▁w ording", - "▁word ing", - "▁wor ding", - "▁F orget", - "▁For get", - "▁Forge t", - "美 的", - "▁Cor ona", - "▁Coron a", - "感 受", - "i phy", - "ip hy", - "iph y", - "看 了", - "▁lim burg", - "▁limb urg", - "小 的", - "ug gy", - "ugg y", - "现 象", - "▁User Repository", - "至 少", - "i min", - "im in", - "imi n", - "真 实", - "( ele", - "(e le", - "(el e", - "化 学", - "▁label led", - "▁lab elled", - "家 人", - "漂 亮", - "▁H erman", - "▁Her man", - "▁Herm an", - ". qq", - ".q q", - "全 面", - "▁ \"));\n", - "▁\" ));\n", - "▁\") );\n", - "社 区", - "ie ber", - "农 业", - ". Translate", - ".Trans late", - "快 捷", - "r yn", - "ry n", - "数 学", - "▁des env", - "▁dese nv", - "绿 色", - "u md", - "um d", - "收 藏", - "Sim ply", - "固 定", - "\t mode", - "\tm ode", - "\tmod e", - "者 的", - "R pc", - "Rp c", - "一 条", - "▁Val encia", - "▁Vale ncia", - "自 我", - "▁staff ers", - "水 果", - "▁se lv", - "▁sel v", - "从 事", - "▁Sp ike", - "▁Spi ke", - "相 当", - "▁d elic", - "▁de lic", - "▁del ic", - "面 团", - "▁e ru", - "▁er u", - "描 述", - "_ DT", - "_D T", - "称 为", - "J udge", - "Jud ge", - "元 素", - "▁B asin", - "▁Ba sin", - "▁Bas in", - "超 级", - ". mutable", - ".m utable", - ".mu table", - "的 方式", - "\" url", - "也 就", - "▁tar iff", - "好 好", - "▁Slee ve", - "复 制", - "▁ flare", - "▁fl are", - "身 上", - ".drop out", - "最 大的", - "最大 的", - "▁b rides", - "▁br ides", - "▁bri des", - "▁bride s", - "一 定的", - "一定 的", - ") ),\r\n", - ")) ,\r\n", - ")), \r\n", - "分 类", - "_con straints", - "_constraint s", - "谢 谢", - "d estruct", - "de struct", - "年 龄", - "Out line", - "广 东", - "▁disappe ars", - "▁disappear s", - "提 醒", - "_ locked", - "_lock ed", - "_loc ked", - "孩 子的", - "孩子 的", - "▁NS LocalizedString", - "表 达", - "c ke", - "ck e", - "河 南", - "\t null", - "\tn ull", - "体 育", - "ad resse", - "adr esse", - "样 子", - "▁t opping", - "▁to pping", - "▁top ping", - "▁topp ing", - "电 池", - "▁J oker", - "▁Jo ker", - "第 一个", - "第一 个", - "b ishop", - "bi shop", - "bis hop", - "bish op", - "怎么 办", - "博 士", - "and ering", - "ander ing", - "ande ring", - "终 于", - "_ amp", - "_a mp", - "_am p", - "运 营", - "= time", - "=t ime", - "共和 国", - "_ Space", - "_S pace", - "力 量", - "_P ULL", - "英 文", - "' =", - "函 数", - "▁ant iqu", - "▁anti qu", - "医 疗", - "▁c ach", - "▁ca ch", - "宣 传", - "_ __\n\n", - "__ _\n\n", - "___ \n\n", - "符 合", - "ON ES", - "ONE S", - "事 业", - "▁un read", - "▁unre ad", - "▁unr ead", - "大 量", - ". policy", - ".p olicy", - "还 会", - "oooo oooo", - "在 这里", - "在这 里", - "▁ usted", - "▁u sted", - "▁us ted", - "睡 觉", - "▁Re ce", - "▁Rec e", - "的 感觉", - "▁al lem", - "▁all em", - "▁alle m", - "饮 食", - "实 在", - "▁Though ts", - "▁Thought s", - "看 见", - "ve illance", - "ist rate", - "istr ate", - "计算 机", - "_ lane", - "_l ane", - "主 动", - "▁f amed", - "▁fam ed", - "▁fa med", - "▁fame d", - "手 术", - ". GetName", - ".Get Name", - "新 闻", - "▁smooth er", - "▁smo other", - "安 排", - "▁Qual ified", - "恋 爱", - "a zers", - "az ers", - "aze rs", - "azer s", - "地 图", - "_ geo", - "_g eo", - "_ge o", - "角 度", - "F ax", - "Fa x", - "▁M inds", - "▁Min ds", - "▁Mind s", - "▁ Raises", - "▁R aises", - "▁Ra ises", - "▁Raise s", - "工 资", - "▁trans cripts", - "▁tran scripts", - "▁transcript s", - "互 联网", - "互联 网", - "Con versation", - "可能 是", - "▁re marked", - "▁rem arked", - "▁remark ed", - "图 层", - "这 时", - "d ling", - "dl ing", - "简 单的", - "简单 的", - "▁deploy ing", - "▁shared Application", - "▁ kp", - "▁k p", - "心 情", - "FontAwesome Icon", - "尤其 是", - "_ dummy", - "_d ummy", - "很 有", - "reib en", - "rei ben", - "并 不是", - "并不 是", - "▁Jane iro", - "出版 社", - "Dir ections", - "Direction s", - "Direct ions", - "然 后在", - "然后 在", - ".get Bean", - "获 取", - "s ass", - "sa ss", - "追 求", - "▁command ers", - "▁commander s", - "读 书", - "v ation", - "va tion", - "vat ion", - "吸 引", - "error Code", - "做 到", - "▁Al loy", - "▁All oy", - "电 源", - ".local ized", - "生 平", - "机 械", - "▁dish washer", - "▁ Soup", - "▁S oup", - "▁So up", - "▁Sou p", - "协 会", - "N u", - "物 理", - "_ Default", - "_D efault", - "_De fault", - "制 度", - "▁un even", - "▁une ven", - "父 亲", - "▁/ >\";\n", - "▁/> \";\n", - "上 一", - "- Based", - "-B ased", - "德 国", - "▁seam lessly", - "▁seamless ly", - "解 释", - "- null", - "-n ull", - "印 度", - "▁ XC", - "▁X C", - "大 多数", - "大多 数", - "▁st ew", - "▁ste w", - "生 抽", - "( delay", - "(d elay", - "(de lay", - "(del ay", - "性 格", - "AT ORS", - "ATOR S", - "ATO RS", - "取 消", - "▁Whe eler", - "▁Wheel er", - "铁 路", - "\" H", - "官 方", - "e ast", - "ea st", - "胡 萝卜", - ". air", - ".a ir", - ".ai r", - "点 赞", - "多 个", - "Object Context", - "success fully", - "successful ly", - "在 线", - "_ land", - "_l and", - "开 展", - "▁f olds", - "▁fol ds", - "▁fold s", - "_CO ORD", - "姐 姐", - "▁sub po", - "笔 记", - ".get Address", - ".g etAddress", - "女 子", - "in str", - "ins tr", - "inst r", - "垃 圾", - "Material s", - "包 装", - "de posit", - "dep osit", - "从 来", - "- last", - "-l ast", - "-la st", - "说 是", - "_ GRAY", - "_G RAY", - "_GR AY", - "此 外", - "= find", - "=f ind", - "车 辆", - "▁mut ant", - "▁mu tant", - "我 爸", - "▁lesb ienne", - "很 好的", - "很好 的", - "let cher", - "RO UGH", - "依 然", - "ur eka", - "ure ka", - "打 造", - ". capture", - ".c apture", - ".cap ture", - "沟 通", - "▁ enn", - "▁e nn", - "▁en n", - "▁ ([[", - "▁( [[", - "▁([ [", - "是 由", - "▁F lu", - "▁Fl u", - "蔬 菜", - "▁task Id", - "中 國", - "▁Hus sein", - "施 工", - ". folder", - ".f older", - ".fold er", - "竞 争", - "▁a usterity", - "斯 特", - "IST RATION", - "ISTR ATION", - "之 外", - "_ Impl", - "_I mpl", - "宠 物", - "才 是", - "▁dec ree", - "▁decre e", - "客 房", - "- chat", - "-c hat", - "-ch at", - "下 方的", - "下方 的", - "▁imp lication", - "▁impl ication", - "更 多的", - "更多 的", - "▁guess es", - "否 则", - "ul kan", - "ulk an", - "下 午", - "An alytics", - "战 争", - ". plus", - ".pl us", - "老 板", - "COM MAND", - "COMM AND", - "定 位", - "淀 粉", - "_ SITE", - "_S ITE", - "▁equal To", - "立 即", - "Support FragmentManager", - "概 念", - "▁ Recording", - "▁Rec ording", - "▁Record ing", - "不 如", - "吸 收", - "▁bag gage", - "的 作用", - "▁pitch ers", - "▁pitcher s", - "右 键", - "▁E h", - "担 心", - "o que", - "认 证", - "\t cnt", - "\tc nt", - "形 象", - "▁ =>$", - "▁= >$", - "▁=> $", - "/ foo", - "/f oo", - "的 原因", - "的原 因", - "I RA", - "IR A", - "如果 是", - "▁Sat ellite", - "当 前", - "bo rah", - "bor ah", - "并 没有", - "▁} }\"\n", - "▁}} \"\n", - "▁}}\" \n", - "真 的是", - "真的 是", - "▁En ds", - "▁End s", - "链 接", - "▁Sp ray", - "▁Spr ay", - "种 植", - ", param", - ",p aram", - "办公 室", - ". Chrome", - ".Ch rome", - "不 再", - "* q", - "组 合", - "th ought", - "though t", - "他 说", - "ib rated", - "ibr ated", - "ibrate d", - "代 码", - "▁th ieves", - "件 事", - "▁benefici aries", - "西 南", - "En tered", - "Ent ered", - "Enter ed", - "ottes ville", - "otte sville", - "▁veter in", - "文 本", - "By ID", - "主 题", - "qu ipe", - "quip e", - "qui pe", - "你 可以", - "你可 以", - "um ption", - "ump tion", - "umpt ion", - "罗 斯", - "- unit", - "-un it", - "-u nit", - "排 名", - "Execution Context", - "困 难", - "@ s", - "机 器", - "▁G iov", - "▁Gi ov", - "不 住", - ". ToolTip", - ".Tool Tip", - "天 天", - "_ friend", - "_f riend", - "( attributes", - "(at tributes", - "(attribute s", - "减 肥", - "▁d umping", - "▁dump ing", - "台 灣", - "▁ JC", - "▁J C", - "真 是", - "_ DOCUMENT", - "_D OCUMENT", - "很 容易", - "▁Arm our", - "( insert", - "(in sert", - "(ins ert", - ".Horizontal Alignment", - "来 到", - "▁ Qed", - "▁Q ed", - "期 的", - "母 亲", - "/ git", - "/g it", - "荣 耀", - "▁ YYYY", - "▁Y YYY", - "▁YY YY", - "复 杂", - "▁Car diff", - "▁Card iff", - "尝 试", - "▁ apa", - "▁a pa", - "▁ap a", - "有 着", - "org anic", - "organ ic", - "西 北", - "▁Where as", - "▁Whe reas", - "会 员", - "上 去", - "▁M ia", - "▁Mi a", - "江 苏", - "▁demol ition", - "上 方", - "▁s cars", - "▁sc ars", - "▁sca rs", - "▁scar s", - "不 需要", - "不需 要", - "▁p ai", - "▁pa i", - "公 共", - "▁re tries", - "▁ret ries", - "▁retrie s", - "▁retr ies", - "阳 光", - "▁ rq", - "▁r q", - "▁D enis", - "▁De nis", - "▁Den is", - "流 量", - "( Utils", - "之 间的", - "之间 的", - "▁allev iate", - "最 好的", - "最好 的", - "▁P IC", - "▁PI C", - "i due", - "id ue", - "改 善", - "▁acknowled ging", - "做 了", - "▁// ////////////////////////////////", - "▁////////////////// ////////////////", - "详 情", - "默 认", - "\\ Json", - ". binary", - ".b inary", - ".bin ary", - "▁x type", - "sign als", - "signal s", - "左 侧", - "▁ Appearance", - "▁Ap pearance", - "欧 洲", - "& r", - "自 治", - "} s", - "成 為", - "C i", - "初 中", - "▁I llum", - "▁Ill um", - "球 队", - "p orate", - "por ate", - "po rate", - "地 區", - "h og", - "ho g", - "分 手", - "▁ indexOf", - "▁index Of", - "面 板", - "\\ Command", - "足 够", - "_ parallel", - "_par allel", - "本 科", - "▁Sher lock", - "可 爱", - "每 年", - "▁\" \")\r\n", - "▁\"\" )\r\n", - "▁\"\") \r\n", - "美 丽", - "//////////////// ////////////////////////////////////////////////////////////////////////////////", - "//////////////////////////////// ////////////////////////////////////////////////////////////////", - "//////////////////////////////////////////////////////////////// ////////////////////////////////", - "//////////////////////////////////////////////// ////////////////////////////////////////////////", - "//////////////////////////////////////////////////////////////////////////////// ////////////////", - "型 的", - "▁critic ize", - "开 放", - "▁So ap", - "我 要", - "▁ Matcher", - "▁M atcher", - "▁Mat cher", - "▁Match er", - "主 席", - "▁gr illed", - "▁grill ed", - "态 度", - "* T", - "▁ad ore", - "▁ado re", - "导 演", - "ul ling", - "ull ing", - "不 太", - "▁jed och", - "限 制", - "_ refs", - "_re fs", - "_r efs", - "_ref s", - "认 真", - "lean up", - "放 弃", - "▁J AXB", - "▁JA XB", - "体 的", - "▁r oses", - "▁ro ses", - "▁rose s", - "▁ros es", - "▁L iam", - "▁Li am", - "理 念", - "size i", - "的 发展", - "的发 展", - "▁get char", - "思 维", - "▁t arde", - "▁tar de", - "▁tard e", - "特 征", - "- tooltip", - "-to oltip", - "-tool tip", - "学 名", - "▁qual ifier", - "内 部", - "▁Inter mediate", - "东 北", - "_ Window", - "_W indow", - "▁Mal ta", - "增 长", - "Dis connect", - "e where", - "ew here", - "街 道", - "C ampo", - "Cam po", - "Camp o", - "日 子", - "▁irr ational", - "美 元", - "le do", - "led o", - "如 今", - "▁ DN", - "▁D N", - "南 京", - "AR GV", - "ARG V", - "我们 就", - "▁out ro", - "▁ou tro", - "▁outr o", - "上 角", - "▁th irteen", - "效 率", - "Jose ph", - "实 施", - "M AR", - "MA R", - "/ gl", - "/g l", - "处 于", - "J ess", - "Je ss", - "战 斗", - "▁Psych iat", - "统 计", - "▁padding Bottom", - "特别 是", - "- loop", - "-l oop", - "-lo op", - "推 广", - "/ fonts", - "/font s", - "文件 夹", - "_ seen", - "_s een", - "_se en", - "每 一", - "Te ams", - "Team s", - "多 次", - "React DOM", - "革 命", - "( man", - "(m an", - "娱 乐", - "( xpath", - "(x path", - "不 在", - ".get SimpleName", - "大 火", - "> (*", - ">( *", - "▁P vt", - "▁Pv t", - "包 含", - "▁el ders", - "▁elder s", - "上 班", - "▁ pies", - "▁p ies", - "▁pie s", - "▁pi es", - "黄 色", - ".user Agent", - "规 则", - "- region", - "-reg ion", - "时 尚", - "▁Gre eks", - "▁Greek s", - "▁Gree ks", - "文 明", - "( fragment", - "(f ragment", - "广 场", - "s tu", - "st u", - "四 年", - "▁council s", - "▁st amina", - "逐 渐", - "▁God dess", - "青 春", - "整 理", - "▁philosoph ers", - "▁philosopher s", - "男 性", - "▁person e", - "▁pers one", - "辅 助", - "▁L ose", - "▁Lo se", - "▁Los e", - "行 动", - "▁C LR", - "▁CL R", - "病 毒", - "▁D ocs", - "▁Do cs", - "▁Doc s", - "反 正", - "▁so ak", - "弹 出的", - "弹出 的", - "▁H OLDER", - "▁HOLD ER", - "都 没", - "▁b ells", - "▁bel ls", - "▁bell s", - "合 同", - "hash Code", - "大 陆", - "R ATE", - "RA TE", - "改 革", - "_WE IGHT", - "商 务", - "in ous", - "ino us", - "切 换", - "en dra", - "end ra", - "有 时", - "oph obic", - "奖 励", - "▁p rose", - "▁pro se", - "▁pr ose", - "▁pros e", - "成 员", - "▁f inely", - "▁fin ely", - "▁fine ly", - "联 盟", - "/ oauth", - "/o auth", - "刚 刚", - "( space", - "(s pace", - "(sp ace", - "规 模", - "ad ge", - "主 要是", - "主要 是", - "▁M ama", - "▁Ma ma", - "▁Mam a", - "粉 丝", - "▁string Buffer", - "▁st int", - "实 践", - "▁m isma", - "▁mis ma", - "经 典", - "▁vill ains", - "▁villain s", - "▁villa ins", - "进 一步", - "▁Crime a", - "知 乎", - "▁dipl oma", - "▁diplom a", - "不 错的", - "不错 的", - "冰 箱", - "▁B ea", - "▁Be a", - "学 历", - "( join", - "(j oin", - "加 强", - "水 分", - "CH AT", - "CHA T", - "说 我", - "p ering", - "pe ring", - "per ing", - "peri ng", - "▁C ros", - "▁Cr os", - "▁Cro s", - "给 他", - "▁mon keys", - "▁monkey s", - "调 查", - "▁p reds", - "▁pr eds", - "▁pre ds", - "▁pred s", - "下 拉", - "y la", - "yl a", - ", ,,", - ",, ,", - "你 会", - "▁vibr ator", - "酱 油", - "▁ NU", - "▁N U", - "人民 共和国", - "f ant", - "fa nt", - "fan t", - "而 言", - "z et", - "ze t", - "湖 南", - "▁b ietet", - "小 心", - "un ft", - "武 器", - "s worth", - "sw orth", - ". Flow", - ".F low", - "同 事", - "▁psych ed", - "▁psy ched", - "路 上", - "▁Contin ental", - "的 心", - "> t", - "更 好的", - "更好 的", - "▁qu ilt", - "▁q uilt", - "▁qui lt", - "预 防", - ". UP", - ".U P", - "▁expans ive", - "神 经", - "Dis pose", - "清 洁", - "( language", - "(l anguage", - "平方 米", - "C aps", - "Cap s", - "Ca ps", - "感 染", - "_ ZONE", - "_Z ONE", - "劳 动", - "▁re cycle", - "▁r ecycle", - "▁rec ycle", - "方 面的", - "方面 的", - "▁ Managed", - "▁Man aged", - "▁Manage d", - "▁Mana ged", - "看 起来", - "current Color", - "感 到", - ". broadcast", - ".b roadcast", - "成 的", - "sign In", - "行 星", - ". prom", - ".p rom", - ".pro m", - ".pr om", - "点 的", - "l lu", - "ll u", - "头 像", - "ue blo", - "或 许", - "▁pun ches", - "▁punch es", - "不 上", - "▁auto mat", - "▁autom at", - "早 上", - "▁assign ing", - "判 断", - "▁create User", - "或 是", - "▁All ied", - "内 存", - "▁con ductor", - "▁conduct or", - "休 息", - "更 是", - "▁s addle", - "▁sadd le", - "搅 拌均匀", - "搅拌 均匀", - "▁d ni", - "▁dn i", - "人口 密度", - "omed ical", - "化 妆", - "- West", - "-W est", - "攻 略", - "Positive Button", - "这 就是", - "这就 是", - "▁ italic", - "▁it alic", - "咖 啡", - "? [", - "脂 肪", - "( trigger", - "(tr igger", - "居 民", - "▁ele phants", - "▁elephant s", - "增 强", - "\":\" \",\"", - "让 我们", - "让我 们", - "▁cal iber", - "广 州", - "raft ed", - "raf ted", - "主 持", - "d igits", - "digit s", - "dig its", - "资 格", - "▁ marshal", - "▁m arshal", - "▁mar shal", - "▁marsh al", - "▁mars hal", - "十 年", - "m illiseconds", - "mill iseconds", - "mark ers", - "mar kers", - "marker s", - "时 的", - "m om", - "mo m", - "麻 烦", - "/ place", - "/p lace", - "/pl ace", - "的 情况下", - "的情况 下", - "▁hol istic", - "兄 弟", - ": t", - "理 想", - "# ,", - "至 今", - "▁b oto", - "▁bo to", - "▁bot o", - "度 的", - "▁nause a", - "五 年", - "▁Sh ooting", - "▁Shoot ing", - "舒 服", - "i tech", - "it ech", - "ite ch", - "还 没", - "▁text Status", - "细 节", - "< Class", - " ())\n", - ">( ))\n", - ">() )\n", - "印 象", - "ADD RESS", - "ADDR ESS", - "介绍 一下", - "B ST", - "BS T", - "讨 论", - "et zt", - "etz t", - "下面 就", - "▁Q gs", - "满 意", - "S ense", - "Sen se", - "Exception Handler", - "▁C hu", - "▁Ch u", - "机 场", - ".get OwnProperty", - "广 泛", - "▁exerc ised", - "▁exercise d", - "千 米", - "i otic", - "io tic", - "iot ic", - "不 懂", - "▁Re leases", - "▁Release s", - "航 空", - "▁p interest", - "旅 行", - "o lie", - "ol ie", - "oli e", - "俄 罗斯", - "i soft", - "is oft", - "iso ft", - "一 个月", - "一个 月", - "▁sequ encing", - "别 人的", - "别人 的", - "▁pad re", - "学 术", - "] ));\r\n", - "]) );\r\n", - "])) ;\r\n", - "两 年", - "( radius", - "(r adius", - ". med", - ".m ed", - ".me d", - "做 出", - "ain ties", - "aint ies", - "跟 着", - ".Object Model", - "什么 的", - "▁ emple", - "▁em ple", - "▁emp le", - "基 地", - "▁seg uro", - "动 态", - "St ars", - "Star s", - "子 里", - "▁qual itative", - "才 会", - "le mn", - "lem n", - "居 住", - "> \").", - ">\" ).", - "天 的", - "▁ gx", - "▁g x", - "我们 需要", - "- cert", - "-c ert", - "-ce rt", - "小编 就", - "▁A STM", - "▁AS TM", - "▁AST M", - "台 湾", - "▁ fullname", - "▁full name", - "▁ful lname", - "双 方", - "▁te lemetry", - "▁tele metry", - "容 量", - "▁Camb odia", - "字 体", - "_ ul", - "_u l", - "各 个", - "▁Cl are", - "▁Clar e", - "▁Cla re", - "这 时候", - "这时 候", - "C USTOM", - "协 议", - "Q C", - "氧 化", - "▁U ns", - "▁Un s", - "仍 然", - "▁HTTP S", - "了 吧", - "▁Par kinson", - "▁Park inson", - "跟 我", - "ancy box", - "文 物", - "', '.", - "',' .", - "福 建", - "T ue", - "Tu e", - "成 都", - ".get Last", - "國 家", - "▁ abi", - "▁a bi", - "▁ab i", - "面 包", - "修 复", - "A st", - "As t", - "使 得", - "▁ Editing", - "▁Ed iting", - "▁Edit ing", - "区 别", - ". Unity", - ".Un ity", - ".Unit y", - "应该 是", - "j mp", - "确 保", - "▁m ats", - "▁mat s", - "▁ma ts", - "对 比", - "▁shared Preferences", - "大 型", - "Cap tain", - "Capt ain", - "投 入", - ". pageSize", - ".page Size", - "各 位", - "▁ rtl", - "▁r tl", - "▁rt l", - "河 北", - "▁an meld", - "蓝 色", - "Runtime Object", - "返 回", - "▁dem ande", - "▁demand e", - "维 护", - "( \";", - "(\" ;", - "两 次", - "se ite", - "很 少", - "-head ed", - "-he aded", - "战 略", - "▁K ra", - "▁Kr a", - "意 见", - "▁ FONT", - "▁F ONT", - "▁FO NT", - "芝 麻", - "` \\", - "某 些", - "Class NotFoundException", - "设置 界面", - ". avg", - ".a vg", - ".av g", - "a tical", - "at ical", - "atic al", - "ati cal", - "atica l", - "最 多", - "A j", - "让 他", - "▁permit ting", - "▁perm itting", - "冠 军", - "Pro j", - "Pr oj", - "下 降", - "ERR Q", - "姑 娘", - "▁cre ampie", - "▁cream pie", - "后 期", - "▁Buy er", - "▁Bu yer", - "出 口", - "- modules", - "-mod ules", - "-module s", - "然 后再", - "然后 再", - "▁Sunday s", - "▁Sun days", - "▁Sund ays", - "研究 生", - "| `\n", - "▁day time", - "成 果", - "▁ +(", - "▁+ (", - "事 实", - "▁gl itch", - "上 述", - "▁ Operand", - "▁Oper and", - "▁Opera nd", - "我 会", - "▁tox ins", - "首 次", - "i nya", - "in ya", - "iny a", - "敌 人", - "D NS", - "DN S", - "▁S as", - "▁Sa s", - "天 然", - "C ake", - "Ca ke", - "相 比", - "▁National s", - "▁Nation als", - "人 工", - ". addTo", - ".add To", - "▁s inking", - "▁sin king", - "▁sink ing", - "美 术", - "▁compreh ension", - "医 学", - "▁s cor", - "▁sc or", - "▁sco r", - "发 送", - "ag ements", - "age ments", - "agement s", - "agem ents", - "本 地", - "▁t ard", - "▁ta rd", - "▁tar d", - "出 门", - "▁mar ching", - "▁march ing", - "吃 了", - "▁M TV", - "▁MT V", - "开 水", - "▁s ane", - "▁sa ne", - "▁san e", - "上 市", - "Create Info", - "在 这个", - "在这 个", - "一 名", - "▁end Index", - "信 号", - "\t layout", - "\tl ayout", - "专 业的", - "专业 的", - "透 明", - "S ITE", - "SI TE", - "听 到", - "▁T HERE", - "▁THE RE", - "▁TH ERE", - "另 一个", - "另一 个", - "▁[ {'", - "▁[{ '", - "想 象", - "opath ic", - "估 计", - "▁trans mitter", - "▁transmit ter", - "打 车", - "/ body", - "/b ody", - "星 期", - "▁p und", - "▁pun d", - "▁pu nd", - "怎么 样", - "▁ Closing", - "▁C losing", - "▁Cl osing", - "观 点", - "▁set attr", - "大家 都", - "▁b ounded", - "▁bo unded", - "▁bound ed", - "爱 好", - "At las", - "Atl as", - "购 物", - "s uming", - "sum ing", - "su ming", - "智 慧", - "( times", - "(t imes", - "(time s", - "人 士", - "p arer", - "par er", - "pare r", - "pa rer", - "y nom", - "yn om", - "稍 微", - "fe it", - "▁f rem", - "▁fr em", - "▁fre m", - "- leg", - "-l eg", - "-le g", - "生 涯", - "▁B ras", - "▁Br as", - "▁Bra s", - "离 婚", - "> #", - "他 是", - "那 样", - "▁ INSTANCE", - "▁IN STANCE", - "代 理", - "▁C ouch", - "▁Co uch", - "▁Cou ch", - "识 别", - "_ hosts", - "_host s", - "完 成了", - "完成 了", - "lik elihood", - "舒 适", - ". Marker", - ".M arker", - "黄 油", - "▁M asks", - "▁Mas ks", - "▁Mask s", - "第二 天", - "▁c ereal", - "▁ce real", - "▁cere al", - "旁 边", - "ut ilities", - "util ities", - "肌 肤", - "▁element al", - "▁elem ental", - "或 者是", - "或者 是", - "▁dist orted", - "适 应", - "in active", - "贷 款", - "c ry", - "cr y", - "也 不是", - "也不 是", - "W L", - "老 人", - "UPPORT ED", - "的 操作", - ". Throws", - ".Th rows", - "公众 号", - "/ schema", - "/s chema", - "小 伙伴", - "小伙 伴", - "s erie", - "se rie", - "ser ie", - "个 性", - ". \"',", - ".\" ',", - ".\"' ,", - "加 热", - "▁Bened ict", - "危 险", - "- picker", - "-p icker", - "真 的很", - "真的 很", - "ig gs", - "igg s", - "健 身", - "▁Pi rate", - "▁Pir ate", - "似 乎", - "规 范", - "▁The ma", - "▁Th ema", - "▁Them a", - "先 后", - "▁South ampton", - "让 自己", - "▁array With", - "平 衡", - "▁Paul a", - "▁Pa ula", - "问 我", - "▁predict or", - "- Ass", - "-A ss", - ". userid", - ".user id", - ".use rid", - "会 出现", - "▁ peri", - "▁p eri", - "▁per i", - "▁pe ri", - "利 于", - "▁exagger ated", - "运 动员", - "运动 员", - "u rate", - "ur ate", - "ura te", - "打开 手机", - "arse ille", - "外 观", - "▁Con cent", - "的 我", - "▁P ik", - "▁Pi k", - "进 步", - "▁@ _;\n\n", - "▁@_;\n \n", - "显 得", - "▁form ations", - "▁format ions", - "▁formation s", - "清 晰", - "▁den omin", - "▁denom in", - "消 化", - "\" />.\n", - "\"/ >.\n", - "\"/> .\n", - "独 特", - "end edor", - "ended or", - "出 锅", - "▁pan cre", - "▁panc re", - "▁ amt", - "▁a mt", - "▁am t", - "模 型", - "▁on Resume", - "想 想", - "on Delete", - "委 会", - "▁B CH", - "▁BC H", - "的 就是", - "的就 是", - ") (\"", - ")( \"", - "海拔 高度", - "m ovement", - "move ment", - "mo vement", - "mov ement", - "运 用", - "▁pot assium", - "措 施", - " + +# sft_bf16_p1_full + +This model is a fine-tuned version of [THUDM/glm-4-9b-chat-1m](https://huggingface.co/THUDM/glm-4-9b-chat-1m) on the alpaca_mgtv_p1 dataset. +It achieves the following results on the evaluation set: +- Loss: 0.1995 +- Accuracy: 0.9332 + +## Model description + +More information needed + +## Intended uses & limitations + +More information needed + +## Training and evaluation data + +More information needed + +## Training procedure + +### Training hyperparameters + +The following hyperparameters were used during training: +- learning_rate: 0.0001 +- train_batch_size: 16 +- eval_batch_size: 1 +- seed: 42 +- gradient_accumulation_steps: 8 +- total_train_batch_size: 128 +- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 +- lr_scheduler_type: cosine +- lr_scheduler_warmup_ratio: 0.1 +- num_epochs: 4.0 + +### Training results + +| Training Loss | Epoch | Step | Validation Loss | Accuracy | +|:-------------:|:------:|:----:|:---------------:|:--------:| +| 0.8958 | 0.9950 | 175 | 0.4473 | 0.7613 | +| 0.1917 | 1.9900 | 350 | 0.1856 | 0.9307 | +| 0.1287 | 2.9851 | 525 | 0.1813 | 0.9337 | +| 0.0755 | 3.9801 | 700 | 0.1995 | 0.9332 | + + +### Framework versions + +- PEFT 0.11.1 +- Transformers 4.41.2 +- Pytorch 2.2.1+cu121 +- Datasets 2.19.1 +- Tokenizers 0.19.1 \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/adapter_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/adapter_config.json new file mode 100644 index 0000000000000000000000000000000000000000..8352756519b4695aff9957edb81be8b0520e47cf --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/adapter_config.json @@ -0,0 +1,31 @@ +{ + "alpha_pattern": {}, + "auto_mapping": null, + "base_model_name_or_path": "THUDM/glm-4-9b-chat-1m", + "bias": "none", + "fan_in_fan_out": false, + "inference_mode": true, + "init_lora_weights": true, + "layer_replication": null, + "layers_pattern": null, + "layers_to_transform": null, + "loftq_config": {}, + "lora_alpha": 16, + "lora_dropout": 0.0, + "megatron_config": null, + "megatron_core": "megatron.core", + "modules_to_save": null, + "peft_type": "LORA", + "r": 8, + "rank_pattern": {}, + "revision": null, + "target_modules": [ + "dense_h_to_4h", + "query_key_value", + "dense_4h_to_h", + "dense" + ], + "task_type": "CAUSAL_LM", + "use_dora": false, + "use_rslora": false +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/adapter_model.safetensors b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/adapter_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..bafc89b2f4080b180924b8e0decca4bfc0878e8b --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/adapter_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:779d919e4e576eb536f72ff440fea92eb01a8b6522a276d586a48fc2f24d1fd2 +size 85409560 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/added_tokens.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/added_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..f3a7f4eaefbf184faa4a5a188a399538df4c8c36 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/added_tokens.json @@ -0,0 +1,16 @@ +{ + "": 151334, + "": 151333, + "<|assistant|>": 151337, + "<|begin_of_image|>": 151339, + "<|begin_of_video|>": 151341, + "<|end_of_image|>": 151340, + "<|end_of_video|>": 151342, + "<|endoftext|>": 151329, + "<|observation|>": 151338, + "<|system|>": 151335, + "<|user|>": 151336, + "[MASK]": 151330, + "[gMASK]": 151331, + "[sMASK]": 151332 +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/all_results.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/all_results.json new file mode 100644 index 0000000000000000000000000000000000000000..af3d22ad9090555022403024a2fa990c69a282ad --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/all_results.json @@ -0,0 +1,13 @@ +{ + "epoch": 3.9800995024875623, + "eval_accuracy": 0.9332066666666665, + "eval_loss": 0.1994711458683014, + "eval_runtime": 135.9458, + "eval_samples_per_second": 18.39, + "eval_steps_per_second": 18.39, + "total_flos": 1.742929467193688e+18, + "train_loss": 0.2920300728934152, + "train_runtime": 10146.3014, + "train_samples_per_second": 8.87, + "train_steps_per_second": 0.069 +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/README.md b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/README.md new file mode 100644 index 0000000000000000000000000000000000000000..8a25a4498c7ba2e7ef04fc9e0ebdf0b56b6e55c6 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/README.md @@ -0,0 +1,202 @@ +--- +library_name: peft +base_model: THUDM/glm-4-9b-chat-1m +--- + +# Model Card for Model ID + + + + + +## Model Details + +### Model Description + + + + + +- **Developed by:** [More Information Needed] +- **Funded by [optional]:** [More Information Needed] +- **Shared by [optional]:** [More Information Needed] +- **Model type:** [More Information Needed] +- **Language(s) (NLP):** [More Information Needed] +- **License:** [More Information Needed] +- **Finetuned from model [optional]:** [More Information Needed] + +### Model Sources [optional] + + + +- **Repository:** [More Information Needed] +- **Paper [optional]:** [More Information Needed] +- **Demo [optional]:** [More Information Needed] + +## Uses + + + +### Direct Use + + + +[More Information Needed] + +### Downstream Use [optional] + + + +[More Information Needed] + +### Out-of-Scope Use + + + +[More Information Needed] + +## Bias, Risks, and Limitations + + + +[More Information Needed] + +### Recommendations + + + +Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. + +## How to Get Started with the Model + +Use the code below to get started with the model. + +[More Information Needed] + +## Training Details + +### Training Data + + + +[More Information Needed] + +### Training Procedure + + + +#### Preprocessing [optional] + +[More Information Needed] + + +#### Training Hyperparameters + +- **Training regime:** [More Information Needed] + +#### Speeds, Sizes, Times [optional] + + + +[More Information Needed] + +## Evaluation + + + +### Testing Data, Factors & Metrics + +#### Testing Data + + + +[More Information Needed] + +#### Factors + + + +[More Information Needed] + +#### Metrics + + + +[More Information Needed] + +### Results + +[More Information Needed] + +#### Summary + + + +## Model Examination [optional] + + + +[More Information Needed] + +## Environmental Impact + + + +Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). + +- **Hardware Type:** [More Information Needed] +- **Hours used:** [More Information Needed] +- **Cloud Provider:** [More Information Needed] +- **Compute Region:** [More Information Needed] +- **Carbon Emitted:** [More Information Needed] + +## Technical Specifications [optional] + +### Model Architecture and Objective + +[More Information Needed] + +### Compute Infrastructure + +[More Information Needed] + +#### Hardware + +[More Information Needed] + +#### Software + +[More Information Needed] + +## Citation [optional] + + + +**BibTeX:** + +[More Information Needed] + +**APA:** + +[More Information Needed] + +## Glossary [optional] + + + +[More Information Needed] + +## More Information [optional] + +[More Information Needed] + +## Model Card Authors [optional] + +[More Information Needed] + +## Model Card Contact + +[More Information Needed] +### Framework versions + +- PEFT 0.11.1 \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/adapter_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/adapter_config.json new file mode 100644 index 0000000000000000000000000000000000000000..8352756519b4695aff9957edb81be8b0520e47cf --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/adapter_config.json @@ -0,0 +1,31 @@ +{ + "alpha_pattern": {}, + "auto_mapping": null, + "base_model_name_or_path": "THUDM/glm-4-9b-chat-1m", + "bias": "none", + "fan_in_fan_out": false, + "inference_mode": true, + "init_lora_weights": true, + "layer_replication": null, + "layers_pattern": null, + "layers_to_transform": null, + "loftq_config": {}, + "lora_alpha": 16, + "lora_dropout": 0.0, + "megatron_config": null, + "megatron_core": "megatron.core", + "modules_to_save": null, + "peft_type": "LORA", + "r": 8, + "rank_pattern": {}, + "revision": null, + "target_modules": [ + "dense_h_to_4h", + "query_key_value", + "dense_4h_to_h", + "dense" + ], + "task_type": "CAUSAL_LM", + "use_dora": false, + "use_rslora": false +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/adapter_model.safetensors b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/adapter_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..92ccbc8882409a5466b8ce6f1c1ee23fa6a9ae2e --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/adapter_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0df7f0690c53c417ae34e98e48ad020e0a526362591869d7ba83f0c43ef8a4f +size 85409560 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/added_tokens.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/added_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..f3a7f4eaefbf184faa4a5a188a399538df4c8c36 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/added_tokens.json @@ -0,0 +1,16 @@ +{ + "": 151334, + "": 151333, + "<|assistant|>": 151337, + "<|begin_of_image|>": 151339, + "<|begin_of_video|>": 151341, + "<|end_of_image|>": 151340, + "<|end_of_video|>": 151342, + "<|endoftext|>": 151329, + "<|observation|>": 151338, + "<|system|>": 151335, + "<|user|>": 151336, + "[MASK]": 151330, + "[gMASK]": 151331, + "[sMASK]": 151332 +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/optimizer.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/optimizer.pt new file mode 100644 index 0000000000000000000000000000000000000000..7157d9b5e46599b8aecd7d799a1aed0246cb1eaa --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/optimizer.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5d56ac96c6f89282175acfa3642c1ef58146678d7473bc11de09f140e75f2a3 +size 170990330 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/rng_state.pth b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/rng_state.pth new file mode 100644 index 0000000000000000000000000000000000000000..0a11d850e4f9ddde03041fb0f3247ef616fbda77 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/rng_state.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d138cfe3a4adf21f048848ee35837c9a757a0a3616ff7adbb45b69aac247435 +size 14244 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/scheduler.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/scheduler.pt new file mode 100644 index 0000000000000000000000000000000000000000..eb378c1863d0b41e9a7a14779d21119ad9aeec8a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/scheduler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:260dbe7a290a3eb6243acf2b7854e91fda974ddc05a7f2e6ef4d24d9dbbc4233 +size 1064 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/special_tokens_map.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..582da4ad333feaaa0c427b4678a3e48447ea932f --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/special_tokens_map.json @@ -0,0 +1,32 @@ +{ + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "eos_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "pad_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/tokenization_chatglm.py b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/tokenization_chatglm.py new file mode 100644 index 0000000000000000000000000000000000000000..7eeff3b02adcef48d4d69058ff36a390f6902273 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/tokenization_chatglm.py @@ -0,0 +1,323 @@ +import regex as re +import base64 +import os +import json +import tiktoken +from torch import TensorType +from typing import List, Optional, Union, Dict, Any +from transformers import PreTrainedTokenizer +from transformers.utils import logging, PaddingStrategy +from transformers.tokenization_utils_base import EncodedInput, BatchEncoding + + +class ChatGLM4Tokenizer(PreTrainedTokenizer): + vocab_files_names = {"vocab_file": "tokenizer.model"} + model_input_names = ["input_ids", "attention_mask", "position_ids"] + + def __init__( + self, + vocab_file, + padding_side="left", + clean_up_tokenization_spaces=False, + encode_special_tokens=False, + **kwargs + ): + self.name = "GLM4Tokenizer" + self.vocab_file = vocab_file + pat_str = "(?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+" + self.pat_str = re.compile(pat_str) + self.encode_special_tokens = encode_special_tokens + + mergeable_ranks = {} + with open(vocab_file) as f: + for line in f: + token, rank = line.strip().split() + rank = int(rank) + token = base64.b64decode(token) + mergeable_ranks[token] = rank + + self.mergeable_ranks = mergeable_ranks + + self.tokenizer = tiktoken.Encoding( + name="my_tokenizer", + pat_str=pat_str, + mergeable_ranks=mergeable_ranks, + special_tokens={} + ) + self.decoder = {rank: token for token, rank in mergeable_ranks.items()} + self.n_words = len(self.decoder) + + super().__init__( + padding_side=padding_side, + clean_up_tokenization_spaces=clean_up_tokenization_spaces, + **kwargs + ) + + @property + def vocab_size(self): + return self.n_words + + def get_vocab(self): + """ Returns vocab as a dict """ + vocab = {self._convert_id_to_token(i): i for i in range(self.vocab_size)} + vocab.update(self.added_tokens_encoder) + return vocab + + def convert_tokens_to_string(self, tokens: List[Union[bytes, str, int]]) -> str: + """ + Converts a sequence of tokens in a single string. + """ + text = "" + temp = b"" + for t in tokens: + if isinstance(t, int): + t = chr(t) + if isinstance(t, str): + if temp: + text += temp.decode("utf-8", errors="replace") + elif isinstance(t, bytes): + temp += t + else: + raise TypeError("token should only be of type int, bytes or str") + if temp: + text += temp.decode("utf-8", errors="replace") + return text + + def _tokenize(self, text, **kwargs): + tokens = [] + ids = self.tokenizer.encode(text) + for t in ids: + tokens.append(self.decoder[t]) + return tokens + + def _convert_token_to_id(self, token): + """ Converts a token (str) in an id using the vocab. """ + return self.mergeable_ranks[token] + + def _convert_id_to_token(self, index): + """Converts an index (integer) in a token (str) using the vocab.""" + return self.decoder.get(index, "") + + def save_vocabulary(self, save_directory, filename_prefix=None): + """ + Save the vocabulary and special tokens file to a directory. + + Args: + save_directory (`str`): + The directory in which to save the vocabulary. + filename_prefix (`str`, *optional*): + An optional prefix to add to the named of the saved files. + + Returns: + `Tuple(str)`: Paths to the files saved. + """ + if os.path.isdir(save_directory): + vocab_file = os.path.join( + save_directory, self.vocab_files_names["vocab_file"] + ) + else: + vocab_file = save_directory + + with open(self.vocab_file, 'rb') as fin: + proto_str = fin.read() + + with open(vocab_file, "wb") as writer: + writer.write(proto_str) + + return (vocab_file,) + + def get_prefix_tokens(self): + prefix_tokens = [self.convert_tokens_to_ids("[gMASK]"), self.convert_tokens_to_ids("")] + return prefix_tokens + + def build_single_message(self, role, metadata, message, tokenize=True): + assert role in ["system", "user", "assistant", "observation"], role + if tokenize: + role_tokens = [self.convert_tokens_to_ids(f"<|{role}|>")] + self.tokenizer.encode(f"{metadata}\n", + disallowed_special=()) + message_tokens = self.tokenizer.encode(message, disallowed_special=()) + tokens = role_tokens + message_tokens + return tokens + else: + return str(f"<|{role}|>{metadata}\n{message}") + + # Use Jinja Template in tokenizer_config.json + # def apply_chat_template( + # self, + # conversation: Union[List[Dict[str, str]], List[List[Dict[str, str]]], "Conversation"], + # add_generation_prompt: bool = False, + # tokenize: bool = True, + # padding: bool = False, + # truncation: bool = False, + # max_length: Optional[int] = None, + # return_tensors: Optional[Union[str, TensorType]] = None, + # return_dict: bool = False, + # tokenizer_kwargs: Optional[Dict[str, Any]] = None, + # add_special_tokens: bool = True, + # **kwargs, + # ) -> Union[str, List[int], List[str], List[List[int]], BatchEncoding]: + # + # if return_dict and not tokenize: + # raise ValueError( + # "`return_dict=True` is incompatible with `tokenize=False`, because there is no dict " + # "of tokenizer outputs to return." + # ) + # + # def handle_single_conversation(conversation): + # input_ids = self.get_prefix_tokens() if add_special_tokens else [] + # input_message = "[gMASK]" if add_special_tokens else "" + # for item in conversation: + # if item.get("tools"): + # tools = item["tools"] + # content = "你是一个名为 GhatGLM 的人工智能助手。你是基于智谱AI训练的语言模型 GLM-4 模型开发的,你的任务是针对用户的问题和要求提供适当的答复和支持。" + # content += "\n\n# 可用工具" + # for tool in tools: + # if tool["type"] == "function": + # function = tool["function"] + # content += f"\n\n## {function['name']}\n\n{json.dumps(function, ensure_ascii=False, indent=4)}" + # content += "\n在调用上述函数时,请使用 Json 格式表示调用的参数。" + # elif tool["type"] == "python": + # content += "\n\n## python\n\n当你向 `python` 发送包含 Python 代码的消息时,该代码将会在一个有状态的 Jupyter notebook 环境中执行。\n`python` 返回代码执行的输出,或在执行 60 秒后返回超时。\n`/mnt/data` 将会持久化存储你的文件。在此会话中,`python` 无法访问互联网。不要使用 `python` 进行任何网络请求或者在线 API 调用,这些在线内容的访问将不会成功。" + # elif tool["type"] == "simple_browser": + # content += "\n\n## simple_browser\n\n你可以使用 `simple_browser` 工具。该工具支持以下函数:\n`search(query: str, recency_days: int)`:使用搜索引擎进行查询并显示结果,可以使用 `recency_days` 参数控制搜索内容的时效性。\n`mclick(ids: list[int])`:获取一系列指定 id 的页面内容。每次调用时,须选择3-10个页面。选择多个角度的页面,同时尽可能选择可信任的信息来源。考虑到部分页面是无法加载的,你也可以多打开一些可能有用的页面而不用担心内容过多。\n`open_url(url: str)`:打开指定的 URL。\n\n使用 `【{引用 id}†{引用文本}】` 来引用内容。\n\n操作步骤:1. 使用 `search` 来获得信息列表; 2. 使用 `mclick` 来获取指定 ID 页面的内容; 3. 根据获得的内容进行回复。在回复中应当引用信息来源。\n 如果用户提供了 URL,也可以用 `open_url` 直接打开页面。\n如果初次搜索结果没有找到合适的信息,也可以再次使用 `search` 进行搜索。" + # elif tool["type"] == "cogview": + # content += "\n\n## cogview\n\n如果用户的请求中包含了对图像的描述,你可以使用 `cogview` 来生成图像并展示给用户。你需要向 `cogview` 发送图像描述,规则:\n- 发送给 `cogview` 的消息必须使用英语。用户的中文描述必须完全翻译为英语。\n- 应当尽可能详细地描述图像生成的需求,需求描述约 100 英文单词。\n- 保持用户原始描述的意图。不要虚构内容或者没见过的人物。\n- 如无特殊说明,所在地为中国,持有中国立场并遵循中国社会主义价值观。" + # else: + # raise NotImplementedError(f"Unknown tool type {tool['type']}") + # input = self.build_single_message("system", "", content, tokenize=tokenize) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if item["content"]: + # input = self.build_single_message( + # item["role"], + # item.get("metadata", ""), + # item["content"], + # tokenize=tokenize + # ) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if add_generation_prompt: + # if tokenize: + # input_ids.extend([self.convert_tokens_to_ids("<|assistant|>")]) + # else: + # input_message += "<|assistant|>" + # return input_ids if tokenize else input_message + # + # # Main logic to handle different conversation formats + # if isinstance(conversation, list) and all(isinstance(i, dict) for i in conversation): + # result = handle_single_conversation(conversation) + # elif isinstance(conversation, list) and all(isinstance(i, list) for i in conversation): + # result = [handle_single_conversation(c) for c in conversation] + # elif hasattr(conversation, "messages"): + # result = handle_single_conversation(conversation.messages) + # else: + # raise ValueError("Invalid conversation format") + # + # if tokenize: + # output = self.batch_encode_plus( + # [result] if isinstance(result[0], int) else result, + # padding=padding, + # truncation=truncation, + # max_length=max_length, + # return_tensors=return_tensors, + # is_split_into_words=True, + # add_special_tokens=False + # ) + # if return_dict: + # return output + # else: + # return output["input_ids"] + # else: + # return result + + def build_inputs_with_special_tokens( + self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None + ) -> List[int]: + """ + Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and + adding special tokens. A BERT sequence has the following format: + + - single sequence: `[CLS] X [SEP]` + - pair of sequences: `[CLS] A [SEP] B [SEP]` + + Args: + token_ids_0 (`List[int]`): + List of IDs to which the special tokens will be added. + token_ids_1 (`List[int]`, *optional*): + Optional second list of IDs for sequence pairs. + + Returns: + `List[int]`: List of [input IDs](../glossary#input-ids) with the appropriate special tokens. + """ + prefix_tokens = self.get_prefix_tokens() + token_ids_0 = prefix_tokens + token_ids_0 + if token_ids_1 is not None: + token_ids_0 = token_ids_0 + token_ids_1 + [self.convert_tokens_to_ids("")] + return token_ids_0 + + def _pad( + self, + encoded_inputs: Union[Dict[str, EncodedInput], BatchEncoding], + max_length: Optional[int] = None, + padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD, + pad_to_multiple_of: Optional[int] = None, + return_attention_mask: Optional[bool] = None, + ) -> dict: + """ + Pad encoded inputs (on left/right and up to predefined length or max length in the batch) + + Args: + encoded_inputs: + Dictionary of tokenized inputs (`List[int]`) or batch of tokenized inputs (`List[List[int]]`). + max_length: maximum length of the returned list and optionally padding length (see below). + Will truncate by taking into account the special tokens. + padding_strategy: PaddingStrategy to use for padding. + + - PaddingStrategy.LONGEST Pad to the longest sequence in the batch + - PaddingStrategy.MAX_LENGTH: Pad to the max length (default) + - PaddingStrategy.DO_NOT_PAD: Do not pad + The tokenizer padding sides are defined in self.padding_side: + + - 'left': pads on the left of the sequences + - 'right': pads on the right of the sequences + pad_to_multiple_of: (optional) Integer if set will pad the sequence to a multiple of the provided value. + This is especially useful to enable the use of Tensor Core on NVIDIA hardware with compute capability + `>= 7.5` (Volta). + return_attention_mask: + (optional) Set to False to avoid returning attention mask (default: set to model specifics) + """ + # Load from model defaults + assert self.padding_side == "left" + + required_input = encoded_inputs[self.model_input_names[0]] + seq_length = len(required_input) + + if padding_strategy == PaddingStrategy.LONGEST: + max_length = len(required_input) + + if max_length is not None and pad_to_multiple_of is not None and (max_length % pad_to_multiple_of != 0): + max_length = ((max_length // pad_to_multiple_of) + 1) * pad_to_multiple_of + + needs_to_be_padded = padding_strategy != PaddingStrategy.DO_NOT_PAD and len(required_input) != max_length + + # Initialize attention mask if not present. + if "attention_mask" not in encoded_inputs: + encoded_inputs["attention_mask"] = [1] * seq_length + + if "position_ids" not in encoded_inputs: + encoded_inputs["position_ids"] = list(range(seq_length)) + + if needs_to_be_padded: + difference = max_length - len(required_input) + + if "attention_mask" in encoded_inputs: + encoded_inputs["attention_mask"] = [0] * difference + encoded_inputs["attention_mask"] + if "position_ids" in encoded_inputs: + encoded_inputs["position_ids"] = [0] * difference + encoded_inputs["position_ids"] + encoded_inputs[self.model_input_names[0]] = [self.pad_token_id] * difference + required_input + + return encoded_inputs diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/tokenizer.model b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/tokenizer.model new file mode 100644 index 0000000000000000000000000000000000000000..8650fd94d949375a2ab1f4975e7e6ff51ebc364a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/tokenizer.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a493598071550244b2ee7f26118f3edec2150b9dfa967929a99052ac83fe716 +size 2623634 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/tokenizer_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..290fad7eade99ef9cda90a6092de906ef2d77acd --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/tokenizer_config.json @@ -0,0 +1,148 @@ +{ + "added_tokens_decoder": { + "151329": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151330": { + "content": "[MASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151331": { + "content": "[gMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151332": { + "content": "[sMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151335": { + "content": "<|system|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151336": { + "content": "<|user|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151337": { + "content": "<|assistant|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151338": { + "content": "<|observation|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151339": { + "content": "<|begin_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151340": { + "content": "<|end_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151341": { + "content": "<|begin_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151342": { + "content": "<|end_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "auto_map": { + "AutoTokenizer": [ + "tokenization_chatglm.ChatGLM4Tokenizer", + null + ] + }, + "chat_template": "{{ '[gMASK]' }}{% if messages[0]['role'] == 'system' %}{% set system_message = messages[0]['content'] %}{% endif %}{% if system_message is defined %}{{ '<|system|>\n' + system_message }}{% endif %}{% for message in messages %}{% set content = message['content'] %}{% if message['role'] == 'user' %}{{ '<|user|>\n' + content + '<|assistant|>' }}{% elif message['role'] == 'assistant' %}{{ '\n' + content }}{% endif %}{% endfor %}", + "clean_up_tokenization_spaces": false, + "do_lower_case": false, + "eos_token": "<|endoftext|>", + "model_max_length": 1024000, + "pad_token": "<|endoftext|>", + "padding_side": "right", + "remove_space": false, + "split_special_tokens": false, + "tokenizer_class": "ChatGLM4Tokenizer" +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/trainer_state.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..25dddb032a542bfeb3525b3f3479e740b89cde30 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/trainer_state.json @@ -0,0 +1,296 @@ +{ + "best_metric": null, + "best_model_checkpoint": null, + "epoch": 1.9900497512437811, + "eval_steps": 175, + "global_step": 350, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 0.05685856432125089, + "grad_norm": 2.919694662094116, + "learning_rate": 1.4285714285714285e-05, + "loss": 3.8009, + "step": 10 + }, + { + "epoch": 0.11371712864250177, + "grad_norm": 3.130059003829956, + "learning_rate": 2.857142857142857e-05, + "loss": 0.3289, + "step": 20 + }, + { + "epoch": 0.17057569296375266, + "grad_norm": 1.6621949672698975, + "learning_rate": 4.2857142857142856e-05, + "loss": 0.2598, + "step": 30 + }, + { + "epoch": 0.22743425728500355, + "grad_norm": 2.371370792388916, + "learning_rate": 5.714285714285714e-05, + "loss": 0.2401, + "step": 40 + }, + { + "epoch": 0.28429282160625446, + "grad_norm": 0.8625539541244507, + "learning_rate": 7.142857142857143e-05, + "loss": 0.2306, + "step": 50 + }, + { + "epoch": 0.3411513859275053, + "grad_norm": 5.281027793884277, + "learning_rate": 8.571428571428571e-05, + "loss": 0.2463, + "step": 60 + }, + { + "epoch": 0.39800995024875624, + "grad_norm": 1.4231479167938232, + "learning_rate": 0.0001, + "loss": 0.2291, + "step": 70 + }, + { + "epoch": 0.4548685145700071, + "grad_norm": 1.9341018199920654, + "learning_rate": 9.993784606094612e-05, + "loss": 0.2301, + "step": 80 + }, + { + "epoch": 0.511727078891258, + "grad_norm": 2.0011138916015625, + "learning_rate": 9.975153876827008e-05, + "loss": 0.2207, + "step": 90 + }, + { + "epoch": 0.5685856432125089, + "grad_norm": 0.6652698516845703, + "learning_rate": 9.944154131125642e-05, + "loss": 0.2271, + "step": 100 + }, + { + "epoch": 0.6254442075337597, + "grad_norm": 1.3393596410751343, + "learning_rate": 9.900862439242719e-05, + "loss": 0.216, + "step": 110 + }, + { + "epoch": 0.6823027718550106, + "grad_norm": 5.120615482330322, + "learning_rate": 9.84538643114539e-05, + "loss": 0.2311, + "step": 120 + }, + { + "epoch": 0.7391613361762616, + "grad_norm": 1.72005033493042, + "learning_rate": 9.777864028930705e-05, + "loss": 0.212, + "step": 130 + }, + { + "epoch": 0.7960199004975125, + "grad_norm": 1.5774250030517578, + "learning_rate": 9.698463103929542e-05, + "loss": 0.2261, + "step": 140 + }, + { + "epoch": 0.8528784648187633, + "grad_norm": 93.82937622070312, + "learning_rate": 9.607381059352038e-05, + "loss": 2.368, + "step": 150 + }, + { + "epoch": 0.9097370291400142, + "grad_norm": 11.905146598815918, + "learning_rate": 9.504844339512095e-05, + "loss": 2.4337, + "step": 160 + }, + { + "epoch": 0.9665955934612651, + "grad_norm": 4.584591388702393, + "learning_rate": 9.391107866851143e-05, + "loss": 0.8958, + "step": 170 + }, + { + "epoch": 0.9950248756218906, + "eval_accuracy": 0.7612800000000001, + "eval_loss": 0.4472738206386566, + "eval_runtime": 136.3095, + "eval_samples_per_second": 18.341, + "eval_steps_per_second": 18.341, + "step": 175 + }, + { + "epoch": 1.023454157782516, + "grad_norm": 4.700326919555664, + "learning_rate": 9.266454408160779e-05, + "loss": 0.4271, + "step": 180 + }, + { + "epoch": 1.080312722103767, + "grad_norm": 1.9691985845565796, + "learning_rate": 9.131193871579975e-05, + "loss": 0.2324, + "step": 190 + }, + { + "epoch": 1.1371712864250179, + "grad_norm": 2.0088887214660645, + "learning_rate": 8.985662536114613e-05, + "loss": 0.1996, + "step": 200 + }, + { + "epoch": 1.1940298507462686, + "grad_norm": 6.571439266204834, + "learning_rate": 8.83022221559489e-05, + "loss": 0.1961, + "step": 210 + }, + { + "epoch": 1.2508884150675195, + "grad_norm": 3.290731191635132, + "learning_rate": 8.665259359149132e-05, + "loss": 0.1942, + "step": 220 + }, + { + "epoch": 1.3077469793887704, + "grad_norm": 1.540110468864441, + "learning_rate": 8.491184090430364e-05, + "loss": 0.2152, + "step": 230 + }, + { + "epoch": 1.3646055437100213, + "grad_norm": 3.2633206844329834, + "learning_rate": 8.308429187984297e-05, + "loss": 0.1986, + "step": 240 + }, + { + "epoch": 1.4214641080312722, + "grad_norm": 2.2755699157714844, + "learning_rate": 8.117449009293668e-05, + "loss": 0.209, + "step": 250 + }, + { + "epoch": 1.4783226723525231, + "grad_norm": 1.3403345346450806, + "learning_rate": 7.91871836117395e-05, + "loss": 0.191, + "step": 260 + }, + { + "epoch": 1.535181236673774, + "grad_norm": 2.5068321228027344, + "learning_rate": 7.712731319328798e-05, + "loss": 0.2046, + "step": 270 + }, + { + "epoch": 1.5920398009950247, + "grad_norm": 1.23170804977417, + "learning_rate": 7.500000000000001e-05, + "loss": 0.1939, + "step": 280 + }, + { + "epoch": 1.6488983653162759, + "grad_norm": 1.3532381057739258, + "learning_rate": 7.281053286765815e-05, + "loss": 0.2072, + "step": 290 + }, + { + "epoch": 1.7057569296375266, + "grad_norm": 1.6122020483016968, + "learning_rate": 7.056435515653059e-05, + "loss": 0.1934, + "step": 300 + }, + { + "epoch": 1.7626154939587777, + "grad_norm": 1.4875357151031494, + "learning_rate": 6.826705121831976e-05, + "loss": 0.1782, + "step": 310 + }, + { + "epoch": 1.8194740582800284, + "grad_norm": 1.375095248222351, + "learning_rate": 6.592433251258423e-05, + "loss": 0.1879, + "step": 320 + }, + { + "epoch": 1.8763326226012793, + "grad_norm": 1.3681703805923462, + "learning_rate": 6.354202340715026e-05, + "loss": 0.1862, + "step": 330 + }, + { + "epoch": 1.9331911869225302, + "grad_norm": 1.6180658340454102, + "learning_rate": 6.112604669781572e-05, + "loss": 0.2014, + "step": 340 + }, + { + "epoch": 1.9900497512437811, + "grad_norm": 1.4774919748306274, + "learning_rate": 5.868240888334653e-05, + "loss": 0.1917, + "step": 350 + }, + { + "epoch": 1.9900497512437811, + "eval_accuracy": 0.9307333333333332, + "eval_loss": 0.18561618030071259, + "eval_runtime": 136.2276, + "eval_samples_per_second": 18.352, + "eval_steps_per_second": 18.352, + "step": 350 + } + ], + "logging_steps": 10, + "max_steps": 700, + "num_input_tokens_seen": 0, + "num_train_epochs": 4, + "save_steps": 175, + "stateful_callbacks": { + "TrainerControl": { + "args": { + "should_epoch_stop": false, + "should_evaluate": false, + "should_log": false, + "should_save": true, + "should_training_stop": false + }, + "attributes": {} + } + }, + "total_flos": 8.714468225636106e+17, + "train_batch_size": 16, + "trial_name": null, + "trial_params": null +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/training_args.bin b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..cfb1076c5086d85eb5b41ba3029eb40a7ca46797 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-350/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9e6f3241dabbb8a63b52024fb0fb0d68c85f4b48b07e8579ebd8f41fe5fd662 +size 5304 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/README.md b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/README.md new file mode 100644 index 0000000000000000000000000000000000000000..8a25a4498c7ba2e7ef04fc9e0ebdf0b56b6e55c6 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/README.md @@ -0,0 +1,202 @@ +--- +library_name: peft +base_model: THUDM/glm-4-9b-chat-1m +--- + +# Model Card for Model ID + + + + + +## Model Details + +### Model Description + + + + + +- **Developed by:** [More Information Needed] +- **Funded by [optional]:** [More Information Needed] +- **Shared by [optional]:** [More Information Needed] +- **Model type:** [More Information Needed] +- **Language(s) (NLP):** [More Information Needed] +- **License:** [More Information Needed] +- **Finetuned from model [optional]:** [More Information Needed] + +### Model Sources [optional] + + + +- **Repository:** [More Information Needed] +- **Paper [optional]:** [More Information Needed] +- **Demo [optional]:** [More Information Needed] + +## Uses + + + +### Direct Use + + + +[More Information Needed] + +### Downstream Use [optional] + + + +[More Information Needed] + +### Out-of-Scope Use + + + +[More Information Needed] + +## Bias, Risks, and Limitations + + + +[More Information Needed] + +### Recommendations + + + +Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. + +## How to Get Started with the Model + +Use the code below to get started with the model. + +[More Information Needed] + +## Training Details + +### Training Data + + + +[More Information Needed] + +### Training Procedure + + + +#### Preprocessing [optional] + +[More Information Needed] + + +#### Training Hyperparameters + +- **Training regime:** [More Information Needed] + +#### Speeds, Sizes, Times [optional] + + + +[More Information Needed] + +## Evaluation + + + +### Testing Data, Factors & Metrics + +#### Testing Data + + + +[More Information Needed] + +#### Factors + + + +[More Information Needed] + +#### Metrics + + + +[More Information Needed] + +### Results + +[More Information Needed] + +#### Summary + + + +## Model Examination [optional] + + + +[More Information Needed] + +## Environmental Impact + + + +Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). + +- **Hardware Type:** [More Information Needed] +- **Hours used:** [More Information Needed] +- **Cloud Provider:** [More Information Needed] +- **Compute Region:** [More Information Needed] +- **Carbon Emitted:** [More Information Needed] + +## Technical Specifications [optional] + +### Model Architecture and Objective + +[More Information Needed] + +### Compute Infrastructure + +[More Information Needed] + +#### Hardware + +[More Information Needed] + +#### Software + +[More Information Needed] + +## Citation [optional] + + + +**BibTeX:** + +[More Information Needed] + +**APA:** + +[More Information Needed] + +## Glossary [optional] + + + +[More Information Needed] + +## More Information [optional] + +[More Information Needed] + +## Model Card Authors [optional] + +[More Information Needed] + +## Model Card Contact + +[More Information Needed] +### Framework versions + +- PEFT 0.11.1 \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/adapter_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/adapter_config.json new file mode 100644 index 0000000000000000000000000000000000000000..8352756519b4695aff9957edb81be8b0520e47cf --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/adapter_config.json @@ -0,0 +1,31 @@ +{ + "alpha_pattern": {}, + "auto_mapping": null, + "base_model_name_or_path": "THUDM/glm-4-9b-chat-1m", + "bias": "none", + "fan_in_fan_out": false, + "inference_mode": true, + "init_lora_weights": true, + "layer_replication": null, + "layers_pattern": null, + "layers_to_transform": null, + "loftq_config": {}, + "lora_alpha": 16, + "lora_dropout": 0.0, + "megatron_config": null, + "megatron_core": "megatron.core", + "modules_to_save": null, + "peft_type": "LORA", + "r": 8, + "rank_pattern": {}, + "revision": null, + "target_modules": [ + "dense_h_to_4h", + "query_key_value", + "dense_4h_to_h", + "dense" + ], + "task_type": "CAUSAL_LM", + "use_dora": false, + "use_rslora": false +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/adapter_model.safetensors b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/adapter_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..4ff531ff9c82786bf18a3268edbb9e5b4ffbe25e --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/adapter_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8950e9830e197a7ba9feb5d7846eab5774492a29cc003e12509fb0a46fda573 +size 85409560 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/added_tokens.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/added_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..f3a7f4eaefbf184faa4a5a188a399538df4c8c36 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/added_tokens.json @@ -0,0 +1,16 @@ +{ + "": 151334, + "": 151333, + "<|assistant|>": 151337, + "<|begin_of_image|>": 151339, + "<|begin_of_video|>": 151341, + "<|end_of_image|>": 151340, + "<|end_of_video|>": 151342, + "<|endoftext|>": 151329, + "<|observation|>": 151338, + "<|system|>": 151335, + "<|user|>": 151336, + "[MASK]": 151330, + "[gMASK]": 151331, + "[sMASK]": 151332 +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/optimizer.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/optimizer.pt new file mode 100644 index 0000000000000000000000000000000000000000..eb7cf1321efcd3dec0c39820d33554301c965707 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/optimizer.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492bcdefdfbfd8576f444c520cde808f197cf0229e536c2d5834485e478baf8a +size 170990330 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/rng_state.pth b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/rng_state.pth new file mode 100644 index 0000000000000000000000000000000000000000..41dfa7d7903dea42d227bad638c2c750928d590c --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/rng_state.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c062f7f375beded48b5337f5a3f3a5cb38807fa3e85dbf3e294c0ab6b627bfc2 +size 14244 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/scheduler.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/scheduler.pt new file mode 100644 index 0000000000000000000000000000000000000000..c77dea7109c50be062f23627c8883058513fe0f3 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/scheduler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eed90e588b5c04a63000dc8b8376b1e11f37980f3dd5d73e4c2a4b71a995cf3a +size 1064 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/special_tokens_map.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..582da4ad333feaaa0c427b4678a3e48447ea932f --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/special_tokens_map.json @@ -0,0 +1,32 @@ +{ + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "eos_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "pad_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/tokenization_chatglm.py b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/tokenization_chatglm.py new file mode 100644 index 0000000000000000000000000000000000000000..7eeff3b02adcef48d4d69058ff36a390f6902273 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/tokenization_chatglm.py @@ -0,0 +1,323 @@ +import regex as re +import base64 +import os +import json +import tiktoken +from torch import TensorType +from typing import List, Optional, Union, Dict, Any +from transformers import PreTrainedTokenizer +from transformers.utils import logging, PaddingStrategy +from transformers.tokenization_utils_base import EncodedInput, BatchEncoding + + +class ChatGLM4Tokenizer(PreTrainedTokenizer): + vocab_files_names = {"vocab_file": "tokenizer.model"} + model_input_names = ["input_ids", "attention_mask", "position_ids"] + + def __init__( + self, + vocab_file, + padding_side="left", + clean_up_tokenization_spaces=False, + encode_special_tokens=False, + **kwargs + ): + self.name = "GLM4Tokenizer" + self.vocab_file = vocab_file + pat_str = "(?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+" + self.pat_str = re.compile(pat_str) + self.encode_special_tokens = encode_special_tokens + + mergeable_ranks = {} + with open(vocab_file) as f: + for line in f: + token, rank = line.strip().split() + rank = int(rank) + token = base64.b64decode(token) + mergeable_ranks[token] = rank + + self.mergeable_ranks = mergeable_ranks + + self.tokenizer = tiktoken.Encoding( + name="my_tokenizer", + pat_str=pat_str, + mergeable_ranks=mergeable_ranks, + special_tokens={} + ) + self.decoder = {rank: token for token, rank in mergeable_ranks.items()} + self.n_words = len(self.decoder) + + super().__init__( + padding_side=padding_side, + clean_up_tokenization_spaces=clean_up_tokenization_spaces, + **kwargs + ) + + @property + def vocab_size(self): + return self.n_words + + def get_vocab(self): + """ Returns vocab as a dict """ + vocab = {self._convert_id_to_token(i): i for i in range(self.vocab_size)} + vocab.update(self.added_tokens_encoder) + return vocab + + def convert_tokens_to_string(self, tokens: List[Union[bytes, str, int]]) -> str: + """ + Converts a sequence of tokens in a single string. + """ + text = "" + temp = b"" + for t in tokens: + if isinstance(t, int): + t = chr(t) + if isinstance(t, str): + if temp: + text += temp.decode("utf-8", errors="replace") + elif isinstance(t, bytes): + temp += t + else: + raise TypeError("token should only be of type int, bytes or str") + if temp: + text += temp.decode("utf-8", errors="replace") + return text + + def _tokenize(self, text, **kwargs): + tokens = [] + ids = self.tokenizer.encode(text) + for t in ids: + tokens.append(self.decoder[t]) + return tokens + + def _convert_token_to_id(self, token): + """ Converts a token (str) in an id using the vocab. """ + return self.mergeable_ranks[token] + + def _convert_id_to_token(self, index): + """Converts an index (integer) in a token (str) using the vocab.""" + return self.decoder.get(index, "") + + def save_vocabulary(self, save_directory, filename_prefix=None): + """ + Save the vocabulary and special tokens file to a directory. + + Args: + save_directory (`str`): + The directory in which to save the vocabulary. + filename_prefix (`str`, *optional*): + An optional prefix to add to the named of the saved files. + + Returns: + `Tuple(str)`: Paths to the files saved. + """ + if os.path.isdir(save_directory): + vocab_file = os.path.join( + save_directory, self.vocab_files_names["vocab_file"] + ) + else: + vocab_file = save_directory + + with open(self.vocab_file, 'rb') as fin: + proto_str = fin.read() + + with open(vocab_file, "wb") as writer: + writer.write(proto_str) + + return (vocab_file,) + + def get_prefix_tokens(self): + prefix_tokens = [self.convert_tokens_to_ids("[gMASK]"), self.convert_tokens_to_ids("")] + return prefix_tokens + + def build_single_message(self, role, metadata, message, tokenize=True): + assert role in ["system", "user", "assistant", "observation"], role + if tokenize: + role_tokens = [self.convert_tokens_to_ids(f"<|{role}|>")] + self.tokenizer.encode(f"{metadata}\n", + disallowed_special=()) + message_tokens = self.tokenizer.encode(message, disallowed_special=()) + tokens = role_tokens + message_tokens + return tokens + else: + return str(f"<|{role}|>{metadata}\n{message}") + + # Use Jinja Template in tokenizer_config.json + # def apply_chat_template( + # self, + # conversation: Union[List[Dict[str, str]], List[List[Dict[str, str]]], "Conversation"], + # add_generation_prompt: bool = False, + # tokenize: bool = True, + # padding: bool = False, + # truncation: bool = False, + # max_length: Optional[int] = None, + # return_tensors: Optional[Union[str, TensorType]] = None, + # return_dict: bool = False, + # tokenizer_kwargs: Optional[Dict[str, Any]] = None, + # add_special_tokens: bool = True, + # **kwargs, + # ) -> Union[str, List[int], List[str], List[List[int]], BatchEncoding]: + # + # if return_dict and not tokenize: + # raise ValueError( + # "`return_dict=True` is incompatible with `tokenize=False`, because there is no dict " + # "of tokenizer outputs to return." + # ) + # + # def handle_single_conversation(conversation): + # input_ids = self.get_prefix_tokens() if add_special_tokens else [] + # input_message = "[gMASK]" if add_special_tokens else "" + # for item in conversation: + # if item.get("tools"): + # tools = item["tools"] + # content = "你是一个名为 GhatGLM 的人工智能助手。你是基于智谱AI训练的语言模型 GLM-4 模型开发的,你的任务是针对用户的问题和要求提供适当的答复和支持。" + # content += "\n\n# 可用工具" + # for tool in tools: + # if tool["type"] == "function": + # function = tool["function"] + # content += f"\n\n## {function['name']}\n\n{json.dumps(function, ensure_ascii=False, indent=4)}" + # content += "\n在调用上述函数时,请使用 Json 格式表示调用的参数。" + # elif tool["type"] == "python": + # content += "\n\n## python\n\n当你向 `python` 发送包含 Python 代码的消息时,该代码将会在一个有状态的 Jupyter notebook 环境中执行。\n`python` 返回代码执行的输出,或在执行 60 秒后返回超时。\n`/mnt/data` 将会持久化存储你的文件。在此会话中,`python` 无法访问互联网。不要使用 `python` 进行任何网络请求或者在线 API 调用,这些在线内容的访问将不会成功。" + # elif tool["type"] == "simple_browser": + # content += "\n\n## simple_browser\n\n你可以使用 `simple_browser` 工具。该工具支持以下函数:\n`search(query: str, recency_days: int)`:使用搜索引擎进行查询并显示结果,可以使用 `recency_days` 参数控制搜索内容的时效性。\n`mclick(ids: list[int])`:获取一系列指定 id 的页面内容。每次调用时,须选择3-10个页面。选择多个角度的页面,同时尽可能选择可信任的信息来源。考虑到部分页面是无法加载的,你也可以多打开一些可能有用的页面而不用担心内容过多。\n`open_url(url: str)`:打开指定的 URL。\n\n使用 `【{引用 id}†{引用文本}】` 来引用内容。\n\n操作步骤:1. 使用 `search` 来获得信息列表; 2. 使用 `mclick` 来获取指定 ID 页面的内容; 3. 根据获得的内容进行回复。在回复中应当引用信息来源。\n 如果用户提供了 URL,也可以用 `open_url` 直接打开页面。\n如果初次搜索结果没有找到合适的信息,也可以再次使用 `search` 进行搜索。" + # elif tool["type"] == "cogview": + # content += "\n\n## cogview\n\n如果用户的请求中包含了对图像的描述,你可以使用 `cogview` 来生成图像并展示给用户。你需要向 `cogview` 发送图像描述,规则:\n- 发送给 `cogview` 的消息必须使用英语。用户的中文描述必须完全翻译为英语。\n- 应当尽可能详细地描述图像生成的需求,需求描述约 100 英文单词。\n- 保持用户原始描述的意图。不要虚构内容或者没见过的人物。\n- 如无特殊说明,所在地为中国,持有中国立场并遵循中国社会主义价值观。" + # else: + # raise NotImplementedError(f"Unknown tool type {tool['type']}") + # input = self.build_single_message("system", "", content, tokenize=tokenize) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if item["content"]: + # input = self.build_single_message( + # item["role"], + # item.get("metadata", ""), + # item["content"], + # tokenize=tokenize + # ) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if add_generation_prompt: + # if tokenize: + # input_ids.extend([self.convert_tokens_to_ids("<|assistant|>")]) + # else: + # input_message += "<|assistant|>" + # return input_ids if tokenize else input_message + # + # # Main logic to handle different conversation formats + # if isinstance(conversation, list) and all(isinstance(i, dict) for i in conversation): + # result = handle_single_conversation(conversation) + # elif isinstance(conversation, list) and all(isinstance(i, list) for i in conversation): + # result = [handle_single_conversation(c) for c in conversation] + # elif hasattr(conversation, "messages"): + # result = handle_single_conversation(conversation.messages) + # else: + # raise ValueError("Invalid conversation format") + # + # if tokenize: + # output = self.batch_encode_plus( + # [result] if isinstance(result[0], int) else result, + # padding=padding, + # truncation=truncation, + # max_length=max_length, + # return_tensors=return_tensors, + # is_split_into_words=True, + # add_special_tokens=False + # ) + # if return_dict: + # return output + # else: + # return output["input_ids"] + # else: + # return result + + def build_inputs_with_special_tokens( + self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None + ) -> List[int]: + """ + Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and + adding special tokens. A BERT sequence has the following format: + + - single sequence: `[CLS] X [SEP]` + - pair of sequences: `[CLS] A [SEP] B [SEP]` + + Args: + token_ids_0 (`List[int]`): + List of IDs to which the special tokens will be added. + token_ids_1 (`List[int]`, *optional*): + Optional second list of IDs for sequence pairs. + + Returns: + `List[int]`: List of [input IDs](../glossary#input-ids) with the appropriate special tokens. + """ + prefix_tokens = self.get_prefix_tokens() + token_ids_0 = prefix_tokens + token_ids_0 + if token_ids_1 is not None: + token_ids_0 = token_ids_0 + token_ids_1 + [self.convert_tokens_to_ids("")] + return token_ids_0 + + def _pad( + self, + encoded_inputs: Union[Dict[str, EncodedInput], BatchEncoding], + max_length: Optional[int] = None, + padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD, + pad_to_multiple_of: Optional[int] = None, + return_attention_mask: Optional[bool] = None, + ) -> dict: + """ + Pad encoded inputs (on left/right and up to predefined length or max length in the batch) + + Args: + encoded_inputs: + Dictionary of tokenized inputs (`List[int]`) or batch of tokenized inputs (`List[List[int]]`). + max_length: maximum length of the returned list and optionally padding length (see below). + Will truncate by taking into account the special tokens. + padding_strategy: PaddingStrategy to use for padding. + + - PaddingStrategy.LONGEST Pad to the longest sequence in the batch + - PaddingStrategy.MAX_LENGTH: Pad to the max length (default) + - PaddingStrategy.DO_NOT_PAD: Do not pad + The tokenizer padding sides are defined in self.padding_side: + + - 'left': pads on the left of the sequences + - 'right': pads on the right of the sequences + pad_to_multiple_of: (optional) Integer if set will pad the sequence to a multiple of the provided value. + This is especially useful to enable the use of Tensor Core on NVIDIA hardware with compute capability + `>= 7.5` (Volta). + return_attention_mask: + (optional) Set to False to avoid returning attention mask (default: set to model specifics) + """ + # Load from model defaults + assert self.padding_side == "left" + + required_input = encoded_inputs[self.model_input_names[0]] + seq_length = len(required_input) + + if padding_strategy == PaddingStrategy.LONGEST: + max_length = len(required_input) + + if max_length is not None and pad_to_multiple_of is not None and (max_length % pad_to_multiple_of != 0): + max_length = ((max_length // pad_to_multiple_of) + 1) * pad_to_multiple_of + + needs_to_be_padded = padding_strategy != PaddingStrategy.DO_NOT_PAD and len(required_input) != max_length + + # Initialize attention mask if not present. + if "attention_mask" not in encoded_inputs: + encoded_inputs["attention_mask"] = [1] * seq_length + + if "position_ids" not in encoded_inputs: + encoded_inputs["position_ids"] = list(range(seq_length)) + + if needs_to_be_padded: + difference = max_length - len(required_input) + + if "attention_mask" in encoded_inputs: + encoded_inputs["attention_mask"] = [0] * difference + encoded_inputs["attention_mask"] + if "position_ids" in encoded_inputs: + encoded_inputs["position_ids"] = [0] * difference + encoded_inputs["position_ids"] + encoded_inputs[self.model_input_names[0]] = [self.pad_token_id] * difference + required_input + + return encoded_inputs diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/tokenizer.model b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/tokenizer.model new file mode 100644 index 0000000000000000000000000000000000000000..8650fd94d949375a2ab1f4975e7e6ff51ebc364a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/tokenizer.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a493598071550244b2ee7f26118f3edec2150b9dfa967929a99052ac83fe716 +size 2623634 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/tokenizer_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..290fad7eade99ef9cda90a6092de906ef2d77acd --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/tokenizer_config.json @@ -0,0 +1,148 @@ +{ + "added_tokens_decoder": { + "151329": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151330": { + "content": "[MASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151331": { + "content": "[gMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151332": { + "content": "[sMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151335": { + "content": "<|system|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151336": { + "content": "<|user|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151337": { + "content": "<|assistant|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151338": { + "content": "<|observation|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151339": { + "content": "<|begin_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151340": { + "content": "<|end_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151341": { + "content": "<|begin_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151342": { + "content": "<|end_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "auto_map": { + "AutoTokenizer": [ + "tokenization_chatglm.ChatGLM4Tokenizer", + null + ] + }, + "chat_template": "{{ '[gMASK]' }}{% if messages[0]['role'] == 'system' %}{% set system_message = messages[0]['content'] %}{% endif %}{% if system_message is defined %}{{ '<|system|>\n' + system_message }}{% endif %}{% for message in messages %}{% set content = message['content'] %}{% if message['role'] == 'user' %}{{ '<|user|>\n' + content + '<|assistant|>' }}{% elif message['role'] == 'assistant' %}{{ '\n' + content }}{% endif %}{% endfor %}", + "clean_up_tokenization_spaces": false, + "do_lower_case": false, + "eos_token": "<|endoftext|>", + "model_max_length": 1024000, + "pad_token": "<|endoftext|>", + "padding_side": "right", + "remove_space": false, + "split_special_tokens": false, + "tokenizer_class": "ChatGLM4Tokenizer" +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/trainer_state.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..4936f58c25235fb5f329caf56ec929eb084d8d8b --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/trainer_state.json @@ -0,0 +1,424 @@ +{ + "best_metric": null, + "best_model_checkpoint": null, + "epoch": 2.9850746268656714, + "eval_steps": 175, + "global_step": 525, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 0.05685856432125089, + "grad_norm": 2.919694662094116, + "learning_rate": 1.4285714285714285e-05, + "loss": 3.8009, + "step": 10 + }, + { + "epoch": 0.11371712864250177, + "grad_norm": 3.130059003829956, + "learning_rate": 2.857142857142857e-05, + "loss": 0.3289, + "step": 20 + }, + { + "epoch": 0.17057569296375266, + "grad_norm": 1.6621949672698975, + "learning_rate": 4.2857142857142856e-05, + "loss": 0.2598, + "step": 30 + }, + { + "epoch": 0.22743425728500355, + "grad_norm": 2.371370792388916, + "learning_rate": 5.714285714285714e-05, + "loss": 0.2401, + "step": 40 + }, + { + "epoch": 0.28429282160625446, + "grad_norm": 0.8625539541244507, + "learning_rate": 7.142857142857143e-05, + "loss": 0.2306, + "step": 50 + }, + { + "epoch": 0.3411513859275053, + "grad_norm": 5.281027793884277, + "learning_rate": 8.571428571428571e-05, + "loss": 0.2463, + "step": 60 + }, + { + "epoch": 0.39800995024875624, + "grad_norm": 1.4231479167938232, + "learning_rate": 0.0001, + "loss": 0.2291, + "step": 70 + }, + { + "epoch": 0.4548685145700071, + "grad_norm": 1.9341018199920654, + "learning_rate": 9.993784606094612e-05, + "loss": 0.2301, + "step": 80 + }, + { + "epoch": 0.511727078891258, + "grad_norm": 2.0011138916015625, + "learning_rate": 9.975153876827008e-05, + "loss": 0.2207, + "step": 90 + }, + { + "epoch": 0.5685856432125089, + "grad_norm": 0.6652698516845703, + "learning_rate": 9.944154131125642e-05, + "loss": 0.2271, + "step": 100 + }, + { + "epoch": 0.6254442075337597, + "grad_norm": 1.3393596410751343, + "learning_rate": 9.900862439242719e-05, + "loss": 0.216, + "step": 110 + }, + { + "epoch": 0.6823027718550106, + "grad_norm": 5.120615482330322, + "learning_rate": 9.84538643114539e-05, + "loss": 0.2311, + "step": 120 + }, + { + "epoch": 0.7391613361762616, + "grad_norm": 1.72005033493042, + "learning_rate": 9.777864028930705e-05, + "loss": 0.212, + "step": 130 + }, + { + "epoch": 0.7960199004975125, + "grad_norm": 1.5774250030517578, + "learning_rate": 9.698463103929542e-05, + "loss": 0.2261, + "step": 140 + }, + { + "epoch": 0.8528784648187633, + "grad_norm": 93.82937622070312, + "learning_rate": 9.607381059352038e-05, + "loss": 2.368, + "step": 150 + }, + { + "epoch": 0.9097370291400142, + "grad_norm": 11.905146598815918, + "learning_rate": 9.504844339512095e-05, + "loss": 2.4337, + "step": 160 + }, + { + "epoch": 0.9665955934612651, + "grad_norm": 4.584591388702393, + "learning_rate": 9.391107866851143e-05, + "loss": 0.8958, + "step": 170 + }, + { + "epoch": 0.9950248756218906, + "eval_accuracy": 0.7612800000000001, + "eval_loss": 0.4472738206386566, + "eval_runtime": 136.3095, + "eval_samples_per_second": 18.341, + "eval_steps_per_second": 18.341, + "step": 175 + }, + { + "epoch": 1.023454157782516, + "grad_norm": 4.700326919555664, + "learning_rate": 9.266454408160779e-05, + "loss": 0.4271, + "step": 180 + }, + { + "epoch": 1.080312722103767, + "grad_norm": 1.9691985845565796, + "learning_rate": 9.131193871579975e-05, + "loss": 0.2324, + "step": 190 + }, + { + "epoch": 1.1371712864250179, + "grad_norm": 2.0088887214660645, + "learning_rate": 8.985662536114613e-05, + "loss": 0.1996, + "step": 200 + }, + { + "epoch": 1.1940298507462686, + "grad_norm": 6.571439266204834, + "learning_rate": 8.83022221559489e-05, + "loss": 0.1961, + "step": 210 + }, + { + "epoch": 1.2508884150675195, + "grad_norm": 3.290731191635132, + "learning_rate": 8.665259359149132e-05, + "loss": 0.1942, + "step": 220 + }, + { + "epoch": 1.3077469793887704, + "grad_norm": 1.540110468864441, + "learning_rate": 8.491184090430364e-05, + "loss": 0.2152, + "step": 230 + }, + { + "epoch": 1.3646055437100213, + "grad_norm": 3.2633206844329834, + "learning_rate": 8.308429187984297e-05, + "loss": 0.1986, + "step": 240 + }, + { + "epoch": 1.4214641080312722, + "grad_norm": 2.2755699157714844, + "learning_rate": 8.117449009293668e-05, + "loss": 0.209, + "step": 250 + }, + { + "epoch": 1.4783226723525231, + "grad_norm": 1.3403345346450806, + "learning_rate": 7.91871836117395e-05, + "loss": 0.191, + "step": 260 + }, + { + "epoch": 1.535181236673774, + "grad_norm": 2.5068321228027344, + "learning_rate": 7.712731319328798e-05, + "loss": 0.2046, + "step": 270 + }, + { + "epoch": 1.5920398009950247, + "grad_norm": 1.23170804977417, + "learning_rate": 7.500000000000001e-05, + "loss": 0.1939, + "step": 280 + }, + { + "epoch": 1.6488983653162759, + "grad_norm": 1.3532381057739258, + "learning_rate": 7.281053286765815e-05, + "loss": 0.2072, + "step": 290 + }, + { + "epoch": 1.7057569296375266, + "grad_norm": 1.6122020483016968, + "learning_rate": 7.056435515653059e-05, + "loss": 0.1934, + "step": 300 + }, + { + "epoch": 1.7626154939587777, + "grad_norm": 1.4875357151031494, + "learning_rate": 6.826705121831976e-05, + "loss": 0.1782, + "step": 310 + }, + { + "epoch": 1.8194740582800284, + "grad_norm": 1.375095248222351, + "learning_rate": 6.592433251258423e-05, + "loss": 0.1879, + "step": 320 + }, + { + "epoch": 1.8763326226012793, + "grad_norm": 1.3681703805923462, + "learning_rate": 6.354202340715026e-05, + "loss": 0.1862, + "step": 330 + }, + { + "epoch": 1.9331911869225302, + "grad_norm": 1.6180658340454102, + "learning_rate": 6.112604669781572e-05, + "loss": 0.2014, + "step": 340 + }, + { + "epoch": 1.9900497512437811, + "grad_norm": 1.4774919748306274, + "learning_rate": 5.868240888334653e-05, + "loss": 0.1917, + "step": 350 + }, + { + "epoch": 1.9900497512437811, + "eval_accuracy": 0.9307333333333332, + "eval_loss": 0.18561618030071259, + "eval_runtime": 136.2276, + "eval_samples_per_second": 18.352, + "eval_steps_per_second": 18.352, + "step": 350 + }, + { + "epoch": 2.046908315565032, + "grad_norm": 1.195068597793579, + "learning_rate": 5.621718523237427e-05, + "loss": 0.1637, + "step": 360 + }, + { + "epoch": 2.1037668798862827, + "grad_norm": 1.4060101509094238, + "learning_rate": 5.373650467932122e-05, + "loss": 0.1464, + "step": 370 + }, + { + "epoch": 2.160625444207534, + "grad_norm": 1.7987910509109497, + "learning_rate": 5.124653458690365e-05, + "loss": 0.1375, + "step": 380 + }, + { + "epoch": 2.2174840085287846, + "grad_norm": 1.1465859413146973, + "learning_rate": 4.875346541309637e-05, + "loss": 0.1509, + "step": 390 + }, + { + "epoch": 2.2743425728500357, + "grad_norm": 1.3375942707061768, + "learning_rate": 4.626349532067879e-05, + "loss": 0.1388, + "step": 400 + }, + { + "epoch": 2.3312011371712864, + "grad_norm": 1.257914662361145, + "learning_rate": 4.378281476762576e-05, + "loss": 0.1493, + "step": 410 + }, + { + "epoch": 2.388059701492537, + "grad_norm": 0.9045670628547668, + "learning_rate": 4.131759111665349e-05, + "loss": 0.1602, + "step": 420 + }, + { + "epoch": 2.4449182658137882, + "grad_norm": 1.2219940423965454, + "learning_rate": 3.887395330218429e-05, + "loss": 0.1636, + "step": 430 + }, + { + "epoch": 2.501776830135039, + "grad_norm": 1.0463968515396118, + "learning_rate": 3.6457976592849754e-05, + "loss": 0.1428, + "step": 440 + }, + { + "epoch": 2.55863539445629, + "grad_norm": 1.3076916933059692, + "learning_rate": 3.4075667487415785e-05, + "loss": 0.1569, + "step": 450 + }, + { + "epoch": 2.6154939587775408, + "grad_norm": 0.6994168758392334, + "learning_rate": 3.173294878168025e-05, + "loss": 0.151, + "step": 460 + }, + { + "epoch": 2.672352523098792, + "grad_norm": 1.2010096311569214, + "learning_rate": 2.9435644843469436e-05, + "loss": 0.1429, + "step": 470 + }, + { + "epoch": 2.7292110874200426, + "grad_norm": 0.9571990370750427, + "learning_rate": 2.718946713234185e-05, + "loss": 0.1446, + "step": 480 + }, + { + "epoch": 2.7860696517412933, + "grad_norm": 0.9076853394508362, + "learning_rate": 2.500000000000001e-05, + "loss": 0.1387, + "step": 490 + }, + { + "epoch": 2.8429282160625444, + "grad_norm": 1.4032243490219116, + "learning_rate": 2.2872686806712035e-05, + "loss": 0.1593, + "step": 500 + }, + { + "epoch": 2.8997867803837956, + "grad_norm": 0.90634685754776, + "learning_rate": 2.0812816388260518e-05, + "loss": 0.1376, + "step": 510 + }, + { + "epoch": 2.9566453447050463, + "grad_norm": 1.0794312953948975, + "learning_rate": 1.8825509907063327e-05, + "loss": 0.1287, + "step": 520 + }, + { + "epoch": 2.9850746268656714, + "eval_accuracy": 0.9336866666666667, + "eval_loss": 0.1812731772661209, + "eval_runtime": 136.2237, + "eval_samples_per_second": 18.352, + "eval_steps_per_second": 18.352, + "step": 525 + } + ], + "logging_steps": 10, + "max_steps": 700, + "num_input_tokens_seen": 0, + "num_train_epochs": 4, + "save_steps": 175, + "stateful_callbacks": { + "TrainerControl": { + "args": { + "should_epoch_stop": false, + "should_evaluate": false, + "should_log": false, + "should_save": true, + "should_training_stop": false + }, + "attributes": {} + } + }, + "total_flos": 1.3072222611324273e+18, + "train_batch_size": 16, + "trial_name": null, + "trial_params": null +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/training_args.bin b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..cfb1076c5086d85eb5b41ba3029eb40a7ca46797 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-525/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9e6f3241dabbb8a63b52024fb0fb0d68c85f4b48b07e8579ebd8f41fe5fd662 +size 5304 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/README.md b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/README.md new file mode 100644 index 0000000000000000000000000000000000000000..8a25a4498c7ba2e7ef04fc9e0ebdf0b56b6e55c6 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/README.md @@ -0,0 +1,202 @@ +--- +library_name: peft +base_model: THUDM/glm-4-9b-chat-1m +--- + +# Model Card for Model ID + + + + + +## Model Details + +### Model Description + + + + + +- **Developed by:** [More Information Needed] +- **Funded by [optional]:** [More Information Needed] +- **Shared by [optional]:** [More Information Needed] +- **Model type:** [More Information Needed] +- **Language(s) (NLP):** [More Information Needed] +- **License:** [More Information Needed] +- **Finetuned from model [optional]:** [More Information Needed] + +### Model Sources [optional] + + + +- **Repository:** [More Information Needed] +- **Paper [optional]:** [More Information Needed] +- **Demo [optional]:** [More Information Needed] + +## Uses + + + +### Direct Use + + + +[More Information Needed] + +### Downstream Use [optional] + + + +[More Information Needed] + +### Out-of-Scope Use + + + +[More Information Needed] + +## Bias, Risks, and Limitations + + + +[More Information Needed] + +### Recommendations + + + +Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. + +## How to Get Started with the Model + +Use the code below to get started with the model. + +[More Information Needed] + +## Training Details + +### Training Data + + + +[More Information Needed] + +### Training Procedure + + + +#### Preprocessing [optional] + +[More Information Needed] + + +#### Training Hyperparameters + +- **Training regime:** [More Information Needed] + +#### Speeds, Sizes, Times [optional] + + + +[More Information Needed] + +## Evaluation + + + +### Testing Data, Factors & Metrics + +#### Testing Data + + + +[More Information Needed] + +#### Factors + + + +[More Information Needed] + +#### Metrics + + + +[More Information Needed] + +### Results + +[More Information Needed] + +#### Summary + + + +## Model Examination [optional] + + + +[More Information Needed] + +## Environmental Impact + + + +Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). + +- **Hardware Type:** [More Information Needed] +- **Hours used:** [More Information Needed] +- **Cloud Provider:** [More Information Needed] +- **Compute Region:** [More Information Needed] +- **Carbon Emitted:** [More Information Needed] + +## Technical Specifications [optional] + +### Model Architecture and Objective + +[More Information Needed] + +### Compute Infrastructure + +[More Information Needed] + +#### Hardware + +[More Information Needed] + +#### Software + +[More Information Needed] + +## Citation [optional] + + + +**BibTeX:** + +[More Information Needed] + +**APA:** + +[More Information Needed] + +## Glossary [optional] + + + +[More Information Needed] + +## More Information [optional] + +[More Information Needed] + +## Model Card Authors [optional] + +[More Information Needed] + +## Model Card Contact + +[More Information Needed] +### Framework versions + +- PEFT 0.11.1 \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/adapter_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/adapter_config.json new file mode 100644 index 0000000000000000000000000000000000000000..8352756519b4695aff9957edb81be8b0520e47cf --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/adapter_config.json @@ -0,0 +1,31 @@ +{ + "alpha_pattern": {}, + "auto_mapping": null, + "base_model_name_or_path": "THUDM/glm-4-9b-chat-1m", + "bias": "none", + "fan_in_fan_out": false, + "inference_mode": true, + "init_lora_weights": true, + "layer_replication": null, + "layers_pattern": null, + "layers_to_transform": null, + "loftq_config": {}, + "lora_alpha": 16, + "lora_dropout": 0.0, + "megatron_config": null, + "megatron_core": "megatron.core", + "modules_to_save": null, + "peft_type": "LORA", + "r": 8, + "rank_pattern": {}, + "revision": null, + "target_modules": [ + "dense_h_to_4h", + "query_key_value", + "dense_4h_to_h", + "dense" + ], + "task_type": "CAUSAL_LM", + "use_dora": false, + "use_rslora": false +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/adapter_model.safetensors b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/adapter_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..bafc89b2f4080b180924b8e0decca4bfc0878e8b --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/adapter_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:779d919e4e576eb536f72ff440fea92eb01a8b6522a276d586a48fc2f24d1fd2 +size 85409560 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/added_tokens.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/added_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..f3a7f4eaefbf184faa4a5a188a399538df4c8c36 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/added_tokens.json @@ -0,0 +1,16 @@ +{ + "": 151334, + "": 151333, + "<|assistant|>": 151337, + "<|begin_of_image|>": 151339, + "<|begin_of_video|>": 151341, + "<|end_of_image|>": 151340, + "<|end_of_video|>": 151342, + "<|endoftext|>": 151329, + "<|observation|>": 151338, + "<|system|>": 151335, + "<|user|>": 151336, + "[MASK]": 151330, + "[gMASK]": 151331, + "[sMASK]": 151332 +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/optimizer.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/optimizer.pt new file mode 100644 index 0000000000000000000000000000000000000000..89c24cb8702942668df90b0d3fd0da9e9b1fb217 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/optimizer.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92bd1c22beb1c031df655116b2f7d144a6d526f3f72e70b5ec7d557642638d45 +size 170990330 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/rng_state.pth b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/rng_state.pth new file mode 100644 index 0000000000000000000000000000000000000000..407e47abbdfb90afd3e1f979b5c0260135d2050e --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/rng_state.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9899ccda7f0d8d9511991180b93aab508ce6e8489de708c88ad1188e7e1d90d6 +size 14244 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/scheduler.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/scheduler.pt new file mode 100644 index 0000000000000000000000000000000000000000..d0d8d3e64bba25db69b78d81bdc703d70db4b3ca --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/scheduler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74a7bc0ea23e97876353b7517a7237588b1de0e7b7ef6fb965a1bbd1c649f55b +size 1064 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/special_tokens_map.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..582da4ad333feaaa0c427b4678a3e48447ea932f --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/special_tokens_map.json @@ -0,0 +1,32 @@ +{ + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "eos_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "pad_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/tokenization_chatglm.py b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/tokenization_chatglm.py new file mode 100644 index 0000000000000000000000000000000000000000..7eeff3b02adcef48d4d69058ff36a390f6902273 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/tokenization_chatglm.py @@ -0,0 +1,323 @@ +import regex as re +import base64 +import os +import json +import tiktoken +from torch import TensorType +from typing import List, Optional, Union, Dict, Any +from transformers import PreTrainedTokenizer +from transformers.utils import logging, PaddingStrategy +from transformers.tokenization_utils_base import EncodedInput, BatchEncoding + + +class ChatGLM4Tokenizer(PreTrainedTokenizer): + vocab_files_names = {"vocab_file": "tokenizer.model"} + model_input_names = ["input_ids", "attention_mask", "position_ids"] + + def __init__( + self, + vocab_file, + padding_side="left", + clean_up_tokenization_spaces=False, + encode_special_tokens=False, + **kwargs + ): + self.name = "GLM4Tokenizer" + self.vocab_file = vocab_file + pat_str = "(?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+" + self.pat_str = re.compile(pat_str) + self.encode_special_tokens = encode_special_tokens + + mergeable_ranks = {} + with open(vocab_file) as f: + for line in f: + token, rank = line.strip().split() + rank = int(rank) + token = base64.b64decode(token) + mergeable_ranks[token] = rank + + self.mergeable_ranks = mergeable_ranks + + self.tokenizer = tiktoken.Encoding( + name="my_tokenizer", + pat_str=pat_str, + mergeable_ranks=mergeable_ranks, + special_tokens={} + ) + self.decoder = {rank: token for token, rank in mergeable_ranks.items()} + self.n_words = len(self.decoder) + + super().__init__( + padding_side=padding_side, + clean_up_tokenization_spaces=clean_up_tokenization_spaces, + **kwargs + ) + + @property + def vocab_size(self): + return self.n_words + + def get_vocab(self): + """ Returns vocab as a dict """ + vocab = {self._convert_id_to_token(i): i for i in range(self.vocab_size)} + vocab.update(self.added_tokens_encoder) + return vocab + + def convert_tokens_to_string(self, tokens: List[Union[bytes, str, int]]) -> str: + """ + Converts a sequence of tokens in a single string. + """ + text = "" + temp = b"" + for t in tokens: + if isinstance(t, int): + t = chr(t) + if isinstance(t, str): + if temp: + text += temp.decode("utf-8", errors="replace") + elif isinstance(t, bytes): + temp += t + else: + raise TypeError("token should only be of type int, bytes or str") + if temp: + text += temp.decode("utf-8", errors="replace") + return text + + def _tokenize(self, text, **kwargs): + tokens = [] + ids = self.tokenizer.encode(text) + for t in ids: + tokens.append(self.decoder[t]) + return tokens + + def _convert_token_to_id(self, token): + """ Converts a token (str) in an id using the vocab. """ + return self.mergeable_ranks[token] + + def _convert_id_to_token(self, index): + """Converts an index (integer) in a token (str) using the vocab.""" + return self.decoder.get(index, "") + + def save_vocabulary(self, save_directory, filename_prefix=None): + """ + Save the vocabulary and special tokens file to a directory. + + Args: + save_directory (`str`): + The directory in which to save the vocabulary. + filename_prefix (`str`, *optional*): + An optional prefix to add to the named of the saved files. + + Returns: + `Tuple(str)`: Paths to the files saved. + """ + if os.path.isdir(save_directory): + vocab_file = os.path.join( + save_directory, self.vocab_files_names["vocab_file"] + ) + else: + vocab_file = save_directory + + with open(self.vocab_file, 'rb') as fin: + proto_str = fin.read() + + with open(vocab_file, "wb") as writer: + writer.write(proto_str) + + return (vocab_file,) + + def get_prefix_tokens(self): + prefix_tokens = [self.convert_tokens_to_ids("[gMASK]"), self.convert_tokens_to_ids("")] + return prefix_tokens + + def build_single_message(self, role, metadata, message, tokenize=True): + assert role in ["system", "user", "assistant", "observation"], role + if tokenize: + role_tokens = [self.convert_tokens_to_ids(f"<|{role}|>")] + self.tokenizer.encode(f"{metadata}\n", + disallowed_special=()) + message_tokens = self.tokenizer.encode(message, disallowed_special=()) + tokens = role_tokens + message_tokens + return tokens + else: + return str(f"<|{role}|>{metadata}\n{message}") + + # Use Jinja Template in tokenizer_config.json + # def apply_chat_template( + # self, + # conversation: Union[List[Dict[str, str]], List[List[Dict[str, str]]], "Conversation"], + # add_generation_prompt: bool = False, + # tokenize: bool = True, + # padding: bool = False, + # truncation: bool = False, + # max_length: Optional[int] = None, + # return_tensors: Optional[Union[str, TensorType]] = None, + # return_dict: bool = False, + # tokenizer_kwargs: Optional[Dict[str, Any]] = None, + # add_special_tokens: bool = True, + # **kwargs, + # ) -> Union[str, List[int], List[str], List[List[int]], BatchEncoding]: + # + # if return_dict and not tokenize: + # raise ValueError( + # "`return_dict=True` is incompatible with `tokenize=False`, because there is no dict " + # "of tokenizer outputs to return." + # ) + # + # def handle_single_conversation(conversation): + # input_ids = self.get_prefix_tokens() if add_special_tokens else [] + # input_message = "[gMASK]" if add_special_tokens else "" + # for item in conversation: + # if item.get("tools"): + # tools = item["tools"] + # content = "你是一个名为 GhatGLM 的人工智能助手。你是基于智谱AI训练的语言模型 GLM-4 模型开发的,你的任务是针对用户的问题和要求提供适当的答复和支持。" + # content += "\n\n# 可用工具" + # for tool in tools: + # if tool["type"] == "function": + # function = tool["function"] + # content += f"\n\n## {function['name']}\n\n{json.dumps(function, ensure_ascii=False, indent=4)}" + # content += "\n在调用上述函数时,请使用 Json 格式表示调用的参数。" + # elif tool["type"] == "python": + # content += "\n\n## python\n\n当你向 `python` 发送包含 Python 代码的消息时,该代码将会在一个有状态的 Jupyter notebook 环境中执行。\n`python` 返回代码执行的输出,或在执行 60 秒后返回超时。\n`/mnt/data` 将会持久化存储你的文件。在此会话中,`python` 无法访问互联网。不要使用 `python` 进行任何网络请求或者在线 API 调用,这些在线内容的访问将不会成功。" + # elif tool["type"] == "simple_browser": + # content += "\n\n## simple_browser\n\n你可以使用 `simple_browser` 工具。该工具支持以下函数:\n`search(query: str, recency_days: int)`:使用搜索引擎进行查询并显示结果,可以使用 `recency_days` 参数控制搜索内容的时效性。\n`mclick(ids: list[int])`:获取一系列指定 id 的页面内容。每次调用时,须选择3-10个页面。选择多个角度的页面,同时尽可能选择可信任的信息来源。考虑到部分页面是无法加载的,你也可以多打开一些可能有用的页面而不用担心内容过多。\n`open_url(url: str)`:打开指定的 URL。\n\n使用 `【{引用 id}†{引用文本}】` 来引用内容。\n\n操作步骤:1. 使用 `search` 来获得信息列表; 2. 使用 `mclick` 来获取指定 ID 页面的内容; 3. 根据获得的内容进行回复。在回复中应当引用信息来源。\n 如果用户提供了 URL,也可以用 `open_url` 直接打开页面。\n如果初次搜索结果没有找到合适的信息,也可以再次使用 `search` 进行搜索。" + # elif tool["type"] == "cogview": + # content += "\n\n## cogview\n\n如果用户的请求中包含了对图像的描述,你可以使用 `cogview` 来生成图像并展示给用户。你需要向 `cogview` 发送图像描述,规则:\n- 发送给 `cogview` 的消息必须使用英语。用户的中文描述必须完全翻译为英语。\n- 应当尽可能详细地描述图像生成的需求,需求描述约 100 英文单词。\n- 保持用户原始描述的意图。不要虚构内容或者没见过的人物。\n- 如无特殊说明,所在地为中国,持有中国立场并遵循中国社会主义价值观。" + # else: + # raise NotImplementedError(f"Unknown tool type {tool['type']}") + # input = self.build_single_message("system", "", content, tokenize=tokenize) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if item["content"]: + # input = self.build_single_message( + # item["role"], + # item.get("metadata", ""), + # item["content"], + # tokenize=tokenize + # ) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if add_generation_prompt: + # if tokenize: + # input_ids.extend([self.convert_tokens_to_ids("<|assistant|>")]) + # else: + # input_message += "<|assistant|>" + # return input_ids if tokenize else input_message + # + # # Main logic to handle different conversation formats + # if isinstance(conversation, list) and all(isinstance(i, dict) for i in conversation): + # result = handle_single_conversation(conversation) + # elif isinstance(conversation, list) and all(isinstance(i, list) for i in conversation): + # result = [handle_single_conversation(c) for c in conversation] + # elif hasattr(conversation, "messages"): + # result = handle_single_conversation(conversation.messages) + # else: + # raise ValueError("Invalid conversation format") + # + # if tokenize: + # output = self.batch_encode_plus( + # [result] if isinstance(result[0], int) else result, + # padding=padding, + # truncation=truncation, + # max_length=max_length, + # return_tensors=return_tensors, + # is_split_into_words=True, + # add_special_tokens=False + # ) + # if return_dict: + # return output + # else: + # return output["input_ids"] + # else: + # return result + + def build_inputs_with_special_tokens( + self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None + ) -> List[int]: + """ + Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and + adding special tokens. A BERT sequence has the following format: + + - single sequence: `[CLS] X [SEP]` + - pair of sequences: `[CLS] A [SEP] B [SEP]` + + Args: + token_ids_0 (`List[int]`): + List of IDs to which the special tokens will be added. + token_ids_1 (`List[int]`, *optional*): + Optional second list of IDs for sequence pairs. + + Returns: + `List[int]`: List of [input IDs](../glossary#input-ids) with the appropriate special tokens. + """ + prefix_tokens = self.get_prefix_tokens() + token_ids_0 = prefix_tokens + token_ids_0 + if token_ids_1 is not None: + token_ids_0 = token_ids_0 + token_ids_1 + [self.convert_tokens_to_ids("")] + return token_ids_0 + + def _pad( + self, + encoded_inputs: Union[Dict[str, EncodedInput], BatchEncoding], + max_length: Optional[int] = None, + padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD, + pad_to_multiple_of: Optional[int] = None, + return_attention_mask: Optional[bool] = None, + ) -> dict: + """ + Pad encoded inputs (on left/right and up to predefined length or max length in the batch) + + Args: + encoded_inputs: + Dictionary of tokenized inputs (`List[int]`) or batch of tokenized inputs (`List[List[int]]`). + max_length: maximum length of the returned list and optionally padding length (see below). + Will truncate by taking into account the special tokens. + padding_strategy: PaddingStrategy to use for padding. + + - PaddingStrategy.LONGEST Pad to the longest sequence in the batch + - PaddingStrategy.MAX_LENGTH: Pad to the max length (default) + - PaddingStrategy.DO_NOT_PAD: Do not pad + The tokenizer padding sides are defined in self.padding_side: + + - 'left': pads on the left of the sequences + - 'right': pads on the right of the sequences + pad_to_multiple_of: (optional) Integer if set will pad the sequence to a multiple of the provided value. + This is especially useful to enable the use of Tensor Core on NVIDIA hardware with compute capability + `>= 7.5` (Volta). + return_attention_mask: + (optional) Set to False to avoid returning attention mask (default: set to model specifics) + """ + # Load from model defaults + assert self.padding_side == "left" + + required_input = encoded_inputs[self.model_input_names[0]] + seq_length = len(required_input) + + if padding_strategy == PaddingStrategy.LONGEST: + max_length = len(required_input) + + if max_length is not None and pad_to_multiple_of is not None and (max_length % pad_to_multiple_of != 0): + max_length = ((max_length // pad_to_multiple_of) + 1) * pad_to_multiple_of + + needs_to_be_padded = padding_strategy != PaddingStrategy.DO_NOT_PAD and len(required_input) != max_length + + # Initialize attention mask if not present. + if "attention_mask" not in encoded_inputs: + encoded_inputs["attention_mask"] = [1] * seq_length + + if "position_ids" not in encoded_inputs: + encoded_inputs["position_ids"] = list(range(seq_length)) + + if needs_to_be_padded: + difference = max_length - len(required_input) + + if "attention_mask" in encoded_inputs: + encoded_inputs["attention_mask"] = [0] * difference + encoded_inputs["attention_mask"] + if "position_ids" in encoded_inputs: + encoded_inputs["position_ids"] = [0] * difference + encoded_inputs["position_ids"] + encoded_inputs[self.model_input_names[0]] = [self.pad_token_id] * difference + required_input + + return encoded_inputs diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/tokenizer.model b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/tokenizer.model new file mode 100644 index 0000000000000000000000000000000000000000..8650fd94d949375a2ab1f4975e7e6ff51ebc364a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/tokenizer.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a493598071550244b2ee7f26118f3edec2150b9dfa967929a99052ac83fe716 +size 2623634 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/tokenizer_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..290fad7eade99ef9cda90a6092de906ef2d77acd --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/tokenizer_config.json @@ -0,0 +1,148 @@ +{ + "added_tokens_decoder": { + "151329": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151330": { + "content": "[MASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151331": { + "content": "[gMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151332": { + "content": "[sMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151335": { + "content": "<|system|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151336": { + "content": "<|user|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151337": { + "content": "<|assistant|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151338": { + "content": "<|observation|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151339": { + "content": "<|begin_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151340": { + "content": "<|end_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151341": { + "content": "<|begin_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151342": { + "content": "<|end_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "auto_map": { + "AutoTokenizer": [ + "tokenization_chatglm.ChatGLM4Tokenizer", + null + ] + }, + "chat_template": "{{ '[gMASK]' }}{% if messages[0]['role'] == 'system' %}{% set system_message = messages[0]['content'] %}{% endif %}{% if system_message is defined %}{{ '<|system|>\n' + system_message }}{% endif %}{% for message in messages %}{% set content = message['content'] %}{% if message['role'] == 'user' %}{{ '<|user|>\n' + content + '<|assistant|>' }}{% elif message['role'] == 'assistant' %}{{ '\n' + content }}{% endif %}{% endfor %}", + "clean_up_tokenization_spaces": false, + "do_lower_case": false, + "eos_token": "<|endoftext|>", + "model_max_length": 1024000, + "pad_token": "<|endoftext|>", + "padding_side": "right", + "remove_space": false, + "split_special_tokens": false, + "tokenizer_class": "ChatGLM4Tokenizer" +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/trainer_state.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..dc0a4b74805b114d775554e6a2326ff3cd231a7a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/trainer_state.json @@ -0,0 +1,559 @@ +{ + "best_metric": null, + "best_model_checkpoint": null, + "epoch": 3.9800995024875623, + "eval_steps": 175, + "global_step": 700, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 0.05685856432125089, + "grad_norm": 2.919694662094116, + "learning_rate": 1.4285714285714285e-05, + "loss": 3.8009, + "step": 10 + }, + { + "epoch": 0.11371712864250177, + "grad_norm": 3.130059003829956, + "learning_rate": 2.857142857142857e-05, + "loss": 0.3289, + "step": 20 + }, + { + "epoch": 0.17057569296375266, + "grad_norm": 1.6621949672698975, + "learning_rate": 4.2857142857142856e-05, + "loss": 0.2598, + "step": 30 + }, + { + "epoch": 0.22743425728500355, + "grad_norm": 2.371370792388916, + "learning_rate": 5.714285714285714e-05, + "loss": 0.2401, + "step": 40 + }, + { + "epoch": 0.28429282160625446, + "grad_norm": 0.8625539541244507, + "learning_rate": 7.142857142857143e-05, + "loss": 0.2306, + "step": 50 + }, + { + "epoch": 0.3411513859275053, + "grad_norm": 5.281027793884277, + "learning_rate": 8.571428571428571e-05, + "loss": 0.2463, + "step": 60 + }, + { + "epoch": 0.39800995024875624, + "grad_norm": 1.4231479167938232, + "learning_rate": 0.0001, + "loss": 0.2291, + "step": 70 + }, + { + "epoch": 0.4548685145700071, + "grad_norm": 1.9341018199920654, + "learning_rate": 9.993784606094612e-05, + "loss": 0.2301, + "step": 80 + }, + { + "epoch": 0.511727078891258, + "grad_norm": 2.0011138916015625, + "learning_rate": 9.975153876827008e-05, + "loss": 0.2207, + "step": 90 + }, + { + "epoch": 0.5685856432125089, + "grad_norm": 0.6652698516845703, + "learning_rate": 9.944154131125642e-05, + "loss": 0.2271, + "step": 100 + }, + { + "epoch": 0.6254442075337597, + "grad_norm": 1.3393596410751343, + "learning_rate": 9.900862439242719e-05, + "loss": 0.216, + "step": 110 + }, + { + "epoch": 0.6823027718550106, + "grad_norm": 5.120615482330322, + "learning_rate": 9.84538643114539e-05, + "loss": 0.2311, + "step": 120 + }, + { + "epoch": 0.7391613361762616, + "grad_norm": 1.72005033493042, + "learning_rate": 9.777864028930705e-05, + "loss": 0.212, + "step": 130 + }, + { + "epoch": 0.7960199004975125, + "grad_norm": 1.5774250030517578, + "learning_rate": 9.698463103929542e-05, + "loss": 0.2261, + "step": 140 + }, + { + "epoch": 0.8528784648187633, + "grad_norm": 93.82937622070312, + "learning_rate": 9.607381059352038e-05, + "loss": 2.368, + "step": 150 + }, + { + "epoch": 0.9097370291400142, + "grad_norm": 11.905146598815918, + "learning_rate": 9.504844339512095e-05, + "loss": 2.4337, + "step": 160 + }, + { + "epoch": 0.9665955934612651, + "grad_norm": 4.584591388702393, + "learning_rate": 9.391107866851143e-05, + "loss": 0.8958, + "step": 170 + }, + { + "epoch": 0.9950248756218906, + "eval_accuracy": 0.7612800000000001, + "eval_loss": 0.4472738206386566, + "eval_runtime": 136.3095, + "eval_samples_per_second": 18.341, + "eval_steps_per_second": 18.341, + "step": 175 + }, + { + "epoch": 1.023454157782516, + "grad_norm": 4.700326919555664, + "learning_rate": 9.266454408160779e-05, + "loss": 0.4271, + "step": 180 + }, + { + "epoch": 1.080312722103767, + "grad_norm": 1.9691985845565796, + "learning_rate": 9.131193871579975e-05, + "loss": 0.2324, + "step": 190 + }, + { + "epoch": 1.1371712864250179, + "grad_norm": 2.0088887214660645, + "learning_rate": 8.985662536114613e-05, + "loss": 0.1996, + "step": 200 + }, + { + "epoch": 1.1940298507462686, + "grad_norm": 6.571439266204834, + "learning_rate": 8.83022221559489e-05, + "loss": 0.1961, + "step": 210 + }, + { + "epoch": 1.2508884150675195, + "grad_norm": 3.290731191635132, + "learning_rate": 8.665259359149132e-05, + "loss": 0.1942, + "step": 220 + }, + { + "epoch": 1.3077469793887704, + "grad_norm": 1.540110468864441, + "learning_rate": 8.491184090430364e-05, + "loss": 0.2152, + "step": 230 + }, + { + "epoch": 1.3646055437100213, + "grad_norm": 3.2633206844329834, + "learning_rate": 8.308429187984297e-05, + "loss": 0.1986, + "step": 240 + }, + { + "epoch": 1.4214641080312722, + "grad_norm": 2.2755699157714844, + "learning_rate": 8.117449009293668e-05, + "loss": 0.209, + "step": 250 + }, + { + "epoch": 1.4783226723525231, + "grad_norm": 1.3403345346450806, + "learning_rate": 7.91871836117395e-05, + "loss": 0.191, + "step": 260 + }, + { + "epoch": 1.535181236673774, + "grad_norm": 2.5068321228027344, + "learning_rate": 7.712731319328798e-05, + "loss": 0.2046, + "step": 270 + }, + { + "epoch": 1.5920398009950247, + "grad_norm": 1.23170804977417, + "learning_rate": 7.500000000000001e-05, + "loss": 0.1939, + "step": 280 + }, + { + "epoch": 1.6488983653162759, + "grad_norm": 1.3532381057739258, + "learning_rate": 7.281053286765815e-05, + "loss": 0.2072, + "step": 290 + }, + { + "epoch": 1.7057569296375266, + "grad_norm": 1.6122020483016968, + "learning_rate": 7.056435515653059e-05, + "loss": 0.1934, + "step": 300 + }, + { + "epoch": 1.7626154939587777, + "grad_norm": 1.4875357151031494, + "learning_rate": 6.826705121831976e-05, + "loss": 0.1782, + "step": 310 + }, + { + "epoch": 1.8194740582800284, + "grad_norm": 1.375095248222351, + "learning_rate": 6.592433251258423e-05, + "loss": 0.1879, + "step": 320 + }, + { + "epoch": 1.8763326226012793, + "grad_norm": 1.3681703805923462, + "learning_rate": 6.354202340715026e-05, + "loss": 0.1862, + "step": 330 + }, + { + "epoch": 1.9331911869225302, + "grad_norm": 1.6180658340454102, + "learning_rate": 6.112604669781572e-05, + "loss": 0.2014, + "step": 340 + }, + { + "epoch": 1.9900497512437811, + "grad_norm": 1.4774919748306274, + "learning_rate": 5.868240888334653e-05, + "loss": 0.1917, + "step": 350 + }, + { + "epoch": 1.9900497512437811, + "eval_accuracy": 0.9307333333333332, + "eval_loss": 0.18561618030071259, + "eval_runtime": 136.2276, + "eval_samples_per_second": 18.352, + "eval_steps_per_second": 18.352, + "step": 350 + }, + { + "epoch": 2.046908315565032, + "grad_norm": 1.195068597793579, + "learning_rate": 5.621718523237427e-05, + "loss": 0.1637, + "step": 360 + }, + { + "epoch": 2.1037668798862827, + "grad_norm": 1.4060101509094238, + "learning_rate": 5.373650467932122e-05, + "loss": 0.1464, + "step": 370 + }, + { + "epoch": 2.160625444207534, + "grad_norm": 1.7987910509109497, + "learning_rate": 5.124653458690365e-05, + "loss": 0.1375, + "step": 380 + }, + { + "epoch": 2.2174840085287846, + "grad_norm": 1.1465859413146973, + "learning_rate": 4.875346541309637e-05, + "loss": 0.1509, + "step": 390 + }, + { + "epoch": 2.2743425728500357, + "grad_norm": 1.3375942707061768, + "learning_rate": 4.626349532067879e-05, + "loss": 0.1388, + "step": 400 + }, + { + "epoch": 2.3312011371712864, + "grad_norm": 1.257914662361145, + "learning_rate": 4.378281476762576e-05, + "loss": 0.1493, + "step": 410 + }, + { + "epoch": 2.388059701492537, + "grad_norm": 0.9045670628547668, + "learning_rate": 4.131759111665349e-05, + "loss": 0.1602, + "step": 420 + }, + { + "epoch": 2.4449182658137882, + "grad_norm": 1.2219940423965454, + "learning_rate": 3.887395330218429e-05, + "loss": 0.1636, + "step": 430 + }, + { + "epoch": 2.501776830135039, + "grad_norm": 1.0463968515396118, + "learning_rate": 3.6457976592849754e-05, + "loss": 0.1428, + "step": 440 + }, + { + "epoch": 2.55863539445629, + "grad_norm": 1.3076916933059692, + "learning_rate": 3.4075667487415785e-05, + "loss": 0.1569, + "step": 450 + }, + { + "epoch": 2.6154939587775408, + "grad_norm": 0.6994168758392334, + "learning_rate": 3.173294878168025e-05, + "loss": 0.151, + "step": 460 + }, + { + "epoch": 2.672352523098792, + "grad_norm": 1.2010096311569214, + "learning_rate": 2.9435644843469436e-05, + "loss": 0.1429, + "step": 470 + }, + { + "epoch": 2.7292110874200426, + "grad_norm": 0.9571990370750427, + "learning_rate": 2.718946713234185e-05, + "loss": 0.1446, + "step": 480 + }, + { + "epoch": 2.7860696517412933, + "grad_norm": 0.9076853394508362, + "learning_rate": 2.500000000000001e-05, + "loss": 0.1387, + "step": 490 + }, + { + "epoch": 2.8429282160625444, + "grad_norm": 1.4032243490219116, + "learning_rate": 2.2872686806712035e-05, + "loss": 0.1593, + "step": 500 + }, + { + "epoch": 2.8997867803837956, + "grad_norm": 0.90634685754776, + "learning_rate": 2.0812816388260518e-05, + "loss": 0.1376, + "step": 510 + }, + { + "epoch": 2.9566453447050463, + "grad_norm": 1.0794312953948975, + "learning_rate": 1.8825509907063327e-05, + "loss": 0.1287, + "step": 520 + }, + { + "epoch": 2.9850746268656714, + "eval_accuracy": 0.9336866666666667, + "eval_loss": 0.1812731772661209, + "eval_runtime": 136.2237, + "eval_samples_per_second": 18.352, + "eval_steps_per_second": 18.352, + "step": 525 + }, + { + "epoch": 3.013503909026297, + "grad_norm": 0.9185594320297241, + "learning_rate": 1.691570812015704e-05, + "loss": 0.1173, + "step": 530 + }, + { + "epoch": 3.070362473347548, + "grad_norm": 0.8309292793273926, + "learning_rate": 1.5088159095696363e-05, + "loss": 0.0813, + "step": 540 + }, + { + "epoch": 3.1272210376687988, + "grad_norm": 1.2123034000396729, + "learning_rate": 1.3347406408508695e-05, + "loss": 0.0818, + "step": 550 + }, + { + "epoch": 3.18407960199005, + "grad_norm": 1.0599217414855957, + "learning_rate": 1.1697777844051105e-05, + "loss": 0.0922, + "step": 560 + }, + { + "epoch": 3.2409381663113006, + "grad_norm": 1.6699950695037842, + "learning_rate": 1.0143374638853891e-05, + "loss": 0.0901, + "step": 570 + }, + { + "epoch": 3.2977967306325517, + "grad_norm": 0.8507483601570129, + "learning_rate": 8.688061284200266e-06, + "loss": 0.0897, + "step": 580 + }, + { + "epoch": 3.3546552949538024, + "grad_norm": 0.8949801921844482, + "learning_rate": 7.33545591839222e-06, + "loss": 0.0846, + "step": 590 + }, + { + "epoch": 3.411513859275053, + "grad_norm": 0.8920132517814636, + "learning_rate": 6.088921331488568e-06, + "loss": 0.0764, + "step": 600 + }, + { + "epoch": 3.4683724235963043, + "grad_norm": 1.6623930931091309, + "learning_rate": 4.951556604879048e-06, + "loss": 0.0808, + "step": 610 + }, + { + "epoch": 3.525230987917555, + "grad_norm": 1.4249097108840942, + "learning_rate": 3.9261894064796135e-06, + "loss": 0.0828, + "step": 620 + }, + { + "epoch": 3.582089552238806, + "grad_norm": 0.6771249175071716, + "learning_rate": 3.0153689607045845e-06, + "loss": 0.086, + "step": 630 + }, + { + "epoch": 3.638948116560057, + "grad_norm": 0.6358607411384583, + "learning_rate": 2.221359710692961e-06, + "loss": 0.0779, + "step": 640 + }, + { + "epoch": 3.695806680881308, + "grad_norm": 1.0259134769439697, + "learning_rate": 1.5461356885461075e-06, + "loss": 0.0729, + "step": 650 + }, + { + "epoch": 3.7526652452025586, + "grad_norm": 1.6235955953598022, + "learning_rate": 9.913756075728087e-07, + "loss": 0.0888, + "step": 660 + }, + { + "epoch": 3.8095238095238093, + "grad_norm": 0.6805582642555237, + "learning_rate": 5.584586887435739e-07, + "loss": 0.0814, + "step": 670 + }, + { + "epoch": 3.8663823738450604, + "grad_norm": 1.2528492212295532, + "learning_rate": 2.4846123172992954e-07, + "loss": 0.0795, + "step": 680 + }, + { + "epoch": 3.923240938166311, + "grad_norm": 0.7245825529098511, + "learning_rate": 6.215393905388278e-08, + "loss": 0.0859, + "step": 690 + }, + { + "epoch": 3.9800995024875623, + "grad_norm": 0.8433298468589783, + "learning_rate": 0.0, + "loss": 0.0755, + "step": 700 + }, + { + "epoch": 3.9800995024875623, + "eval_accuracy": 0.9332066666666665, + "eval_loss": 0.1994711458683014, + "eval_runtime": 136.1764, + "eval_samples_per_second": 18.359, + "eval_steps_per_second": 18.359, + "step": 700 + } + ], + "logging_steps": 10, + "max_steps": 700, + "num_input_tokens_seen": 0, + "num_train_epochs": 4, + "save_steps": 175, + "stateful_callbacks": { + "TrainerControl": { + "args": { + "should_epoch_stop": false, + "should_evaluate": false, + "should_log": false, + "should_save": true, + "should_training_stop": true + }, + "attributes": {} + } + }, + "total_flos": 1.742929467193688e+18, + "train_batch_size": 16, + "trial_name": null, + "trial_params": null +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/training_args.bin b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..cfb1076c5086d85eb5b41ba3029eb40a7ca46797 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/checkpoint-700/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9e6f3241dabbb8a63b52024fb0fb0d68c85f4b48b07e8579ebd8f41fe5fd662 +size 5304 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/eval_results.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/eval_results.json new file mode 100644 index 0000000000000000000000000000000000000000..1a7b6753385a4b36abf2732e7263ad3f225d2d94 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/eval_results.json @@ -0,0 +1,8 @@ +{ + "epoch": 3.9800995024875623, + "eval_accuracy": 0.9332066666666665, + "eval_loss": 0.1994711458683014, + "eval_runtime": 135.9458, + "eval_samples_per_second": 18.39, + "eval_steps_per_second": 18.39 +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/special_tokens_map.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..582da4ad333feaaa0c427b4678a3e48447ea932f --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/special_tokens_map.json @@ -0,0 +1,32 @@ +{ + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "eos_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "pad_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/tokenization_chatglm.py b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/tokenization_chatglm.py new file mode 100644 index 0000000000000000000000000000000000000000..7eeff3b02adcef48d4d69058ff36a390f6902273 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/tokenization_chatglm.py @@ -0,0 +1,323 @@ +import regex as re +import base64 +import os +import json +import tiktoken +from torch import TensorType +from typing import List, Optional, Union, Dict, Any +from transformers import PreTrainedTokenizer +from transformers.utils import logging, PaddingStrategy +from transformers.tokenization_utils_base import EncodedInput, BatchEncoding + + +class ChatGLM4Tokenizer(PreTrainedTokenizer): + vocab_files_names = {"vocab_file": "tokenizer.model"} + model_input_names = ["input_ids", "attention_mask", "position_ids"] + + def __init__( + self, + vocab_file, + padding_side="left", + clean_up_tokenization_spaces=False, + encode_special_tokens=False, + **kwargs + ): + self.name = "GLM4Tokenizer" + self.vocab_file = vocab_file + pat_str = "(?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+" + self.pat_str = re.compile(pat_str) + self.encode_special_tokens = encode_special_tokens + + mergeable_ranks = {} + with open(vocab_file) as f: + for line in f: + token, rank = line.strip().split() + rank = int(rank) + token = base64.b64decode(token) + mergeable_ranks[token] = rank + + self.mergeable_ranks = mergeable_ranks + + self.tokenizer = tiktoken.Encoding( + name="my_tokenizer", + pat_str=pat_str, + mergeable_ranks=mergeable_ranks, + special_tokens={} + ) + self.decoder = {rank: token for token, rank in mergeable_ranks.items()} + self.n_words = len(self.decoder) + + super().__init__( + padding_side=padding_side, + clean_up_tokenization_spaces=clean_up_tokenization_spaces, + **kwargs + ) + + @property + def vocab_size(self): + return self.n_words + + def get_vocab(self): + """ Returns vocab as a dict """ + vocab = {self._convert_id_to_token(i): i for i in range(self.vocab_size)} + vocab.update(self.added_tokens_encoder) + return vocab + + def convert_tokens_to_string(self, tokens: List[Union[bytes, str, int]]) -> str: + """ + Converts a sequence of tokens in a single string. + """ + text = "" + temp = b"" + for t in tokens: + if isinstance(t, int): + t = chr(t) + if isinstance(t, str): + if temp: + text += temp.decode("utf-8", errors="replace") + elif isinstance(t, bytes): + temp += t + else: + raise TypeError("token should only be of type int, bytes or str") + if temp: + text += temp.decode("utf-8", errors="replace") + return text + + def _tokenize(self, text, **kwargs): + tokens = [] + ids = self.tokenizer.encode(text) + for t in ids: + tokens.append(self.decoder[t]) + return tokens + + def _convert_token_to_id(self, token): + """ Converts a token (str) in an id using the vocab. """ + return self.mergeable_ranks[token] + + def _convert_id_to_token(self, index): + """Converts an index (integer) in a token (str) using the vocab.""" + return self.decoder.get(index, "") + + def save_vocabulary(self, save_directory, filename_prefix=None): + """ + Save the vocabulary and special tokens file to a directory. + + Args: + save_directory (`str`): + The directory in which to save the vocabulary. + filename_prefix (`str`, *optional*): + An optional prefix to add to the named of the saved files. + + Returns: + `Tuple(str)`: Paths to the files saved. + """ + if os.path.isdir(save_directory): + vocab_file = os.path.join( + save_directory, self.vocab_files_names["vocab_file"] + ) + else: + vocab_file = save_directory + + with open(self.vocab_file, 'rb') as fin: + proto_str = fin.read() + + with open(vocab_file, "wb") as writer: + writer.write(proto_str) + + return (vocab_file,) + + def get_prefix_tokens(self): + prefix_tokens = [self.convert_tokens_to_ids("[gMASK]"), self.convert_tokens_to_ids("")] + return prefix_tokens + + def build_single_message(self, role, metadata, message, tokenize=True): + assert role in ["system", "user", "assistant", "observation"], role + if tokenize: + role_tokens = [self.convert_tokens_to_ids(f"<|{role}|>")] + self.tokenizer.encode(f"{metadata}\n", + disallowed_special=()) + message_tokens = self.tokenizer.encode(message, disallowed_special=()) + tokens = role_tokens + message_tokens + return tokens + else: + return str(f"<|{role}|>{metadata}\n{message}") + + # Use Jinja Template in tokenizer_config.json + # def apply_chat_template( + # self, + # conversation: Union[List[Dict[str, str]], List[List[Dict[str, str]]], "Conversation"], + # add_generation_prompt: bool = False, + # tokenize: bool = True, + # padding: bool = False, + # truncation: bool = False, + # max_length: Optional[int] = None, + # return_tensors: Optional[Union[str, TensorType]] = None, + # return_dict: bool = False, + # tokenizer_kwargs: Optional[Dict[str, Any]] = None, + # add_special_tokens: bool = True, + # **kwargs, + # ) -> Union[str, List[int], List[str], List[List[int]], BatchEncoding]: + # + # if return_dict and not tokenize: + # raise ValueError( + # "`return_dict=True` is incompatible with `tokenize=False`, because there is no dict " + # "of tokenizer outputs to return." + # ) + # + # def handle_single_conversation(conversation): + # input_ids = self.get_prefix_tokens() if add_special_tokens else [] + # input_message = "[gMASK]" if add_special_tokens else "" + # for item in conversation: + # if item.get("tools"): + # tools = item["tools"] + # content = "你是一个名为 GhatGLM 的人工智能助手。你是基于智谱AI训练的语言模型 GLM-4 模型开发的,你的任务是针对用户的问题和要求提供适当的答复和支持。" + # content += "\n\n# 可用工具" + # for tool in tools: + # if tool["type"] == "function": + # function = tool["function"] + # content += f"\n\n## {function['name']}\n\n{json.dumps(function, ensure_ascii=False, indent=4)}" + # content += "\n在调用上述函数时,请使用 Json 格式表示调用的参数。" + # elif tool["type"] == "python": + # content += "\n\n## python\n\n当你向 `python` 发送包含 Python 代码的消息时,该代码将会在一个有状态的 Jupyter notebook 环境中执行。\n`python` 返回代码执行的输出,或在执行 60 秒后返回超时。\n`/mnt/data` 将会持久化存储你的文件。在此会话中,`python` 无法访问互联网。不要使用 `python` 进行任何网络请求或者在线 API 调用,这些在线内容的访问将不会成功。" + # elif tool["type"] == "simple_browser": + # content += "\n\n## simple_browser\n\n你可以使用 `simple_browser` 工具。该工具支持以下函数:\n`search(query: str, recency_days: int)`:使用搜索引擎进行查询并显示结果,可以使用 `recency_days` 参数控制搜索内容的时效性。\n`mclick(ids: list[int])`:获取一系列指定 id 的页面内容。每次调用时,须选择3-10个页面。选择多个角度的页面,同时尽可能选择可信任的信息来源。考虑到部分页面是无法加载的,你也可以多打开一些可能有用的页面而不用担心内容过多。\n`open_url(url: str)`:打开指定的 URL。\n\n使用 `【{引用 id}†{引用文本}】` 来引用内容。\n\n操作步骤:1. 使用 `search` 来获得信息列表; 2. 使用 `mclick` 来获取指定 ID 页面的内容; 3. 根据获得的内容进行回复。在回复中应当引用信息来源。\n 如果用户提供了 URL,也可以用 `open_url` 直接打开页面。\n如果初次搜索结果没有找到合适的信息,也可以再次使用 `search` 进行搜索。" + # elif tool["type"] == "cogview": + # content += "\n\n## cogview\n\n如果用户的请求中包含了对图像的描述,你可以使用 `cogview` 来生成图像并展示给用户。你需要向 `cogview` 发送图像描述,规则:\n- 发送给 `cogview` 的消息必须使用英语。用户的中文描述必须完全翻译为英语。\n- 应当尽可能详细地描述图像生成的需求,需求描述约 100 英文单词。\n- 保持用户原始描述的意图。不要虚构内容或者没见过的人物。\n- 如无特殊说明,所在地为中国,持有中国立场并遵循中国社会主义价值观。" + # else: + # raise NotImplementedError(f"Unknown tool type {tool['type']}") + # input = self.build_single_message("system", "", content, tokenize=tokenize) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if item["content"]: + # input = self.build_single_message( + # item["role"], + # item.get("metadata", ""), + # item["content"], + # tokenize=tokenize + # ) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if add_generation_prompt: + # if tokenize: + # input_ids.extend([self.convert_tokens_to_ids("<|assistant|>")]) + # else: + # input_message += "<|assistant|>" + # return input_ids if tokenize else input_message + # + # # Main logic to handle different conversation formats + # if isinstance(conversation, list) and all(isinstance(i, dict) for i in conversation): + # result = handle_single_conversation(conversation) + # elif isinstance(conversation, list) and all(isinstance(i, list) for i in conversation): + # result = [handle_single_conversation(c) for c in conversation] + # elif hasattr(conversation, "messages"): + # result = handle_single_conversation(conversation.messages) + # else: + # raise ValueError("Invalid conversation format") + # + # if tokenize: + # output = self.batch_encode_plus( + # [result] if isinstance(result[0], int) else result, + # padding=padding, + # truncation=truncation, + # max_length=max_length, + # return_tensors=return_tensors, + # is_split_into_words=True, + # add_special_tokens=False + # ) + # if return_dict: + # return output + # else: + # return output["input_ids"] + # else: + # return result + + def build_inputs_with_special_tokens( + self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None + ) -> List[int]: + """ + Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and + adding special tokens. A BERT sequence has the following format: + + - single sequence: `[CLS] X [SEP]` + - pair of sequences: `[CLS] A [SEP] B [SEP]` + + Args: + token_ids_0 (`List[int]`): + List of IDs to which the special tokens will be added. + token_ids_1 (`List[int]`, *optional*): + Optional second list of IDs for sequence pairs. + + Returns: + `List[int]`: List of [input IDs](../glossary#input-ids) with the appropriate special tokens. + """ + prefix_tokens = self.get_prefix_tokens() + token_ids_0 = prefix_tokens + token_ids_0 + if token_ids_1 is not None: + token_ids_0 = token_ids_0 + token_ids_1 + [self.convert_tokens_to_ids("")] + return token_ids_0 + + def _pad( + self, + encoded_inputs: Union[Dict[str, EncodedInput], BatchEncoding], + max_length: Optional[int] = None, + padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD, + pad_to_multiple_of: Optional[int] = None, + return_attention_mask: Optional[bool] = None, + ) -> dict: + """ + Pad encoded inputs (on left/right and up to predefined length or max length in the batch) + + Args: + encoded_inputs: + Dictionary of tokenized inputs (`List[int]`) or batch of tokenized inputs (`List[List[int]]`). + max_length: maximum length of the returned list and optionally padding length (see below). + Will truncate by taking into account the special tokens. + padding_strategy: PaddingStrategy to use for padding. + + - PaddingStrategy.LONGEST Pad to the longest sequence in the batch + - PaddingStrategy.MAX_LENGTH: Pad to the max length (default) + - PaddingStrategy.DO_NOT_PAD: Do not pad + The tokenizer padding sides are defined in self.padding_side: + + - 'left': pads on the left of the sequences + - 'right': pads on the right of the sequences + pad_to_multiple_of: (optional) Integer if set will pad the sequence to a multiple of the provided value. + This is especially useful to enable the use of Tensor Core on NVIDIA hardware with compute capability + `>= 7.5` (Volta). + return_attention_mask: + (optional) Set to False to avoid returning attention mask (default: set to model specifics) + """ + # Load from model defaults + assert self.padding_side == "left" + + required_input = encoded_inputs[self.model_input_names[0]] + seq_length = len(required_input) + + if padding_strategy == PaddingStrategy.LONGEST: + max_length = len(required_input) + + if max_length is not None and pad_to_multiple_of is not None and (max_length % pad_to_multiple_of != 0): + max_length = ((max_length // pad_to_multiple_of) + 1) * pad_to_multiple_of + + needs_to_be_padded = padding_strategy != PaddingStrategy.DO_NOT_PAD and len(required_input) != max_length + + # Initialize attention mask if not present. + if "attention_mask" not in encoded_inputs: + encoded_inputs["attention_mask"] = [1] * seq_length + + if "position_ids" not in encoded_inputs: + encoded_inputs["position_ids"] = list(range(seq_length)) + + if needs_to_be_padded: + difference = max_length - len(required_input) + + if "attention_mask" in encoded_inputs: + encoded_inputs["attention_mask"] = [0] * difference + encoded_inputs["attention_mask"] + if "position_ids" in encoded_inputs: + encoded_inputs["position_ids"] = [0] * difference + encoded_inputs["position_ids"] + encoded_inputs[self.model_input_names[0]] = [self.pad_token_id] * difference + required_input + + return encoded_inputs diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/tokenizer.model b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/tokenizer.model new file mode 100644 index 0000000000000000000000000000000000000000..8650fd94d949375a2ab1f4975e7e6ff51ebc364a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/tokenizer.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a493598071550244b2ee7f26118f3edec2150b9dfa967929a99052ac83fe716 +size 2623634 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/tokenizer_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..290fad7eade99ef9cda90a6092de906ef2d77acd --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/tokenizer_config.json @@ -0,0 +1,148 @@ +{ + "added_tokens_decoder": { + "151329": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151330": { + "content": "[MASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151331": { + "content": "[gMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151332": { + "content": "[sMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151335": { + "content": "<|system|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151336": { + "content": "<|user|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151337": { + "content": "<|assistant|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151338": { + "content": "<|observation|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151339": { + "content": "<|begin_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151340": { + "content": "<|end_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151341": { + "content": "<|begin_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151342": { + "content": "<|end_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "auto_map": { + "AutoTokenizer": [ + "tokenization_chatglm.ChatGLM4Tokenizer", + null + ] + }, + "chat_template": "{{ '[gMASK]' }}{% if messages[0]['role'] == 'system' %}{% set system_message = messages[0]['content'] %}{% endif %}{% if system_message is defined %}{{ '<|system|>\n' + system_message }}{% endif %}{% for message in messages %}{% set content = message['content'] %}{% if message['role'] == 'user' %}{{ '<|user|>\n' + content + '<|assistant|>' }}{% elif message['role'] == 'assistant' %}{{ '\n' + content }}{% endif %}{% endfor %}", + "clean_up_tokenization_spaces": false, + "do_lower_case": false, + "eos_token": "<|endoftext|>", + "model_max_length": 1024000, + "pad_token": "<|endoftext|>", + "padding_side": "right", + "remove_space": false, + "split_special_tokens": false, + "tokenizer_class": "ChatGLM4Tokenizer" +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/train_results.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/train_results.json new file mode 100644 index 0000000000000000000000000000000000000000..2d20c91e7361f1846a0973c121467a06403af306 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/train_results.json @@ -0,0 +1,8 @@ +{ + "epoch": 3.9800995024875623, + "total_flos": 1.742929467193688e+18, + "train_loss": 0.2920300728934152, + "train_runtime": 10146.3014, + "train_samples_per_second": 8.87, + "train_steps_per_second": 0.069 +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/trainer_state.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..90cee3e553bf524593ca532b1ae2f508ce0f6fff --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/trainer_state.json @@ -0,0 +1,568 @@ +{ + "best_metric": null, + "best_model_checkpoint": null, + "epoch": 3.9800995024875623, + "eval_steps": 175, + "global_step": 700, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 0.05685856432125089, + "grad_norm": 2.919694662094116, + "learning_rate": 1.4285714285714285e-05, + "loss": 3.8009, + "step": 10 + }, + { + "epoch": 0.11371712864250177, + "grad_norm": 3.130059003829956, + "learning_rate": 2.857142857142857e-05, + "loss": 0.3289, + "step": 20 + }, + { + "epoch": 0.17057569296375266, + "grad_norm": 1.6621949672698975, + "learning_rate": 4.2857142857142856e-05, + "loss": 0.2598, + "step": 30 + }, + { + "epoch": 0.22743425728500355, + "grad_norm": 2.371370792388916, + "learning_rate": 5.714285714285714e-05, + "loss": 0.2401, + "step": 40 + }, + { + "epoch": 0.28429282160625446, + "grad_norm": 0.8625539541244507, + "learning_rate": 7.142857142857143e-05, + "loss": 0.2306, + "step": 50 + }, + { + "epoch": 0.3411513859275053, + "grad_norm": 5.281027793884277, + "learning_rate": 8.571428571428571e-05, + "loss": 0.2463, + "step": 60 + }, + { + "epoch": 0.39800995024875624, + "grad_norm": 1.4231479167938232, + "learning_rate": 0.0001, + "loss": 0.2291, + "step": 70 + }, + { + "epoch": 0.4548685145700071, + "grad_norm": 1.9341018199920654, + "learning_rate": 9.993784606094612e-05, + "loss": 0.2301, + "step": 80 + }, + { + "epoch": 0.511727078891258, + "grad_norm": 2.0011138916015625, + "learning_rate": 9.975153876827008e-05, + "loss": 0.2207, + "step": 90 + }, + { + "epoch": 0.5685856432125089, + "grad_norm": 0.6652698516845703, + "learning_rate": 9.944154131125642e-05, + "loss": 0.2271, + "step": 100 + }, + { + "epoch": 0.6254442075337597, + "grad_norm": 1.3393596410751343, + "learning_rate": 9.900862439242719e-05, + "loss": 0.216, + "step": 110 + }, + { + "epoch": 0.6823027718550106, + "grad_norm": 5.120615482330322, + "learning_rate": 9.84538643114539e-05, + "loss": 0.2311, + "step": 120 + }, + { + "epoch": 0.7391613361762616, + "grad_norm": 1.72005033493042, + "learning_rate": 9.777864028930705e-05, + "loss": 0.212, + "step": 130 + }, + { + "epoch": 0.7960199004975125, + "grad_norm": 1.5774250030517578, + "learning_rate": 9.698463103929542e-05, + "loss": 0.2261, + "step": 140 + }, + { + "epoch": 0.8528784648187633, + "grad_norm": 93.82937622070312, + "learning_rate": 9.607381059352038e-05, + "loss": 2.368, + "step": 150 + }, + { + "epoch": 0.9097370291400142, + "grad_norm": 11.905146598815918, + "learning_rate": 9.504844339512095e-05, + "loss": 2.4337, + "step": 160 + }, + { + "epoch": 0.9665955934612651, + "grad_norm": 4.584591388702393, + "learning_rate": 9.391107866851143e-05, + "loss": 0.8958, + "step": 170 + }, + { + "epoch": 0.9950248756218906, + "eval_accuracy": 0.7612800000000001, + "eval_loss": 0.4472738206386566, + "eval_runtime": 136.3095, + "eval_samples_per_second": 18.341, + "eval_steps_per_second": 18.341, + "step": 175 + }, + { + "epoch": 1.023454157782516, + "grad_norm": 4.700326919555664, + "learning_rate": 9.266454408160779e-05, + "loss": 0.4271, + "step": 180 + }, + { + "epoch": 1.080312722103767, + "grad_norm": 1.9691985845565796, + "learning_rate": 9.131193871579975e-05, + "loss": 0.2324, + "step": 190 + }, + { + "epoch": 1.1371712864250179, + "grad_norm": 2.0088887214660645, + "learning_rate": 8.985662536114613e-05, + "loss": 0.1996, + "step": 200 + }, + { + "epoch": 1.1940298507462686, + "grad_norm": 6.571439266204834, + "learning_rate": 8.83022221559489e-05, + "loss": 0.1961, + "step": 210 + }, + { + "epoch": 1.2508884150675195, + "grad_norm": 3.290731191635132, + "learning_rate": 8.665259359149132e-05, + "loss": 0.1942, + "step": 220 + }, + { + "epoch": 1.3077469793887704, + "grad_norm": 1.540110468864441, + "learning_rate": 8.491184090430364e-05, + "loss": 0.2152, + "step": 230 + }, + { + "epoch": 1.3646055437100213, + "grad_norm": 3.2633206844329834, + "learning_rate": 8.308429187984297e-05, + "loss": 0.1986, + "step": 240 + }, + { + "epoch": 1.4214641080312722, + "grad_norm": 2.2755699157714844, + "learning_rate": 8.117449009293668e-05, + "loss": 0.209, + "step": 250 + }, + { + "epoch": 1.4783226723525231, + "grad_norm": 1.3403345346450806, + "learning_rate": 7.91871836117395e-05, + "loss": 0.191, + "step": 260 + }, + { + "epoch": 1.535181236673774, + "grad_norm": 2.5068321228027344, + "learning_rate": 7.712731319328798e-05, + "loss": 0.2046, + "step": 270 + }, + { + "epoch": 1.5920398009950247, + "grad_norm": 1.23170804977417, + "learning_rate": 7.500000000000001e-05, + "loss": 0.1939, + "step": 280 + }, + { + "epoch": 1.6488983653162759, + "grad_norm": 1.3532381057739258, + "learning_rate": 7.281053286765815e-05, + "loss": 0.2072, + "step": 290 + }, + { + "epoch": 1.7057569296375266, + "grad_norm": 1.6122020483016968, + "learning_rate": 7.056435515653059e-05, + "loss": 0.1934, + "step": 300 + }, + { + "epoch": 1.7626154939587777, + "grad_norm": 1.4875357151031494, + "learning_rate": 6.826705121831976e-05, + "loss": 0.1782, + "step": 310 + }, + { + "epoch": 1.8194740582800284, + "grad_norm": 1.375095248222351, + "learning_rate": 6.592433251258423e-05, + "loss": 0.1879, + "step": 320 + }, + { + "epoch": 1.8763326226012793, + "grad_norm": 1.3681703805923462, + "learning_rate": 6.354202340715026e-05, + "loss": 0.1862, + "step": 330 + }, + { + "epoch": 1.9331911869225302, + "grad_norm": 1.6180658340454102, + "learning_rate": 6.112604669781572e-05, + "loss": 0.2014, + "step": 340 + }, + { + "epoch": 1.9900497512437811, + "grad_norm": 1.4774919748306274, + "learning_rate": 5.868240888334653e-05, + "loss": 0.1917, + "step": 350 + }, + { + "epoch": 1.9900497512437811, + "eval_accuracy": 0.9307333333333332, + "eval_loss": 0.18561618030071259, + "eval_runtime": 136.2276, + "eval_samples_per_second": 18.352, + "eval_steps_per_second": 18.352, + "step": 350 + }, + { + "epoch": 2.046908315565032, + "grad_norm": 1.195068597793579, + "learning_rate": 5.621718523237427e-05, + "loss": 0.1637, + "step": 360 + }, + { + "epoch": 2.1037668798862827, + "grad_norm": 1.4060101509094238, + "learning_rate": 5.373650467932122e-05, + "loss": 0.1464, + "step": 370 + }, + { + "epoch": 2.160625444207534, + "grad_norm": 1.7987910509109497, + "learning_rate": 5.124653458690365e-05, + "loss": 0.1375, + "step": 380 + }, + { + "epoch": 2.2174840085287846, + "grad_norm": 1.1465859413146973, + "learning_rate": 4.875346541309637e-05, + "loss": 0.1509, + "step": 390 + }, + { + "epoch": 2.2743425728500357, + "grad_norm": 1.3375942707061768, + "learning_rate": 4.626349532067879e-05, + "loss": 0.1388, + "step": 400 + }, + { + "epoch": 2.3312011371712864, + "grad_norm": 1.257914662361145, + "learning_rate": 4.378281476762576e-05, + "loss": 0.1493, + "step": 410 + }, + { + "epoch": 2.388059701492537, + "grad_norm": 0.9045670628547668, + "learning_rate": 4.131759111665349e-05, + "loss": 0.1602, + "step": 420 + }, + { + "epoch": 2.4449182658137882, + "grad_norm": 1.2219940423965454, + "learning_rate": 3.887395330218429e-05, + "loss": 0.1636, + "step": 430 + }, + { + "epoch": 2.501776830135039, + "grad_norm": 1.0463968515396118, + "learning_rate": 3.6457976592849754e-05, + "loss": 0.1428, + "step": 440 + }, + { + "epoch": 2.55863539445629, + "grad_norm": 1.3076916933059692, + "learning_rate": 3.4075667487415785e-05, + "loss": 0.1569, + "step": 450 + }, + { + "epoch": 2.6154939587775408, + "grad_norm": 0.6994168758392334, + "learning_rate": 3.173294878168025e-05, + "loss": 0.151, + "step": 460 + }, + { + "epoch": 2.672352523098792, + "grad_norm": 1.2010096311569214, + "learning_rate": 2.9435644843469436e-05, + "loss": 0.1429, + "step": 470 + }, + { + "epoch": 2.7292110874200426, + "grad_norm": 0.9571990370750427, + "learning_rate": 2.718946713234185e-05, + "loss": 0.1446, + "step": 480 + }, + { + "epoch": 2.7860696517412933, + "grad_norm": 0.9076853394508362, + "learning_rate": 2.500000000000001e-05, + "loss": 0.1387, + "step": 490 + }, + { + "epoch": 2.8429282160625444, + "grad_norm": 1.4032243490219116, + "learning_rate": 2.2872686806712035e-05, + "loss": 0.1593, + "step": 500 + }, + { + "epoch": 2.8997867803837956, + "grad_norm": 0.90634685754776, + "learning_rate": 2.0812816388260518e-05, + "loss": 0.1376, + "step": 510 + }, + { + "epoch": 2.9566453447050463, + "grad_norm": 1.0794312953948975, + "learning_rate": 1.8825509907063327e-05, + "loss": 0.1287, + "step": 520 + }, + { + "epoch": 2.9850746268656714, + "eval_accuracy": 0.9336866666666667, + "eval_loss": 0.1812731772661209, + "eval_runtime": 136.2237, + "eval_samples_per_second": 18.352, + "eval_steps_per_second": 18.352, + "step": 525 + }, + { + "epoch": 3.013503909026297, + "grad_norm": 0.9185594320297241, + "learning_rate": 1.691570812015704e-05, + "loss": 0.1173, + "step": 530 + }, + { + "epoch": 3.070362473347548, + "grad_norm": 0.8309292793273926, + "learning_rate": 1.5088159095696363e-05, + "loss": 0.0813, + "step": 540 + }, + { + "epoch": 3.1272210376687988, + "grad_norm": 1.2123034000396729, + "learning_rate": 1.3347406408508695e-05, + "loss": 0.0818, + "step": 550 + }, + { + "epoch": 3.18407960199005, + "grad_norm": 1.0599217414855957, + "learning_rate": 1.1697777844051105e-05, + "loss": 0.0922, + "step": 560 + }, + { + "epoch": 3.2409381663113006, + "grad_norm": 1.6699950695037842, + "learning_rate": 1.0143374638853891e-05, + "loss": 0.0901, + "step": 570 + }, + { + "epoch": 3.2977967306325517, + "grad_norm": 0.8507483601570129, + "learning_rate": 8.688061284200266e-06, + "loss": 0.0897, + "step": 580 + }, + { + "epoch": 3.3546552949538024, + "grad_norm": 0.8949801921844482, + "learning_rate": 7.33545591839222e-06, + "loss": 0.0846, + "step": 590 + }, + { + "epoch": 3.411513859275053, + "grad_norm": 0.8920132517814636, + "learning_rate": 6.088921331488568e-06, + "loss": 0.0764, + "step": 600 + }, + { + "epoch": 3.4683724235963043, + "grad_norm": 1.6623930931091309, + "learning_rate": 4.951556604879048e-06, + "loss": 0.0808, + "step": 610 + }, + { + "epoch": 3.525230987917555, + "grad_norm": 1.4249097108840942, + "learning_rate": 3.9261894064796135e-06, + "loss": 0.0828, + "step": 620 + }, + { + "epoch": 3.582089552238806, + "grad_norm": 0.6771249175071716, + "learning_rate": 3.0153689607045845e-06, + "loss": 0.086, + "step": 630 + }, + { + "epoch": 3.638948116560057, + "grad_norm": 0.6358607411384583, + "learning_rate": 2.221359710692961e-06, + "loss": 0.0779, + "step": 640 + }, + { + "epoch": 3.695806680881308, + "grad_norm": 1.0259134769439697, + "learning_rate": 1.5461356885461075e-06, + "loss": 0.0729, + "step": 650 + }, + { + "epoch": 3.7526652452025586, + "grad_norm": 1.6235955953598022, + "learning_rate": 9.913756075728087e-07, + "loss": 0.0888, + "step": 660 + }, + { + "epoch": 3.8095238095238093, + "grad_norm": 0.6805582642555237, + "learning_rate": 5.584586887435739e-07, + "loss": 0.0814, + "step": 670 + }, + { + "epoch": 3.8663823738450604, + "grad_norm": 1.2528492212295532, + "learning_rate": 2.4846123172992954e-07, + "loss": 0.0795, + "step": 680 + }, + { + "epoch": 3.923240938166311, + "grad_norm": 0.7245825529098511, + "learning_rate": 6.215393905388278e-08, + "loss": 0.0859, + "step": 690 + }, + { + "epoch": 3.9800995024875623, + "grad_norm": 0.8433298468589783, + "learning_rate": 0.0, + "loss": 0.0755, + "step": 700 + }, + { + "epoch": 3.9800995024875623, + "eval_accuracy": 0.9332066666666665, + "eval_loss": 0.1994711458683014, + "eval_runtime": 136.1764, + "eval_samples_per_second": 18.359, + "eval_steps_per_second": 18.359, + "step": 700 + }, + { + "epoch": 3.9800995024875623, + "step": 700, + "total_flos": 1.742929467193688e+18, + "train_loss": 0.2920300728934152, + "train_runtime": 10146.3014, + "train_samples_per_second": 8.87, + "train_steps_per_second": 0.069 + } + ], + "logging_steps": 10, + "max_steps": 700, + "num_input_tokens_seen": 0, + "num_train_epochs": 4, + "save_steps": 175, + "stateful_callbacks": { + "TrainerControl": { + "args": { + "should_epoch_stop": false, + "should_evaluate": false, + "should_log": false, + "should_save": true, + "should_training_stop": true + }, + "attributes": {} + } + }, + "total_flos": 1.742929467193688e+18, + "train_batch_size": 16, + "trial_name": null, + "trial_params": null +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_args.bin b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..cfb1076c5086d85eb5b41ba3029eb40a7ca46797 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9e6f3241dabbb8a63b52024fb0fb0d68c85f4b48b07e8579ebd8f41fe5fd662 +size 5304 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_eval_accuracy.png b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_eval_accuracy.png new file mode 100644 index 0000000000000000000000000000000000000000..f935add0c1ff0ce80786cef850cd99b668d6cb45 Binary files /dev/null and b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_eval_accuracy.png differ diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_eval_loss.png b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_eval_loss.png new file mode 100644 index 0000000000000000000000000000000000000000..9e28122e9f2a95e7e1c09c37c5eb7dd5c3fcc7cc Binary files /dev/null and b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_eval_loss.png differ diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_loss.png b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_loss.png new file mode 100644 index 0000000000000000000000000000000000000000..099c9dd9d06e230f868862c69d5af250122cea2f Binary files /dev/null and b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p1_full/training_loss.png differ diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/README.md b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/README.md new file mode 100644 index 0000000000000000000000000000000000000000..d91857c9445bcd0368bf477662404f458a6dddbf --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/README.md @@ -0,0 +1,70 @@ +--- +license: other +library_name: peft +tags: +- llama-factory +- lora +- generated_from_trainer +base_model: THUDM/glm-4-9b-chat-1m +metrics: +- accuracy +model-index: +- name: sft_bf16_p2_full + results: [] +--- + + + +# sft_bf16_p2_full + +This model is a fine-tuned version of [THUDM/glm-4-9b-chat-1m](https://huggingface.co/THUDM/glm-4-9b-chat-1m) on the alpaca_mgtv_p2 dataset. +It achieves the following results on the evaluation set: +- Loss: 0.2061 +- Accuracy: 0.9329 + +## Model description + +More information needed + +## Intended uses & limitations + +More information needed + +## Training and evaluation data + +More information needed + +## Training procedure + +### Training hyperparameters + +The following hyperparameters were used during training: +- learning_rate: 0.0001 +- train_batch_size: 16 +- eval_batch_size: 1 +- seed: 42 +- gradient_accumulation_steps: 8 +- total_train_batch_size: 128 +- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 +- lr_scheduler_type: cosine +- lr_scheduler_warmup_ratio: 0.1 +- num_epochs: 4.0 + +### Training results + +| Training Loss | Epoch | Step | Validation Loss | Accuracy | +|:-------------:|:------:|:----:|:---------------:|:--------:| +| 0.2113 | 0.9950 | 175 | 0.1958 | 0.9247 | +| 0.1785 | 1.9900 | 350 | 0.1923 | 0.9292 | +| 0.1257 | 2.9851 | 525 | 0.1788 | 0.9350 | +| 0.0688 | 3.9801 | 700 | 0.2061 | 0.9329 | + + +### Framework versions + +- PEFT 0.11.1 +- Transformers 4.41.2 +- Pytorch 2.2.1+cu121 +- Datasets 2.19.1 +- Tokenizers 0.19.1 \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/adapter_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/adapter_config.json new file mode 100644 index 0000000000000000000000000000000000000000..5c1b8ef4a4f349811df50f197c75da2a5c6f16b8 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/adapter_config.json @@ -0,0 +1,31 @@ +{ + "alpha_pattern": {}, + "auto_mapping": null, + "base_model_name_or_path": "THUDM/glm-4-9b-chat-1m", + "bias": "none", + "fan_in_fan_out": false, + "inference_mode": true, + "init_lora_weights": true, + "layer_replication": null, + "layers_pattern": null, + "layers_to_transform": null, + "loftq_config": {}, + "lora_alpha": 16, + "lora_dropout": 0.0, + "megatron_config": null, + "megatron_core": "megatron.core", + "modules_to_save": null, + "peft_type": "LORA", + "r": 8, + "rank_pattern": {}, + "revision": null, + "target_modules": [ + "query_key_value", + "dense_h_to_4h", + "dense_4h_to_h", + "dense" + ], + "task_type": "CAUSAL_LM", + "use_dora": false, + "use_rslora": false +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/adapter_model.safetensors b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/adapter_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..b8ead9cc1459de4e1ff9841f3e5159da956a32c7 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/adapter_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:174034f1cda532cf73771d9b72884ad7bd2407d6386a74b7db9477c3773e43a8 +size 85409560 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/added_tokens.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/added_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..f3a7f4eaefbf184faa4a5a188a399538df4c8c36 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/added_tokens.json @@ -0,0 +1,16 @@ +{ + "": 151334, + "": 151333, + "<|assistant|>": 151337, + "<|begin_of_image|>": 151339, + "<|begin_of_video|>": 151341, + "<|end_of_image|>": 151340, + "<|end_of_video|>": 151342, + "<|endoftext|>": 151329, + "<|observation|>": 151338, + "<|system|>": 151335, + "<|user|>": 151336, + "[MASK]": 151330, + "[gMASK]": 151331, + "[sMASK]": 151332 +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/all_results.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/all_results.json new file mode 100644 index 0000000000000000000000000000000000000000..67ff055e6a22392e4685fe176199eabdfa139cb7 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/all_results.json @@ -0,0 +1,13 @@ +{ + "epoch": 3.9800995024875623, + "eval_accuracy": 0.9329066666666666, + "eval_loss": 0.20613622665405273, + "eval_runtime": 243.7046, + "eval_samples_per_second": 10.258, + "eval_steps_per_second": 10.258, + "total_flos": 2.1980744088449188e+18, + "train_loss": 0.21072991234915597, + "train_runtime": 32530.8415, + "train_samples_per_second": 2.767, + "train_steps_per_second": 0.022 +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/README.md b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/README.md new file mode 100644 index 0000000000000000000000000000000000000000..8a25a4498c7ba2e7ef04fc9e0ebdf0b56b6e55c6 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/README.md @@ -0,0 +1,202 @@ +--- +library_name: peft +base_model: THUDM/glm-4-9b-chat-1m +--- + +# Model Card for Model ID + + + + + +## Model Details + +### Model Description + + + + + +- **Developed by:** [More Information Needed] +- **Funded by [optional]:** [More Information Needed] +- **Shared by [optional]:** [More Information Needed] +- **Model type:** [More Information Needed] +- **Language(s) (NLP):** [More Information Needed] +- **License:** [More Information Needed] +- **Finetuned from model [optional]:** [More Information Needed] + +### Model Sources [optional] + + + +- **Repository:** [More Information Needed] +- **Paper [optional]:** [More Information Needed] +- **Demo [optional]:** [More Information Needed] + +## Uses + + + +### Direct Use + + + +[More Information Needed] + +### Downstream Use [optional] + + + +[More Information Needed] + +### Out-of-Scope Use + + + +[More Information Needed] + +## Bias, Risks, and Limitations + + + +[More Information Needed] + +### Recommendations + + + +Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. + +## How to Get Started with the Model + +Use the code below to get started with the model. + +[More Information Needed] + +## Training Details + +### Training Data + + + +[More Information Needed] + +### Training Procedure + + + +#### Preprocessing [optional] + +[More Information Needed] + + +#### Training Hyperparameters + +- **Training regime:** [More Information Needed] + +#### Speeds, Sizes, Times [optional] + + + +[More Information Needed] + +## Evaluation + + + +### Testing Data, Factors & Metrics + +#### Testing Data + + + +[More Information Needed] + +#### Factors + + + +[More Information Needed] + +#### Metrics + + + +[More Information Needed] + +### Results + +[More Information Needed] + +#### Summary + + + +## Model Examination [optional] + + + +[More Information Needed] + +## Environmental Impact + + + +Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). + +- **Hardware Type:** [More Information Needed] +- **Hours used:** [More Information Needed] +- **Cloud Provider:** [More Information Needed] +- **Compute Region:** [More Information Needed] +- **Carbon Emitted:** [More Information Needed] + +## Technical Specifications [optional] + +### Model Architecture and Objective + +[More Information Needed] + +### Compute Infrastructure + +[More Information Needed] + +#### Hardware + +[More Information Needed] + +#### Software + +[More Information Needed] + +## Citation [optional] + + + +**BibTeX:** + +[More Information Needed] + +**APA:** + +[More Information Needed] + +## Glossary [optional] + + + +[More Information Needed] + +## More Information [optional] + +[More Information Needed] + +## Model Card Authors [optional] + +[More Information Needed] + +## Model Card Contact + +[More Information Needed] +### Framework versions + +- PEFT 0.11.1 \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/adapter_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/adapter_config.json new file mode 100644 index 0000000000000000000000000000000000000000..5c1b8ef4a4f349811df50f197c75da2a5c6f16b8 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/adapter_config.json @@ -0,0 +1,31 @@ +{ + "alpha_pattern": {}, + "auto_mapping": null, + "base_model_name_or_path": "THUDM/glm-4-9b-chat-1m", + "bias": "none", + "fan_in_fan_out": false, + "inference_mode": true, + "init_lora_weights": true, + "layer_replication": null, + "layers_pattern": null, + "layers_to_transform": null, + "loftq_config": {}, + "lora_alpha": 16, + "lora_dropout": 0.0, + "megatron_config": null, + "megatron_core": "megatron.core", + "modules_to_save": null, + "peft_type": "LORA", + "r": 8, + "rank_pattern": {}, + "revision": null, + "target_modules": [ + "query_key_value", + "dense_h_to_4h", + "dense_4h_to_h", + "dense" + ], + "task_type": "CAUSAL_LM", + "use_dora": false, + "use_rslora": false +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/adapter_model.safetensors b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/adapter_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..b96df2f8b80c9623aeb38609ed129f9eebb20163 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/adapter_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d56a27df379f2a0802ee9f0f048f4d02e06c6d2f82dd62132caebae0087bebb +size 85409560 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/added_tokens.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/added_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..f3a7f4eaefbf184faa4a5a188a399538df4c8c36 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/added_tokens.json @@ -0,0 +1,16 @@ +{ + "": 151334, + "": 151333, + "<|assistant|>": 151337, + "<|begin_of_image|>": 151339, + "<|begin_of_video|>": 151341, + "<|end_of_image|>": 151340, + "<|end_of_video|>": 151342, + "<|endoftext|>": 151329, + "<|observation|>": 151338, + "<|system|>": 151335, + "<|user|>": 151336, + "[MASK]": 151330, + "[gMASK]": 151331, + "[sMASK]": 151332 +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/optimizer.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/optimizer.pt new file mode 100644 index 0000000000000000000000000000000000000000..bb5e7f0042081efbd7279eb20f53e6c00ba85b9e --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/optimizer.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:370ca3ec2c820575aecf62e6a5ffb708892a87bb46d0d838f27ec03674c0e030 +size 170990330 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/rng_state.pth b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/rng_state.pth new file mode 100644 index 0000000000000000000000000000000000000000..33cefe6919222ddfa3c3946df69b8e5c5a17a0fc --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/rng_state.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ff264f99d31b522cc7e2a4eac9d38606d0c58a34c0adc74d71e0ca8b371dc36 +size 14244 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/scheduler.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/scheduler.pt new file mode 100644 index 0000000000000000000000000000000000000000..187528a952507887eed2d4791b3e93c55b5dbf0b --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/scheduler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33b7a8d09c2546f7106398b095bc2a462fc9b7d28f34ff33c2a19f3162ac9490 +size 1064 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/special_tokens_map.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..582da4ad333feaaa0c427b4678a3e48447ea932f --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/special_tokens_map.json @@ -0,0 +1,32 @@ +{ + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "eos_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "pad_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/tokenization_chatglm.py b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/tokenization_chatglm.py new file mode 100644 index 0000000000000000000000000000000000000000..7eeff3b02adcef48d4d69058ff36a390f6902273 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/tokenization_chatglm.py @@ -0,0 +1,323 @@ +import regex as re +import base64 +import os +import json +import tiktoken +from torch import TensorType +from typing import List, Optional, Union, Dict, Any +from transformers import PreTrainedTokenizer +from transformers.utils import logging, PaddingStrategy +from transformers.tokenization_utils_base import EncodedInput, BatchEncoding + + +class ChatGLM4Tokenizer(PreTrainedTokenizer): + vocab_files_names = {"vocab_file": "tokenizer.model"} + model_input_names = ["input_ids", "attention_mask", "position_ids"] + + def __init__( + self, + vocab_file, + padding_side="left", + clean_up_tokenization_spaces=False, + encode_special_tokens=False, + **kwargs + ): + self.name = "GLM4Tokenizer" + self.vocab_file = vocab_file + pat_str = "(?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+" + self.pat_str = re.compile(pat_str) + self.encode_special_tokens = encode_special_tokens + + mergeable_ranks = {} + with open(vocab_file) as f: + for line in f: + token, rank = line.strip().split() + rank = int(rank) + token = base64.b64decode(token) + mergeable_ranks[token] = rank + + self.mergeable_ranks = mergeable_ranks + + self.tokenizer = tiktoken.Encoding( + name="my_tokenizer", + pat_str=pat_str, + mergeable_ranks=mergeable_ranks, + special_tokens={} + ) + self.decoder = {rank: token for token, rank in mergeable_ranks.items()} + self.n_words = len(self.decoder) + + super().__init__( + padding_side=padding_side, + clean_up_tokenization_spaces=clean_up_tokenization_spaces, + **kwargs + ) + + @property + def vocab_size(self): + return self.n_words + + def get_vocab(self): + """ Returns vocab as a dict """ + vocab = {self._convert_id_to_token(i): i for i in range(self.vocab_size)} + vocab.update(self.added_tokens_encoder) + return vocab + + def convert_tokens_to_string(self, tokens: List[Union[bytes, str, int]]) -> str: + """ + Converts a sequence of tokens in a single string. + """ + text = "" + temp = b"" + for t in tokens: + if isinstance(t, int): + t = chr(t) + if isinstance(t, str): + if temp: + text += temp.decode("utf-8", errors="replace") + elif isinstance(t, bytes): + temp += t + else: + raise TypeError("token should only be of type int, bytes or str") + if temp: + text += temp.decode("utf-8", errors="replace") + return text + + def _tokenize(self, text, **kwargs): + tokens = [] + ids = self.tokenizer.encode(text) + for t in ids: + tokens.append(self.decoder[t]) + return tokens + + def _convert_token_to_id(self, token): + """ Converts a token (str) in an id using the vocab. """ + return self.mergeable_ranks[token] + + def _convert_id_to_token(self, index): + """Converts an index (integer) in a token (str) using the vocab.""" + return self.decoder.get(index, "") + + def save_vocabulary(self, save_directory, filename_prefix=None): + """ + Save the vocabulary and special tokens file to a directory. + + Args: + save_directory (`str`): + The directory in which to save the vocabulary. + filename_prefix (`str`, *optional*): + An optional prefix to add to the named of the saved files. + + Returns: + `Tuple(str)`: Paths to the files saved. + """ + if os.path.isdir(save_directory): + vocab_file = os.path.join( + save_directory, self.vocab_files_names["vocab_file"] + ) + else: + vocab_file = save_directory + + with open(self.vocab_file, 'rb') as fin: + proto_str = fin.read() + + with open(vocab_file, "wb") as writer: + writer.write(proto_str) + + return (vocab_file,) + + def get_prefix_tokens(self): + prefix_tokens = [self.convert_tokens_to_ids("[gMASK]"), self.convert_tokens_to_ids("")] + return prefix_tokens + + def build_single_message(self, role, metadata, message, tokenize=True): + assert role in ["system", "user", "assistant", "observation"], role + if tokenize: + role_tokens = [self.convert_tokens_to_ids(f"<|{role}|>")] + self.tokenizer.encode(f"{metadata}\n", + disallowed_special=()) + message_tokens = self.tokenizer.encode(message, disallowed_special=()) + tokens = role_tokens + message_tokens + return tokens + else: + return str(f"<|{role}|>{metadata}\n{message}") + + # Use Jinja Template in tokenizer_config.json + # def apply_chat_template( + # self, + # conversation: Union[List[Dict[str, str]], List[List[Dict[str, str]]], "Conversation"], + # add_generation_prompt: bool = False, + # tokenize: bool = True, + # padding: bool = False, + # truncation: bool = False, + # max_length: Optional[int] = None, + # return_tensors: Optional[Union[str, TensorType]] = None, + # return_dict: bool = False, + # tokenizer_kwargs: Optional[Dict[str, Any]] = None, + # add_special_tokens: bool = True, + # **kwargs, + # ) -> Union[str, List[int], List[str], List[List[int]], BatchEncoding]: + # + # if return_dict and not tokenize: + # raise ValueError( + # "`return_dict=True` is incompatible with `tokenize=False`, because there is no dict " + # "of tokenizer outputs to return." + # ) + # + # def handle_single_conversation(conversation): + # input_ids = self.get_prefix_tokens() if add_special_tokens else [] + # input_message = "[gMASK]" if add_special_tokens else "" + # for item in conversation: + # if item.get("tools"): + # tools = item["tools"] + # content = "你是一个名为 GhatGLM 的人工智能助手。你是基于智谱AI训练的语言模型 GLM-4 模型开发的,你的任务是针对用户的问题和要求提供适当的答复和支持。" + # content += "\n\n# 可用工具" + # for tool in tools: + # if tool["type"] == "function": + # function = tool["function"] + # content += f"\n\n## {function['name']}\n\n{json.dumps(function, ensure_ascii=False, indent=4)}" + # content += "\n在调用上述函数时,请使用 Json 格式表示调用的参数。" + # elif tool["type"] == "python": + # content += "\n\n## python\n\n当你向 `python` 发送包含 Python 代码的消息时,该代码将会在一个有状态的 Jupyter notebook 环境中执行。\n`python` 返回代码执行的输出,或在执行 60 秒后返回超时。\n`/mnt/data` 将会持久化存储你的文件。在此会话中,`python` 无法访问互联网。不要使用 `python` 进行任何网络请求或者在线 API 调用,这些在线内容的访问将不会成功。" + # elif tool["type"] == "simple_browser": + # content += "\n\n## simple_browser\n\n你可以使用 `simple_browser` 工具。该工具支持以下函数:\n`search(query: str, recency_days: int)`:使用搜索引擎进行查询并显示结果,可以使用 `recency_days` 参数控制搜索内容的时效性。\n`mclick(ids: list[int])`:获取一系列指定 id 的页面内容。每次调用时,须选择3-10个页面。选择多个角度的页面,同时尽可能选择可信任的信息来源。考虑到部分页面是无法加载的,你也可以多打开一些可能有用的页面而不用担心内容过多。\n`open_url(url: str)`:打开指定的 URL。\n\n使用 `【{引用 id}†{引用文本}】` 来引用内容。\n\n操作步骤:1. 使用 `search` 来获得信息列表; 2. 使用 `mclick` 来获取指定 ID 页面的内容; 3. 根据获得的内容进行回复。在回复中应当引用信息来源。\n 如果用户提供了 URL,也可以用 `open_url` 直接打开页面。\n如果初次搜索结果没有找到合适的信息,也可以再次使用 `search` 进行搜索。" + # elif tool["type"] == "cogview": + # content += "\n\n## cogview\n\n如果用户的请求中包含了对图像的描述,你可以使用 `cogview` 来生成图像并展示给用户。你需要向 `cogview` 发送图像描述,规则:\n- 发送给 `cogview` 的消息必须使用英语。用户的中文描述必须完全翻译为英语。\n- 应当尽可能详细地描述图像生成的需求,需求描述约 100 英文单词。\n- 保持用户原始描述的意图。不要虚构内容或者没见过的人物。\n- 如无特殊说明,所在地为中国,持有中国立场并遵循中国社会主义价值观。" + # else: + # raise NotImplementedError(f"Unknown tool type {tool['type']}") + # input = self.build_single_message("system", "", content, tokenize=tokenize) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if item["content"]: + # input = self.build_single_message( + # item["role"], + # item.get("metadata", ""), + # item["content"], + # tokenize=tokenize + # ) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if add_generation_prompt: + # if tokenize: + # input_ids.extend([self.convert_tokens_to_ids("<|assistant|>")]) + # else: + # input_message += "<|assistant|>" + # return input_ids if tokenize else input_message + # + # # Main logic to handle different conversation formats + # if isinstance(conversation, list) and all(isinstance(i, dict) for i in conversation): + # result = handle_single_conversation(conversation) + # elif isinstance(conversation, list) and all(isinstance(i, list) for i in conversation): + # result = [handle_single_conversation(c) for c in conversation] + # elif hasattr(conversation, "messages"): + # result = handle_single_conversation(conversation.messages) + # else: + # raise ValueError("Invalid conversation format") + # + # if tokenize: + # output = self.batch_encode_plus( + # [result] if isinstance(result[0], int) else result, + # padding=padding, + # truncation=truncation, + # max_length=max_length, + # return_tensors=return_tensors, + # is_split_into_words=True, + # add_special_tokens=False + # ) + # if return_dict: + # return output + # else: + # return output["input_ids"] + # else: + # return result + + def build_inputs_with_special_tokens( + self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None + ) -> List[int]: + """ + Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and + adding special tokens. A BERT sequence has the following format: + + - single sequence: `[CLS] X [SEP]` + - pair of sequences: `[CLS] A [SEP] B [SEP]` + + Args: + token_ids_0 (`List[int]`): + List of IDs to which the special tokens will be added. + token_ids_1 (`List[int]`, *optional*): + Optional second list of IDs for sequence pairs. + + Returns: + `List[int]`: List of [input IDs](../glossary#input-ids) with the appropriate special tokens. + """ + prefix_tokens = self.get_prefix_tokens() + token_ids_0 = prefix_tokens + token_ids_0 + if token_ids_1 is not None: + token_ids_0 = token_ids_0 + token_ids_1 + [self.convert_tokens_to_ids("")] + return token_ids_0 + + def _pad( + self, + encoded_inputs: Union[Dict[str, EncodedInput], BatchEncoding], + max_length: Optional[int] = None, + padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD, + pad_to_multiple_of: Optional[int] = None, + return_attention_mask: Optional[bool] = None, + ) -> dict: + """ + Pad encoded inputs (on left/right and up to predefined length or max length in the batch) + + Args: + encoded_inputs: + Dictionary of tokenized inputs (`List[int]`) or batch of tokenized inputs (`List[List[int]]`). + max_length: maximum length of the returned list and optionally padding length (see below). + Will truncate by taking into account the special tokens. + padding_strategy: PaddingStrategy to use for padding. + + - PaddingStrategy.LONGEST Pad to the longest sequence in the batch + - PaddingStrategy.MAX_LENGTH: Pad to the max length (default) + - PaddingStrategy.DO_NOT_PAD: Do not pad + The tokenizer padding sides are defined in self.padding_side: + + - 'left': pads on the left of the sequences + - 'right': pads on the right of the sequences + pad_to_multiple_of: (optional) Integer if set will pad the sequence to a multiple of the provided value. + This is especially useful to enable the use of Tensor Core on NVIDIA hardware with compute capability + `>= 7.5` (Volta). + return_attention_mask: + (optional) Set to False to avoid returning attention mask (default: set to model specifics) + """ + # Load from model defaults + assert self.padding_side == "left" + + required_input = encoded_inputs[self.model_input_names[0]] + seq_length = len(required_input) + + if padding_strategy == PaddingStrategy.LONGEST: + max_length = len(required_input) + + if max_length is not None and pad_to_multiple_of is not None and (max_length % pad_to_multiple_of != 0): + max_length = ((max_length // pad_to_multiple_of) + 1) * pad_to_multiple_of + + needs_to_be_padded = padding_strategy != PaddingStrategy.DO_NOT_PAD and len(required_input) != max_length + + # Initialize attention mask if not present. + if "attention_mask" not in encoded_inputs: + encoded_inputs["attention_mask"] = [1] * seq_length + + if "position_ids" not in encoded_inputs: + encoded_inputs["position_ids"] = list(range(seq_length)) + + if needs_to_be_padded: + difference = max_length - len(required_input) + + if "attention_mask" in encoded_inputs: + encoded_inputs["attention_mask"] = [0] * difference + encoded_inputs["attention_mask"] + if "position_ids" in encoded_inputs: + encoded_inputs["position_ids"] = [0] * difference + encoded_inputs["position_ids"] + encoded_inputs[self.model_input_names[0]] = [self.pad_token_id] * difference + required_input + + return encoded_inputs diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/tokenizer.model b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/tokenizer.model new file mode 100644 index 0000000000000000000000000000000000000000..8650fd94d949375a2ab1f4975e7e6ff51ebc364a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/tokenizer.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a493598071550244b2ee7f26118f3edec2150b9dfa967929a99052ac83fe716 +size 2623634 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/tokenizer_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..290fad7eade99ef9cda90a6092de906ef2d77acd --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/tokenizer_config.json @@ -0,0 +1,148 @@ +{ + "added_tokens_decoder": { + "151329": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151330": { + "content": "[MASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151331": { + "content": "[gMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151332": { + "content": "[sMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151335": { + "content": "<|system|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151336": { + "content": "<|user|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151337": { + "content": "<|assistant|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151338": { + "content": "<|observation|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151339": { + "content": "<|begin_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151340": { + "content": "<|end_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151341": { + "content": "<|begin_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151342": { + "content": "<|end_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "auto_map": { + "AutoTokenizer": [ + "tokenization_chatglm.ChatGLM4Tokenizer", + null + ] + }, + "chat_template": "{{ '[gMASK]' }}{% if messages[0]['role'] == 'system' %}{% set system_message = messages[0]['content'] %}{% endif %}{% if system_message is defined %}{{ '<|system|>\n' + system_message }}{% endif %}{% for message in messages %}{% set content = message['content'] %}{% if message['role'] == 'user' %}{{ '<|user|>\n' + content + '<|assistant|>' }}{% elif message['role'] == 'assistant' %}{{ '\n' + content }}{% endif %}{% endfor %}", + "clean_up_tokenization_spaces": false, + "do_lower_case": false, + "eos_token": "<|endoftext|>", + "model_max_length": 1024000, + "pad_token": "<|endoftext|>", + "padding_side": "right", + "remove_space": false, + "split_special_tokens": false, + "tokenizer_class": "ChatGLM4Tokenizer" +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/trainer_state.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..19f0d9c70067c756de14818a80ffb70e983bf854 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/trainer_state.json @@ -0,0 +1,161 @@ +{ + "best_metric": null, + "best_model_checkpoint": null, + "epoch": 0.9950248756218906, + "eval_steps": 175, + "global_step": 175, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 0.05685856432125089, + "grad_norm": 3.164006233215332, + "learning_rate": 1.4285714285714285e-05, + "loss": 4.0257, + "step": 10 + }, + { + "epoch": 0.11371712864250177, + "grad_norm": 1.9438793659210205, + "learning_rate": 2.857142857142857e-05, + "loss": 0.2985, + "step": 20 + }, + { + "epoch": 0.17057569296375266, + "grad_norm": 4.9701972007751465, + "learning_rate": 4.2857142857142856e-05, + "loss": 0.2706, + "step": 30 + }, + { + "epoch": 0.22743425728500355, + "grad_norm": 0.9532499313354492, + "learning_rate": 5.714285714285714e-05, + "loss": 0.2666, + "step": 40 + }, + { + "epoch": 0.28429282160625446, + "grad_norm": 1.3490487337112427, + "learning_rate": 7.142857142857143e-05, + "loss": 0.2304, + "step": 50 + }, + { + "epoch": 0.3411513859275053, + "grad_norm": 2.4206743240356445, + "learning_rate": 8.571428571428571e-05, + "loss": 0.237, + "step": 60 + }, + { + "epoch": 0.39800995024875624, + "grad_norm": 1.4052362442016602, + "learning_rate": 0.0001, + "loss": 0.224, + "step": 70 + }, + { + "epoch": 0.4548685145700071, + "grad_norm": 1.537376046180725, + "learning_rate": 9.993784606094612e-05, + "loss": 0.2258, + "step": 80 + }, + { + "epoch": 0.511727078891258, + "grad_norm": 1.2108957767486572, + "learning_rate": 9.975153876827008e-05, + "loss": 0.2169, + "step": 90 + }, + { + "epoch": 0.5685856432125089, + "grad_norm": 1.458566427230835, + "learning_rate": 9.944154131125642e-05, + "loss": 0.2213, + "step": 100 + }, + { + "epoch": 0.6254442075337597, + "grad_norm": 1.4327179193496704, + "learning_rate": 9.900862439242719e-05, + "loss": 0.2149, + "step": 110 + }, + { + "epoch": 0.6823027718550106, + "grad_norm": 1.8246984481811523, + "learning_rate": 9.84538643114539e-05, + "loss": 0.2153, + "step": 120 + }, + { + "epoch": 0.7391613361762616, + "grad_norm": 1.8099104166030884, + "learning_rate": 9.777864028930705e-05, + "loss": 0.2104, + "step": 130 + }, + { + "epoch": 0.7960199004975125, + "grad_norm": 1.1189385652542114, + "learning_rate": 9.698463103929542e-05, + "loss": 0.2199, + "step": 140 + }, + { + "epoch": 0.8528784648187633, + "grad_norm": 1.5549639463424683, + "learning_rate": 9.607381059352038e-05, + "loss": 0.2242, + "step": 150 + }, + { + "epoch": 0.9097370291400142, + "grad_norm": 1.4538894891738892, + "learning_rate": 9.504844339512095e-05, + "loss": 0.2216, + "step": 160 + }, + { + "epoch": 0.9665955934612651, + "grad_norm": 1.1094976663589478, + "learning_rate": 9.391107866851143e-05, + "loss": 0.2113, + "step": 170 + }, + { + "epoch": 0.9950248756218906, + "eval_accuracy": 0.9246533333333333, + "eval_loss": 0.19580170512199402, + "eval_runtime": 241.5018, + "eval_samples_per_second": 10.352, + "eval_steps_per_second": 10.352, + "step": 175 + } + ], + "logging_steps": 10, + "max_steps": 700, + "num_input_tokens_seen": 0, + "num_train_epochs": 4, + "save_steps": 175, + "stateful_callbacks": { + "TrainerControl": { + "args": { + "should_epoch_stop": false, + "should_evaluate": false, + "should_log": false, + "should_save": true, + "should_training_stop": false + }, + "attributes": {} + } + }, + "total_flos": 5.497083738728694e+17, + "train_batch_size": 16, + "trial_name": null, + "trial_params": null +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/training_args.bin b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..8bb5a597226fb939ff9c6f0d3036e88de80c68c2 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-175/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e4c1499d6e076005abc099edcb2229c05317ae85d06821d1d4ba40656e39b6d +size 5304 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/README.md b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/README.md new file mode 100644 index 0000000000000000000000000000000000000000..8a25a4498c7ba2e7ef04fc9e0ebdf0b56b6e55c6 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/README.md @@ -0,0 +1,202 @@ +--- +library_name: peft +base_model: THUDM/glm-4-9b-chat-1m +--- + +# Model Card for Model ID + + + + + +## Model Details + +### Model Description + + + + + +- **Developed by:** [More Information Needed] +- **Funded by [optional]:** [More Information Needed] +- **Shared by [optional]:** [More Information Needed] +- **Model type:** [More Information Needed] +- **Language(s) (NLP):** [More Information Needed] +- **License:** [More Information Needed] +- **Finetuned from model [optional]:** [More Information Needed] + +### Model Sources [optional] + + + +- **Repository:** [More Information Needed] +- **Paper [optional]:** [More Information Needed] +- **Demo [optional]:** [More Information Needed] + +## Uses + + + +### Direct Use + + + +[More Information Needed] + +### Downstream Use [optional] + + + +[More Information Needed] + +### Out-of-Scope Use + + + +[More Information Needed] + +## Bias, Risks, and Limitations + + + +[More Information Needed] + +### Recommendations + + + +Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. + +## How to Get Started with the Model + +Use the code below to get started with the model. + +[More Information Needed] + +## Training Details + +### Training Data + + + +[More Information Needed] + +### Training Procedure + + + +#### Preprocessing [optional] + +[More Information Needed] + + +#### Training Hyperparameters + +- **Training regime:** [More Information Needed] + +#### Speeds, Sizes, Times [optional] + + + +[More Information Needed] + +## Evaluation + + + +### Testing Data, Factors & Metrics + +#### Testing Data + + + +[More Information Needed] + +#### Factors + + + +[More Information Needed] + +#### Metrics + + + +[More Information Needed] + +### Results + +[More Information Needed] + +#### Summary + + + +## Model Examination [optional] + + + +[More Information Needed] + +## Environmental Impact + + + +Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). + +- **Hardware Type:** [More Information Needed] +- **Hours used:** [More Information Needed] +- **Cloud Provider:** [More Information Needed] +- **Compute Region:** [More Information Needed] +- **Carbon Emitted:** [More Information Needed] + +## Technical Specifications [optional] + +### Model Architecture and Objective + +[More Information Needed] + +### Compute Infrastructure + +[More Information Needed] + +#### Hardware + +[More Information Needed] + +#### Software + +[More Information Needed] + +## Citation [optional] + + + +**BibTeX:** + +[More Information Needed] + +**APA:** + +[More Information Needed] + +## Glossary [optional] + + + +[More Information Needed] + +## More Information [optional] + +[More Information Needed] + +## Model Card Authors [optional] + +[More Information Needed] + +## Model Card Contact + +[More Information Needed] +### Framework versions + +- PEFT 0.11.1 \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/adapter_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/adapter_config.json new file mode 100644 index 0000000000000000000000000000000000000000..5c1b8ef4a4f349811df50f197c75da2a5c6f16b8 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/adapter_config.json @@ -0,0 +1,31 @@ +{ + "alpha_pattern": {}, + "auto_mapping": null, + "base_model_name_or_path": "THUDM/glm-4-9b-chat-1m", + "bias": "none", + "fan_in_fan_out": false, + "inference_mode": true, + "init_lora_weights": true, + "layer_replication": null, + "layers_pattern": null, + "layers_to_transform": null, + "loftq_config": {}, + "lora_alpha": 16, + "lora_dropout": 0.0, + "megatron_config": null, + "megatron_core": "megatron.core", + "modules_to_save": null, + "peft_type": "LORA", + "r": 8, + "rank_pattern": {}, + "revision": null, + "target_modules": [ + "query_key_value", + "dense_h_to_4h", + "dense_4h_to_h", + "dense" + ], + "task_type": "CAUSAL_LM", + "use_dora": false, + "use_rslora": false +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/adapter_model.safetensors b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/adapter_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..0bae4d1c611577c2301bf3385b23d1b6804c6951 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/adapter_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c558dbde8ff82d08543824cb5274f942e59c912dcdec8332c7d262709ce2eb8 +size 85409560 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/added_tokens.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/added_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..f3a7f4eaefbf184faa4a5a188a399538df4c8c36 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/added_tokens.json @@ -0,0 +1,16 @@ +{ + "": 151334, + "": 151333, + "<|assistant|>": 151337, + "<|begin_of_image|>": 151339, + "<|begin_of_video|>": 151341, + "<|end_of_image|>": 151340, + "<|end_of_video|>": 151342, + "<|endoftext|>": 151329, + "<|observation|>": 151338, + "<|system|>": 151335, + "<|user|>": 151336, + "[MASK]": 151330, + "[gMASK]": 151331, + "[sMASK]": 151332 +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/optimizer.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/optimizer.pt new file mode 100644 index 0000000000000000000000000000000000000000..27416e21ee1184ce1af040534892d5b8494243dc --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/optimizer.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f38d7e7472cac1f704a0f9c7b0b203d39262480856c7d1108eda51721dce0872 +size 170990330 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/rng_state.pth b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/rng_state.pth new file mode 100644 index 0000000000000000000000000000000000000000..0a11d850e4f9ddde03041fb0f3247ef616fbda77 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/rng_state.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d138cfe3a4adf21f048848ee35837c9a757a0a3616ff7adbb45b69aac247435 +size 14244 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/scheduler.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/scheduler.pt new file mode 100644 index 0000000000000000000000000000000000000000..eb378c1863d0b41e9a7a14779d21119ad9aeec8a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/scheduler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:260dbe7a290a3eb6243acf2b7854e91fda974ddc05a7f2e6ef4d24d9dbbc4233 +size 1064 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/special_tokens_map.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..582da4ad333feaaa0c427b4678a3e48447ea932f --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/special_tokens_map.json @@ -0,0 +1,32 @@ +{ + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "eos_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "pad_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/tokenization_chatglm.py b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/tokenization_chatglm.py new file mode 100644 index 0000000000000000000000000000000000000000..7eeff3b02adcef48d4d69058ff36a390f6902273 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/tokenization_chatglm.py @@ -0,0 +1,323 @@ +import regex as re +import base64 +import os +import json +import tiktoken +from torch import TensorType +from typing import List, Optional, Union, Dict, Any +from transformers import PreTrainedTokenizer +from transformers.utils import logging, PaddingStrategy +from transformers.tokenization_utils_base import EncodedInput, BatchEncoding + + +class ChatGLM4Tokenizer(PreTrainedTokenizer): + vocab_files_names = {"vocab_file": "tokenizer.model"} + model_input_names = ["input_ids", "attention_mask", "position_ids"] + + def __init__( + self, + vocab_file, + padding_side="left", + clean_up_tokenization_spaces=False, + encode_special_tokens=False, + **kwargs + ): + self.name = "GLM4Tokenizer" + self.vocab_file = vocab_file + pat_str = "(?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+" + self.pat_str = re.compile(pat_str) + self.encode_special_tokens = encode_special_tokens + + mergeable_ranks = {} + with open(vocab_file) as f: + for line in f: + token, rank = line.strip().split() + rank = int(rank) + token = base64.b64decode(token) + mergeable_ranks[token] = rank + + self.mergeable_ranks = mergeable_ranks + + self.tokenizer = tiktoken.Encoding( + name="my_tokenizer", + pat_str=pat_str, + mergeable_ranks=mergeable_ranks, + special_tokens={} + ) + self.decoder = {rank: token for token, rank in mergeable_ranks.items()} + self.n_words = len(self.decoder) + + super().__init__( + padding_side=padding_side, + clean_up_tokenization_spaces=clean_up_tokenization_spaces, + **kwargs + ) + + @property + def vocab_size(self): + return self.n_words + + def get_vocab(self): + """ Returns vocab as a dict """ + vocab = {self._convert_id_to_token(i): i for i in range(self.vocab_size)} + vocab.update(self.added_tokens_encoder) + return vocab + + def convert_tokens_to_string(self, tokens: List[Union[bytes, str, int]]) -> str: + """ + Converts a sequence of tokens in a single string. + """ + text = "" + temp = b"" + for t in tokens: + if isinstance(t, int): + t = chr(t) + if isinstance(t, str): + if temp: + text += temp.decode("utf-8", errors="replace") + elif isinstance(t, bytes): + temp += t + else: + raise TypeError("token should only be of type int, bytes or str") + if temp: + text += temp.decode("utf-8", errors="replace") + return text + + def _tokenize(self, text, **kwargs): + tokens = [] + ids = self.tokenizer.encode(text) + for t in ids: + tokens.append(self.decoder[t]) + return tokens + + def _convert_token_to_id(self, token): + """ Converts a token (str) in an id using the vocab. """ + return self.mergeable_ranks[token] + + def _convert_id_to_token(self, index): + """Converts an index (integer) in a token (str) using the vocab.""" + return self.decoder.get(index, "") + + def save_vocabulary(self, save_directory, filename_prefix=None): + """ + Save the vocabulary and special tokens file to a directory. + + Args: + save_directory (`str`): + The directory in which to save the vocabulary. + filename_prefix (`str`, *optional*): + An optional prefix to add to the named of the saved files. + + Returns: + `Tuple(str)`: Paths to the files saved. + """ + if os.path.isdir(save_directory): + vocab_file = os.path.join( + save_directory, self.vocab_files_names["vocab_file"] + ) + else: + vocab_file = save_directory + + with open(self.vocab_file, 'rb') as fin: + proto_str = fin.read() + + with open(vocab_file, "wb") as writer: + writer.write(proto_str) + + return (vocab_file,) + + def get_prefix_tokens(self): + prefix_tokens = [self.convert_tokens_to_ids("[gMASK]"), self.convert_tokens_to_ids("")] + return prefix_tokens + + def build_single_message(self, role, metadata, message, tokenize=True): + assert role in ["system", "user", "assistant", "observation"], role + if tokenize: + role_tokens = [self.convert_tokens_to_ids(f"<|{role}|>")] + self.tokenizer.encode(f"{metadata}\n", + disallowed_special=()) + message_tokens = self.tokenizer.encode(message, disallowed_special=()) + tokens = role_tokens + message_tokens + return tokens + else: + return str(f"<|{role}|>{metadata}\n{message}") + + # Use Jinja Template in tokenizer_config.json + # def apply_chat_template( + # self, + # conversation: Union[List[Dict[str, str]], List[List[Dict[str, str]]], "Conversation"], + # add_generation_prompt: bool = False, + # tokenize: bool = True, + # padding: bool = False, + # truncation: bool = False, + # max_length: Optional[int] = None, + # return_tensors: Optional[Union[str, TensorType]] = None, + # return_dict: bool = False, + # tokenizer_kwargs: Optional[Dict[str, Any]] = None, + # add_special_tokens: bool = True, + # **kwargs, + # ) -> Union[str, List[int], List[str], List[List[int]], BatchEncoding]: + # + # if return_dict and not tokenize: + # raise ValueError( + # "`return_dict=True` is incompatible with `tokenize=False`, because there is no dict " + # "of tokenizer outputs to return." + # ) + # + # def handle_single_conversation(conversation): + # input_ids = self.get_prefix_tokens() if add_special_tokens else [] + # input_message = "[gMASK]" if add_special_tokens else "" + # for item in conversation: + # if item.get("tools"): + # tools = item["tools"] + # content = "你是一个名为 GhatGLM 的人工智能助手。你是基于智谱AI训练的语言模型 GLM-4 模型开发的,你的任务是针对用户的问题和要求提供适当的答复和支持。" + # content += "\n\n# 可用工具" + # for tool in tools: + # if tool["type"] == "function": + # function = tool["function"] + # content += f"\n\n## {function['name']}\n\n{json.dumps(function, ensure_ascii=False, indent=4)}" + # content += "\n在调用上述函数时,请使用 Json 格式表示调用的参数。" + # elif tool["type"] == "python": + # content += "\n\n## python\n\n当你向 `python` 发送包含 Python 代码的消息时,该代码将会在一个有状态的 Jupyter notebook 环境中执行。\n`python` 返回代码执行的输出,或在执行 60 秒后返回超时。\n`/mnt/data` 将会持久化存储你的文件。在此会话中,`python` 无法访问互联网。不要使用 `python` 进行任何网络请求或者在线 API 调用,这些在线内容的访问将不会成功。" + # elif tool["type"] == "simple_browser": + # content += "\n\n## simple_browser\n\n你可以使用 `simple_browser` 工具。该工具支持以下函数:\n`search(query: str, recency_days: int)`:使用搜索引擎进行查询并显示结果,可以使用 `recency_days` 参数控制搜索内容的时效性。\n`mclick(ids: list[int])`:获取一系列指定 id 的页面内容。每次调用时,须选择3-10个页面。选择多个角度的页面,同时尽可能选择可信任的信息来源。考虑到部分页面是无法加载的,你也可以多打开一些可能有用的页面而不用担心内容过多。\n`open_url(url: str)`:打开指定的 URL。\n\n使用 `【{引用 id}†{引用文本}】` 来引用内容。\n\n操作步骤:1. 使用 `search` 来获得信息列表; 2. 使用 `mclick` 来获取指定 ID 页面的内容; 3. 根据获得的内容进行回复。在回复中应当引用信息来源。\n 如果用户提供了 URL,也可以用 `open_url` 直接打开页面。\n如果初次搜索结果没有找到合适的信息,也可以再次使用 `search` 进行搜索。" + # elif tool["type"] == "cogview": + # content += "\n\n## cogview\n\n如果用户的请求中包含了对图像的描述,你可以使用 `cogview` 来生成图像并展示给用户。你需要向 `cogview` 发送图像描述,规则:\n- 发送给 `cogview` 的消息必须使用英语。用户的中文描述必须完全翻译为英语。\n- 应当尽可能详细地描述图像生成的需求,需求描述约 100 英文单词。\n- 保持用户原始描述的意图。不要虚构内容或者没见过的人物。\n- 如无特殊说明,所在地为中国,持有中国立场并遵循中国社会主义价值观。" + # else: + # raise NotImplementedError(f"Unknown tool type {tool['type']}") + # input = self.build_single_message("system", "", content, tokenize=tokenize) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if item["content"]: + # input = self.build_single_message( + # item["role"], + # item.get("metadata", ""), + # item["content"], + # tokenize=tokenize + # ) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if add_generation_prompt: + # if tokenize: + # input_ids.extend([self.convert_tokens_to_ids("<|assistant|>")]) + # else: + # input_message += "<|assistant|>" + # return input_ids if tokenize else input_message + # + # # Main logic to handle different conversation formats + # if isinstance(conversation, list) and all(isinstance(i, dict) for i in conversation): + # result = handle_single_conversation(conversation) + # elif isinstance(conversation, list) and all(isinstance(i, list) for i in conversation): + # result = [handle_single_conversation(c) for c in conversation] + # elif hasattr(conversation, "messages"): + # result = handle_single_conversation(conversation.messages) + # else: + # raise ValueError("Invalid conversation format") + # + # if tokenize: + # output = self.batch_encode_plus( + # [result] if isinstance(result[0], int) else result, + # padding=padding, + # truncation=truncation, + # max_length=max_length, + # return_tensors=return_tensors, + # is_split_into_words=True, + # add_special_tokens=False + # ) + # if return_dict: + # return output + # else: + # return output["input_ids"] + # else: + # return result + + def build_inputs_with_special_tokens( + self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None + ) -> List[int]: + """ + Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and + adding special tokens. A BERT sequence has the following format: + + - single sequence: `[CLS] X [SEP]` + - pair of sequences: `[CLS] A [SEP] B [SEP]` + + Args: + token_ids_0 (`List[int]`): + List of IDs to which the special tokens will be added. + token_ids_1 (`List[int]`, *optional*): + Optional second list of IDs for sequence pairs. + + Returns: + `List[int]`: List of [input IDs](../glossary#input-ids) with the appropriate special tokens. + """ + prefix_tokens = self.get_prefix_tokens() + token_ids_0 = prefix_tokens + token_ids_0 + if token_ids_1 is not None: + token_ids_0 = token_ids_0 + token_ids_1 + [self.convert_tokens_to_ids("")] + return token_ids_0 + + def _pad( + self, + encoded_inputs: Union[Dict[str, EncodedInput], BatchEncoding], + max_length: Optional[int] = None, + padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD, + pad_to_multiple_of: Optional[int] = None, + return_attention_mask: Optional[bool] = None, + ) -> dict: + """ + Pad encoded inputs (on left/right and up to predefined length or max length in the batch) + + Args: + encoded_inputs: + Dictionary of tokenized inputs (`List[int]`) or batch of tokenized inputs (`List[List[int]]`). + max_length: maximum length of the returned list and optionally padding length (see below). + Will truncate by taking into account the special tokens. + padding_strategy: PaddingStrategy to use for padding. + + - PaddingStrategy.LONGEST Pad to the longest sequence in the batch + - PaddingStrategy.MAX_LENGTH: Pad to the max length (default) + - PaddingStrategy.DO_NOT_PAD: Do not pad + The tokenizer padding sides are defined in self.padding_side: + + - 'left': pads on the left of the sequences + - 'right': pads on the right of the sequences + pad_to_multiple_of: (optional) Integer if set will pad the sequence to a multiple of the provided value. + This is especially useful to enable the use of Tensor Core on NVIDIA hardware with compute capability + `>= 7.5` (Volta). + return_attention_mask: + (optional) Set to False to avoid returning attention mask (default: set to model specifics) + """ + # Load from model defaults + assert self.padding_side == "left" + + required_input = encoded_inputs[self.model_input_names[0]] + seq_length = len(required_input) + + if padding_strategy == PaddingStrategy.LONGEST: + max_length = len(required_input) + + if max_length is not None and pad_to_multiple_of is not None and (max_length % pad_to_multiple_of != 0): + max_length = ((max_length // pad_to_multiple_of) + 1) * pad_to_multiple_of + + needs_to_be_padded = padding_strategy != PaddingStrategy.DO_NOT_PAD and len(required_input) != max_length + + # Initialize attention mask if not present. + if "attention_mask" not in encoded_inputs: + encoded_inputs["attention_mask"] = [1] * seq_length + + if "position_ids" not in encoded_inputs: + encoded_inputs["position_ids"] = list(range(seq_length)) + + if needs_to_be_padded: + difference = max_length - len(required_input) + + if "attention_mask" in encoded_inputs: + encoded_inputs["attention_mask"] = [0] * difference + encoded_inputs["attention_mask"] + if "position_ids" in encoded_inputs: + encoded_inputs["position_ids"] = [0] * difference + encoded_inputs["position_ids"] + encoded_inputs[self.model_input_names[0]] = [self.pad_token_id] * difference + required_input + + return encoded_inputs diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/tokenizer.model b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/tokenizer.model new file mode 100644 index 0000000000000000000000000000000000000000..8650fd94d949375a2ab1f4975e7e6ff51ebc364a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/tokenizer.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a493598071550244b2ee7f26118f3edec2150b9dfa967929a99052ac83fe716 +size 2623634 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/tokenizer_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..290fad7eade99ef9cda90a6092de906ef2d77acd --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/tokenizer_config.json @@ -0,0 +1,148 @@ +{ + "added_tokens_decoder": { + "151329": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151330": { + "content": "[MASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151331": { + "content": "[gMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151332": { + "content": "[sMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151335": { + "content": "<|system|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151336": { + "content": "<|user|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151337": { + "content": "<|assistant|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151338": { + "content": "<|observation|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151339": { + "content": "<|begin_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151340": { + "content": "<|end_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151341": { + "content": "<|begin_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151342": { + "content": "<|end_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "auto_map": { + "AutoTokenizer": [ + "tokenization_chatglm.ChatGLM4Tokenizer", + null + ] + }, + "chat_template": "{{ '[gMASK]' }}{% if messages[0]['role'] == 'system' %}{% set system_message = messages[0]['content'] %}{% endif %}{% if system_message is defined %}{{ '<|system|>\n' + system_message }}{% endif %}{% for message in messages %}{% set content = message['content'] %}{% if message['role'] == 'user' %}{{ '<|user|>\n' + content + '<|assistant|>' }}{% elif message['role'] == 'assistant' %}{{ '\n' + content }}{% endif %}{% endfor %}", + "clean_up_tokenization_spaces": false, + "do_lower_case": false, + "eos_token": "<|endoftext|>", + "model_max_length": 1024000, + "pad_token": "<|endoftext|>", + "padding_side": "right", + "remove_space": false, + "split_special_tokens": false, + "tokenizer_class": "ChatGLM4Tokenizer" +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/trainer_state.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..09ba1d10178b4b2b02559bf181008c782b29f5f8 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/trainer_state.json @@ -0,0 +1,296 @@ +{ + "best_metric": null, + "best_model_checkpoint": null, + "epoch": 1.9900497512437811, + "eval_steps": 175, + "global_step": 350, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 0.05685856432125089, + "grad_norm": 3.164006233215332, + "learning_rate": 1.4285714285714285e-05, + "loss": 4.0257, + "step": 10 + }, + { + "epoch": 0.11371712864250177, + "grad_norm": 1.9438793659210205, + "learning_rate": 2.857142857142857e-05, + "loss": 0.2985, + "step": 20 + }, + { + "epoch": 0.17057569296375266, + "grad_norm": 4.9701972007751465, + "learning_rate": 4.2857142857142856e-05, + "loss": 0.2706, + "step": 30 + }, + { + "epoch": 0.22743425728500355, + "grad_norm": 0.9532499313354492, + "learning_rate": 5.714285714285714e-05, + "loss": 0.2666, + "step": 40 + }, + { + "epoch": 0.28429282160625446, + "grad_norm": 1.3490487337112427, + "learning_rate": 7.142857142857143e-05, + "loss": 0.2304, + "step": 50 + }, + { + "epoch": 0.3411513859275053, + "grad_norm": 2.4206743240356445, + "learning_rate": 8.571428571428571e-05, + "loss": 0.237, + "step": 60 + }, + { + "epoch": 0.39800995024875624, + "grad_norm": 1.4052362442016602, + "learning_rate": 0.0001, + "loss": 0.224, + "step": 70 + }, + { + "epoch": 0.4548685145700071, + "grad_norm": 1.537376046180725, + "learning_rate": 9.993784606094612e-05, + "loss": 0.2258, + "step": 80 + }, + { + "epoch": 0.511727078891258, + "grad_norm": 1.2108957767486572, + "learning_rate": 9.975153876827008e-05, + "loss": 0.2169, + "step": 90 + }, + { + "epoch": 0.5685856432125089, + "grad_norm": 1.458566427230835, + "learning_rate": 9.944154131125642e-05, + "loss": 0.2213, + "step": 100 + }, + { + "epoch": 0.6254442075337597, + "grad_norm": 1.4327179193496704, + "learning_rate": 9.900862439242719e-05, + "loss": 0.2149, + "step": 110 + }, + { + "epoch": 0.6823027718550106, + "grad_norm": 1.8246984481811523, + "learning_rate": 9.84538643114539e-05, + "loss": 0.2153, + "step": 120 + }, + { + "epoch": 0.7391613361762616, + "grad_norm": 1.8099104166030884, + "learning_rate": 9.777864028930705e-05, + "loss": 0.2104, + "step": 130 + }, + { + "epoch": 0.7960199004975125, + "grad_norm": 1.1189385652542114, + "learning_rate": 9.698463103929542e-05, + "loss": 0.2199, + "step": 140 + }, + { + "epoch": 0.8528784648187633, + "grad_norm": 1.5549639463424683, + "learning_rate": 9.607381059352038e-05, + "loss": 0.2242, + "step": 150 + }, + { + "epoch": 0.9097370291400142, + "grad_norm": 1.4538894891738892, + "learning_rate": 9.504844339512095e-05, + "loss": 0.2216, + "step": 160 + }, + { + "epoch": 0.9665955934612651, + "grad_norm": 1.1094976663589478, + "learning_rate": 9.391107866851143e-05, + "loss": 0.2113, + "step": 170 + }, + { + "epoch": 0.9950248756218906, + "eval_accuracy": 0.9246533333333333, + "eval_loss": 0.19580170512199402, + "eval_runtime": 241.5018, + "eval_samples_per_second": 10.352, + "eval_steps_per_second": 10.352, + "step": 175 + }, + { + "epoch": 1.023454157782516, + "grad_norm": 3.066316604614258, + "learning_rate": 9.266454408160779e-05, + "loss": 0.192, + "step": 180 + }, + { + "epoch": 1.080312722103767, + "grad_norm": 1.129660725593567, + "learning_rate": 9.131193871579975e-05, + "loss": 0.1809, + "step": 190 + }, + { + "epoch": 1.1371712864250179, + "grad_norm": 1.7189689874649048, + "learning_rate": 8.985662536114613e-05, + "loss": 0.1915, + "step": 200 + }, + { + "epoch": 1.1940298507462686, + "grad_norm": 1.8748056888580322, + "learning_rate": 8.83022221559489e-05, + "loss": 0.1823, + "step": 210 + }, + { + "epoch": 1.2508884150675195, + "grad_norm": 1.3262571096420288, + "learning_rate": 8.665259359149132e-05, + "loss": 0.1731, + "step": 220 + }, + { + "epoch": 1.3077469793887704, + "grad_norm": 1.46575927734375, + "learning_rate": 8.491184090430364e-05, + "loss": 0.1993, + "step": 230 + }, + { + "epoch": 1.3646055437100213, + "grad_norm": 2.188917636871338, + "learning_rate": 8.308429187984297e-05, + "loss": 0.1954, + "step": 240 + }, + { + "epoch": 1.4214641080312722, + "grad_norm": 1.4716485738754272, + "learning_rate": 8.117449009293668e-05, + "loss": 0.189, + "step": 250 + }, + { + "epoch": 1.4783226723525231, + "grad_norm": 1.9635529518127441, + "learning_rate": 7.91871836117395e-05, + "loss": 0.1714, + "step": 260 + }, + { + "epoch": 1.535181236673774, + "grad_norm": 1.2483481168746948, + "learning_rate": 7.712731319328798e-05, + "loss": 0.2088, + "step": 270 + }, + { + "epoch": 1.5920398009950247, + "grad_norm": 1.2397466897964478, + "learning_rate": 7.500000000000001e-05, + "loss": 0.1734, + "step": 280 + }, + { + "epoch": 1.6488983653162759, + "grad_norm": 1.1008177995681763, + "learning_rate": 7.281053286765815e-05, + "loss": 0.1893, + "step": 290 + }, + { + "epoch": 1.7057569296375266, + "grad_norm": 1.286311149597168, + "learning_rate": 7.056435515653059e-05, + "loss": 0.1772, + "step": 300 + }, + { + "epoch": 1.7626154939587777, + "grad_norm": 2.3280422687530518, + "learning_rate": 6.826705121831976e-05, + "loss": 0.1742, + "step": 310 + }, + { + "epoch": 1.8194740582800284, + "grad_norm": 1.7336703538894653, + "learning_rate": 6.592433251258423e-05, + "loss": 0.1681, + "step": 320 + }, + { + "epoch": 1.8763326226012793, + "grad_norm": 1.0111993551254272, + "learning_rate": 6.354202340715026e-05, + "loss": 0.1881, + "step": 330 + }, + { + "epoch": 1.9331911869225302, + "grad_norm": 0.9302629828453064, + "learning_rate": 6.112604669781572e-05, + "loss": 0.1893, + "step": 340 + }, + { + "epoch": 1.9900497512437811, + "grad_norm": 1.4709866046905518, + "learning_rate": 5.868240888334653e-05, + "loss": 0.1785, + "step": 350 + }, + { + "epoch": 1.9900497512437811, + "eval_accuracy": 0.9292333333333332, + "eval_loss": 0.19228903949260712, + "eval_runtime": 241.5175, + "eval_samples_per_second": 10.351, + "eval_steps_per_second": 10.351, + "step": 350 + } + ], + "logging_steps": 10, + "max_steps": 700, + "num_input_tokens_seen": 0, + "num_train_epochs": 4, + "save_steps": 175, + "stateful_callbacks": { + "TrainerControl": { + "args": { + "should_epoch_stop": false, + "should_evaluate": false, + "should_log": false, + "should_save": true, + "should_training_stop": false + }, + "attributes": {} + } + }, + "total_flos": 1.0990704677698929e+18, + "train_batch_size": 16, + "trial_name": null, + "trial_params": null +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/training_args.bin b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..8bb5a597226fb939ff9c6f0d3036e88de80c68c2 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-350/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e4c1499d6e076005abc099edcb2229c05317ae85d06821d1d4ba40656e39b6d +size 5304 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/README.md b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/README.md new file mode 100644 index 0000000000000000000000000000000000000000..8a25a4498c7ba2e7ef04fc9e0ebdf0b56b6e55c6 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/README.md @@ -0,0 +1,202 @@ +--- +library_name: peft +base_model: THUDM/glm-4-9b-chat-1m +--- + +# Model Card for Model ID + + + + + +## Model Details + +### Model Description + + + + + +- **Developed by:** [More Information Needed] +- **Funded by [optional]:** [More Information Needed] +- **Shared by [optional]:** [More Information Needed] +- **Model type:** [More Information Needed] +- **Language(s) (NLP):** [More Information Needed] +- **License:** [More Information Needed] +- **Finetuned from model [optional]:** [More Information Needed] + +### Model Sources [optional] + + + +- **Repository:** [More Information Needed] +- **Paper [optional]:** [More Information Needed] +- **Demo [optional]:** [More Information Needed] + +## Uses + + + +### Direct Use + + + +[More Information Needed] + +### Downstream Use [optional] + + + +[More Information Needed] + +### Out-of-Scope Use + + + +[More Information Needed] + +## Bias, Risks, and Limitations + + + +[More Information Needed] + +### Recommendations + + + +Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. + +## How to Get Started with the Model + +Use the code below to get started with the model. + +[More Information Needed] + +## Training Details + +### Training Data + + + +[More Information Needed] + +### Training Procedure + + + +#### Preprocessing [optional] + +[More Information Needed] + + +#### Training Hyperparameters + +- **Training regime:** [More Information Needed] + +#### Speeds, Sizes, Times [optional] + + + +[More Information Needed] + +## Evaluation + + + +### Testing Data, Factors & Metrics + +#### Testing Data + + + +[More Information Needed] + +#### Factors + + + +[More Information Needed] + +#### Metrics + + + +[More Information Needed] + +### Results + +[More Information Needed] + +#### Summary + + + +## Model Examination [optional] + + + +[More Information Needed] + +## Environmental Impact + + + +Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). + +- **Hardware Type:** [More Information Needed] +- **Hours used:** [More Information Needed] +- **Cloud Provider:** [More Information Needed] +- **Compute Region:** [More Information Needed] +- **Carbon Emitted:** [More Information Needed] + +## Technical Specifications [optional] + +### Model Architecture and Objective + +[More Information Needed] + +### Compute Infrastructure + +[More Information Needed] + +#### Hardware + +[More Information Needed] + +#### Software + +[More Information Needed] + +## Citation [optional] + + + +**BibTeX:** + +[More Information Needed] + +**APA:** + +[More Information Needed] + +## Glossary [optional] + + + +[More Information Needed] + +## More Information [optional] + +[More Information Needed] + +## Model Card Authors [optional] + +[More Information Needed] + +## Model Card Contact + +[More Information Needed] +### Framework versions + +- PEFT 0.11.1 \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/adapter_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/adapter_config.json new file mode 100644 index 0000000000000000000000000000000000000000..5c1b8ef4a4f349811df50f197c75da2a5c6f16b8 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/adapter_config.json @@ -0,0 +1,31 @@ +{ + "alpha_pattern": {}, + "auto_mapping": null, + "base_model_name_or_path": "THUDM/glm-4-9b-chat-1m", + "bias": "none", + "fan_in_fan_out": false, + "inference_mode": true, + "init_lora_weights": true, + "layer_replication": null, + "layers_pattern": null, + "layers_to_transform": null, + "loftq_config": {}, + "lora_alpha": 16, + "lora_dropout": 0.0, + "megatron_config": null, + "megatron_core": "megatron.core", + "modules_to_save": null, + "peft_type": "LORA", + "r": 8, + "rank_pattern": {}, + "revision": null, + "target_modules": [ + "query_key_value", + "dense_h_to_4h", + "dense_4h_to_h", + "dense" + ], + "task_type": "CAUSAL_LM", + "use_dora": false, + "use_rslora": false +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/adapter_model.safetensors b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/adapter_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..454d4aa00bfc00e18873ae8d6593fd50470997c4 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/adapter_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e4cb21bf4ec98c040ffb33346421ff9985dd59b9150cc1ab5b8ca69b444eb11 +size 85409560 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/added_tokens.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/added_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..f3a7f4eaefbf184faa4a5a188a399538df4c8c36 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/added_tokens.json @@ -0,0 +1,16 @@ +{ + "": 151334, + "": 151333, + "<|assistant|>": 151337, + "<|begin_of_image|>": 151339, + "<|begin_of_video|>": 151341, + "<|end_of_image|>": 151340, + "<|end_of_video|>": 151342, + "<|endoftext|>": 151329, + "<|observation|>": 151338, + "<|system|>": 151335, + "<|user|>": 151336, + "[MASK]": 151330, + "[gMASK]": 151331, + "[sMASK]": 151332 +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/optimizer.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/optimizer.pt new file mode 100644 index 0000000000000000000000000000000000000000..19668540d92727f5508b4f1205b8e905fca86d35 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/optimizer.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8951555ed951e9fe5b74305f7ded077df4ad3dd9df2716649871900a431e1ae +size 170990330 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/rng_state.pth b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/rng_state.pth new file mode 100644 index 0000000000000000000000000000000000000000..41dfa7d7903dea42d227bad638c2c750928d590c --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/rng_state.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c062f7f375beded48b5337f5a3f3a5cb38807fa3e85dbf3e294c0ab6b627bfc2 +size 14244 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/scheduler.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/scheduler.pt new file mode 100644 index 0000000000000000000000000000000000000000..c77dea7109c50be062f23627c8883058513fe0f3 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/scheduler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eed90e588b5c04a63000dc8b8376b1e11f37980f3dd5d73e4c2a4b71a995cf3a +size 1064 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/special_tokens_map.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..582da4ad333feaaa0c427b4678a3e48447ea932f --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/special_tokens_map.json @@ -0,0 +1,32 @@ +{ + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "eos_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "pad_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/tokenization_chatglm.py b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/tokenization_chatglm.py new file mode 100644 index 0000000000000000000000000000000000000000..7eeff3b02adcef48d4d69058ff36a390f6902273 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/tokenization_chatglm.py @@ -0,0 +1,323 @@ +import regex as re +import base64 +import os +import json +import tiktoken +from torch import TensorType +from typing import List, Optional, Union, Dict, Any +from transformers import PreTrainedTokenizer +from transformers.utils import logging, PaddingStrategy +from transformers.tokenization_utils_base import EncodedInput, BatchEncoding + + +class ChatGLM4Tokenizer(PreTrainedTokenizer): + vocab_files_names = {"vocab_file": "tokenizer.model"} + model_input_names = ["input_ids", "attention_mask", "position_ids"] + + def __init__( + self, + vocab_file, + padding_side="left", + clean_up_tokenization_spaces=False, + encode_special_tokens=False, + **kwargs + ): + self.name = "GLM4Tokenizer" + self.vocab_file = vocab_file + pat_str = "(?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+" + self.pat_str = re.compile(pat_str) + self.encode_special_tokens = encode_special_tokens + + mergeable_ranks = {} + with open(vocab_file) as f: + for line in f: + token, rank = line.strip().split() + rank = int(rank) + token = base64.b64decode(token) + mergeable_ranks[token] = rank + + self.mergeable_ranks = mergeable_ranks + + self.tokenizer = tiktoken.Encoding( + name="my_tokenizer", + pat_str=pat_str, + mergeable_ranks=mergeable_ranks, + special_tokens={} + ) + self.decoder = {rank: token for token, rank in mergeable_ranks.items()} + self.n_words = len(self.decoder) + + super().__init__( + padding_side=padding_side, + clean_up_tokenization_spaces=clean_up_tokenization_spaces, + **kwargs + ) + + @property + def vocab_size(self): + return self.n_words + + def get_vocab(self): + """ Returns vocab as a dict """ + vocab = {self._convert_id_to_token(i): i for i in range(self.vocab_size)} + vocab.update(self.added_tokens_encoder) + return vocab + + def convert_tokens_to_string(self, tokens: List[Union[bytes, str, int]]) -> str: + """ + Converts a sequence of tokens in a single string. + """ + text = "" + temp = b"" + for t in tokens: + if isinstance(t, int): + t = chr(t) + if isinstance(t, str): + if temp: + text += temp.decode("utf-8", errors="replace") + elif isinstance(t, bytes): + temp += t + else: + raise TypeError("token should only be of type int, bytes or str") + if temp: + text += temp.decode("utf-8", errors="replace") + return text + + def _tokenize(self, text, **kwargs): + tokens = [] + ids = self.tokenizer.encode(text) + for t in ids: + tokens.append(self.decoder[t]) + return tokens + + def _convert_token_to_id(self, token): + """ Converts a token (str) in an id using the vocab. """ + return self.mergeable_ranks[token] + + def _convert_id_to_token(self, index): + """Converts an index (integer) in a token (str) using the vocab.""" + return self.decoder.get(index, "") + + def save_vocabulary(self, save_directory, filename_prefix=None): + """ + Save the vocabulary and special tokens file to a directory. + + Args: + save_directory (`str`): + The directory in which to save the vocabulary. + filename_prefix (`str`, *optional*): + An optional prefix to add to the named of the saved files. + + Returns: + `Tuple(str)`: Paths to the files saved. + """ + if os.path.isdir(save_directory): + vocab_file = os.path.join( + save_directory, self.vocab_files_names["vocab_file"] + ) + else: + vocab_file = save_directory + + with open(self.vocab_file, 'rb') as fin: + proto_str = fin.read() + + with open(vocab_file, "wb") as writer: + writer.write(proto_str) + + return (vocab_file,) + + def get_prefix_tokens(self): + prefix_tokens = [self.convert_tokens_to_ids("[gMASK]"), self.convert_tokens_to_ids("")] + return prefix_tokens + + def build_single_message(self, role, metadata, message, tokenize=True): + assert role in ["system", "user", "assistant", "observation"], role + if tokenize: + role_tokens = [self.convert_tokens_to_ids(f"<|{role}|>")] + self.tokenizer.encode(f"{metadata}\n", + disallowed_special=()) + message_tokens = self.tokenizer.encode(message, disallowed_special=()) + tokens = role_tokens + message_tokens + return tokens + else: + return str(f"<|{role}|>{metadata}\n{message}") + + # Use Jinja Template in tokenizer_config.json + # def apply_chat_template( + # self, + # conversation: Union[List[Dict[str, str]], List[List[Dict[str, str]]], "Conversation"], + # add_generation_prompt: bool = False, + # tokenize: bool = True, + # padding: bool = False, + # truncation: bool = False, + # max_length: Optional[int] = None, + # return_tensors: Optional[Union[str, TensorType]] = None, + # return_dict: bool = False, + # tokenizer_kwargs: Optional[Dict[str, Any]] = None, + # add_special_tokens: bool = True, + # **kwargs, + # ) -> Union[str, List[int], List[str], List[List[int]], BatchEncoding]: + # + # if return_dict and not tokenize: + # raise ValueError( + # "`return_dict=True` is incompatible with `tokenize=False`, because there is no dict " + # "of tokenizer outputs to return." + # ) + # + # def handle_single_conversation(conversation): + # input_ids = self.get_prefix_tokens() if add_special_tokens else [] + # input_message = "[gMASK]" if add_special_tokens else "" + # for item in conversation: + # if item.get("tools"): + # tools = item["tools"] + # content = "你是一个名为 GhatGLM 的人工智能助手。你是基于智谱AI训练的语言模型 GLM-4 模型开发的,你的任务是针对用户的问题和要求提供适当的答复和支持。" + # content += "\n\n# 可用工具" + # for tool in tools: + # if tool["type"] == "function": + # function = tool["function"] + # content += f"\n\n## {function['name']}\n\n{json.dumps(function, ensure_ascii=False, indent=4)}" + # content += "\n在调用上述函数时,请使用 Json 格式表示调用的参数。" + # elif tool["type"] == "python": + # content += "\n\n## python\n\n当你向 `python` 发送包含 Python 代码的消息时,该代码将会在一个有状态的 Jupyter notebook 环境中执行。\n`python` 返回代码执行的输出,或在执行 60 秒后返回超时。\n`/mnt/data` 将会持久化存储你的文件。在此会话中,`python` 无法访问互联网。不要使用 `python` 进行任何网络请求或者在线 API 调用,这些在线内容的访问将不会成功。" + # elif tool["type"] == "simple_browser": + # content += "\n\n## simple_browser\n\n你可以使用 `simple_browser` 工具。该工具支持以下函数:\n`search(query: str, recency_days: int)`:使用搜索引擎进行查询并显示结果,可以使用 `recency_days` 参数控制搜索内容的时效性。\n`mclick(ids: list[int])`:获取一系列指定 id 的页面内容。每次调用时,须选择3-10个页面。选择多个角度的页面,同时尽可能选择可信任的信息来源。考虑到部分页面是无法加载的,你也可以多打开一些可能有用的页面而不用担心内容过多。\n`open_url(url: str)`:打开指定的 URL。\n\n使用 `【{引用 id}†{引用文本}】` 来引用内容。\n\n操作步骤:1. 使用 `search` 来获得信息列表; 2. 使用 `mclick` 来获取指定 ID 页面的内容; 3. 根据获得的内容进行回复。在回复中应当引用信息来源。\n 如果用户提供了 URL,也可以用 `open_url` 直接打开页面。\n如果初次搜索结果没有找到合适的信息,也可以再次使用 `search` 进行搜索。" + # elif tool["type"] == "cogview": + # content += "\n\n## cogview\n\n如果用户的请求中包含了对图像的描述,你可以使用 `cogview` 来生成图像并展示给用户。你需要向 `cogview` 发送图像描述,规则:\n- 发送给 `cogview` 的消息必须使用英语。用户的中文描述必须完全翻译为英语。\n- 应当尽可能详细地描述图像生成的需求,需求描述约 100 英文单词。\n- 保持用户原始描述的意图。不要虚构内容或者没见过的人物。\n- 如无特殊说明,所在地为中国,持有中国立场并遵循中国社会主义价值观。" + # else: + # raise NotImplementedError(f"Unknown tool type {tool['type']}") + # input = self.build_single_message("system", "", content, tokenize=tokenize) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if item["content"]: + # input = self.build_single_message( + # item["role"], + # item.get("metadata", ""), + # item["content"], + # tokenize=tokenize + # ) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if add_generation_prompt: + # if tokenize: + # input_ids.extend([self.convert_tokens_to_ids("<|assistant|>")]) + # else: + # input_message += "<|assistant|>" + # return input_ids if tokenize else input_message + # + # # Main logic to handle different conversation formats + # if isinstance(conversation, list) and all(isinstance(i, dict) for i in conversation): + # result = handle_single_conversation(conversation) + # elif isinstance(conversation, list) and all(isinstance(i, list) for i in conversation): + # result = [handle_single_conversation(c) for c in conversation] + # elif hasattr(conversation, "messages"): + # result = handle_single_conversation(conversation.messages) + # else: + # raise ValueError("Invalid conversation format") + # + # if tokenize: + # output = self.batch_encode_plus( + # [result] if isinstance(result[0], int) else result, + # padding=padding, + # truncation=truncation, + # max_length=max_length, + # return_tensors=return_tensors, + # is_split_into_words=True, + # add_special_tokens=False + # ) + # if return_dict: + # return output + # else: + # return output["input_ids"] + # else: + # return result + + def build_inputs_with_special_tokens( + self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None + ) -> List[int]: + """ + Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and + adding special tokens. A BERT sequence has the following format: + + - single sequence: `[CLS] X [SEP]` + - pair of sequences: `[CLS] A [SEP] B [SEP]` + + Args: + token_ids_0 (`List[int]`): + List of IDs to which the special tokens will be added. + token_ids_1 (`List[int]`, *optional*): + Optional second list of IDs for sequence pairs. + + Returns: + `List[int]`: List of [input IDs](../glossary#input-ids) with the appropriate special tokens. + """ + prefix_tokens = self.get_prefix_tokens() + token_ids_0 = prefix_tokens + token_ids_0 + if token_ids_1 is not None: + token_ids_0 = token_ids_0 + token_ids_1 + [self.convert_tokens_to_ids("")] + return token_ids_0 + + def _pad( + self, + encoded_inputs: Union[Dict[str, EncodedInput], BatchEncoding], + max_length: Optional[int] = None, + padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD, + pad_to_multiple_of: Optional[int] = None, + return_attention_mask: Optional[bool] = None, + ) -> dict: + """ + Pad encoded inputs (on left/right and up to predefined length or max length in the batch) + + Args: + encoded_inputs: + Dictionary of tokenized inputs (`List[int]`) or batch of tokenized inputs (`List[List[int]]`). + max_length: maximum length of the returned list and optionally padding length (see below). + Will truncate by taking into account the special tokens. + padding_strategy: PaddingStrategy to use for padding. + + - PaddingStrategy.LONGEST Pad to the longest sequence in the batch + - PaddingStrategy.MAX_LENGTH: Pad to the max length (default) + - PaddingStrategy.DO_NOT_PAD: Do not pad + The tokenizer padding sides are defined in self.padding_side: + + - 'left': pads on the left of the sequences + - 'right': pads on the right of the sequences + pad_to_multiple_of: (optional) Integer if set will pad the sequence to a multiple of the provided value. + This is especially useful to enable the use of Tensor Core on NVIDIA hardware with compute capability + `>= 7.5` (Volta). + return_attention_mask: + (optional) Set to False to avoid returning attention mask (default: set to model specifics) + """ + # Load from model defaults + assert self.padding_side == "left" + + required_input = encoded_inputs[self.model_input_names[0]] + seq_length = len(required_input) + + if padding_strategy == PaddingStrategy.LONGEST: + max_length = len(required_input) + + if max_length is not None and pad_to_multiple_of is not None and (max_length % pad_to_multiple_of != 0): + max_length = ((max_length // pad_to_multiple_of) + 1) * pad_to_multiple_of + + needs_to_be_padded = padding_strategy != PaddingStrategy.DO_NOT_PAD and len(required_input) != max_length + + # Initialize attention mask if not present. + if "attention_mask" not in encoded_inputs: + encoded_inputs["attention_mask"] = [1] * seq_length + + if "position_ids" not in encoded_inputs: + encoded_inputs["position_ids"] = list(range(seq_length)) + + if needs_to_be_padded: + difference = max_length - len(required_input) + + if "attention_mask" in encoded_inputs: + encoded_inputs["attention_mask"] = [0] * difference + encoded_inputs["attention_mask"] + if "position_ids" in encoded_inputs: + encoded_inputs["position_ids"] = [0] * difference + encoded_inputs["position_ids"] + encoded_inputs[self.model_input_names[0]] = [self.pad_token_id] * difference + required_input + + return encoded_inputs diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/tokenizer.model b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/tokenizer.model new file mode 100644 index 0000000000000000000000000000000000000000..8650fd94d949375a2ab1f4975e7e6ff51ebc364a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/tokenizer.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a493598071550244b2ee7f26118f3edec2150b9dfa967929a99052ac83fe716 +size 2623634 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/tokenizer_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..290fad7eade99ef9cda90a6092de906ef2d77acd --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/tokenizer_config.json @@ -0,0 +1,148 @@ +{ + "added_tokens_decoder": { + "151329": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151330": { + "content": "[MASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151331": { + "content": "[gMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151332": { + "content": "[sMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151335": { + "content": "<|system|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151336": { + "content": "<|user|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151337": { + "content": "<|assistant|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151338": { + "content": "<|observation|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151339": { + "content": "<|begin_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151340": { + "content": "<|end_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151341": { + "content": "<|begin_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151342": { + "content": "<|end_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "auto_map": { + "AutoTokenizer": [ + "tokenization_chatglm.ChatGLM4Tokenizer", + null + ] + }, + "chat_template": "{{ '[gMASK]' }}{% if messages[0]['role'] == 'system' %}{% set system_message = messages[0]['content'] %}{% endif %}{% if system_message is defined %}{{ '<|system|>\n' + system_message }}{% endif %}{% for message in messages %}{% set content = message['content'] %}{% if message['role'] == 'user' %}{{ '<|user|>\n' + content + '<|assistant|>' }}{% elif message['role'] == 'assistant' %}{{ '\n' + content }}{% endif %}{% endfor %}", + "clean_up_tokenization_spaces": false, + "do_lower_case": false, + "eos_token": "<|endoftext|>", + "model_max_length": 1024000, + "pad_token": "<|endoftext|>", + "padding_side": "right", + "remove_space": false, + "split_special_tokens": false, + "tokenizer_class": "ChatGLM4Tokenizer" +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/trainer_state.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..81af6e3436db971d20e48d3459fabe5f17d87d88 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/trainer_state.json @@ -0,0 +1,424 @@ +{ + "best_metric": null, + "best_model_checkpoint": null, + "epoch": 2.9850746268656714, + "eval_steps": 175, + "global_step": 525, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 0.05685856432125089, + "grad_norm": 3.164006233215332, + "learning_rate": 1.4285714285714285e-05, + "loss": 4.0257, + "step": 10 + }, + { + "epoch": 0.11371712864250177, + "grad_norm": 1.9438793659210205, + "learning_rate": 2.857142857142857e-05, + "loss": 0.2985, + "step": 20 + }, + { + "epoch": 0.17057569296375266, + "grad_norm": 4.9701972007751465, + "learning_rate": 4.2857142857142856e-05, + "loss": 0.2706, + "step": 30 + }, + { + "epoch": 0.22743425728500355, + "grad_norm": 0.9532499313354492, + "learning_rate": 5.714285714285714e-05, + "loss": 0.2666, + "step": 40 + }, + { + "epoch": 0.28429282160625446, + "grad_norm": 1.3490487337112427, + "learning_rate": 7.142857142857143e-05, + "loss": 0.2304, + "step": 50 + }, + { + "epoch": 0.3411513859275053, + "grad_norm": 2.4206743240356445, + "learning_rate": 8.571428571428571e-05, + "loss": 0.237, + "step": 60 + }, + { + "epoch": 0.39800995024875624, + "grad_norm": 1.4052362442016602, + "learning_rate": 0.0001, + "loss": 0.224, + "step": 70 + }, + { + "epoch": 0.4548685145700071, + "grad_norm": 1.537376046180725, + "learning_rate": 9.993784606094612e-05, + "loss": 0.2258, + "step": 80 + }, + { + "epoch": 0.511727078891258, + "grad_norm": 1.2108957767486572, + "learning_rate": 9.975153876827008e-05, + "loss": 0.2169, + "step": 90 + }, + { + "epoch": 0.5685856432125089, + "grad_norm": 1.458566427230835, + "learning_rate": 9.944154131125642e-05, + "loss": 0.2213, + "step": 100 + }, + { + "epoch": 0.6254442075337597, + "grad_norm": 1.4327179193496704, + "learning_rate": 9.900862439242719e-05, + "loss": 0.2149, + "step": 110 + }, + { + "epoch": 0.6823027718550106, + "grad_norm": 1.8246984481811523, + "learning_rate": 9.84538643114539e-05, + "loss": 0.2153, + "step": 120 + }, + { + "epoch": 0.7391613361762616, + "grad_norm": 1.8099104166030884, + "learning_rate": 9.777864028930705e-05, + "loss": 0.2104, + "step": 130 + }, + { + "epoch": 0.7960199004975125, + "grad_norm": 1.1189385652542114, + "learning_rate": 9.698463103929542e-05, + "loss": 0.2199, + "step": 140 + }, + { + "epoch": 0.8528784648187633, + "grad_norm": 1.5549639463424683, + "learning_rate": 9.607381059352038e-05, + "loss": 0.2242, + "step": 150 + }, + { + "epoch": 0.9097370291400142, + "grad_norm": 1.4538894891738892, + "learning_rate": 9.504844339512095e-05, + "loss": 0.2216, + "step": 160 + }, + { + "epoch": 0.9665955934612651, + "grad_norm": 1.1094976663589478, + "learning_rate": 9.391107866851143e-05, + "loss": 0.2113, + "step": 170 + }, + { + "epoch": 0.9950248756218906, + "eval_accuracy": 0.9246533333333333, + "eval_loss": 0.19580170512199402, + "eval_runtime": 241.5018, + "eval_samples_per_second": 10.352, + "eval_steps_per_second": 10.352, + "step": 175 + }, + { + "epoch": 1.023454157782516, + "grad_norm": 3.066316604614258, + "learning_rate": 9.266454408160779e-05, + "loss": 0.192, + "step": 180 + }, + { + "epoch": 1.080312722103767, + "grad_norm": 1.129660725593567, + "learning_rate": 9.131193871579975e-05, + "loss": 0.1809, + "step": 190 + }, + { + "epoch": 1.1371712864250179, + "grad_norm": 1.7189689874649048, + "learning_rate": 8.985662536114613e-05, + "loss": 0.1915, + "step": 200 + }, + { + "epoch": 1.1940298507462686, + "grad_norm": 1.8748056888580322, + "learning_rate": 8.83022221559489e-05, + "loss": 0.1823, + "step": 210 + }, + { + "epoch": 1.2508884150675195, + "grad_norm": 1.3262571096420288, + "learning_rate": 8.665259359149132e-05, + "loss": 0.1731, + "step": 220 + }, + { + "epoch": 1.3077469793887704, + "grad_norm": 1.46575927734375, + "learning_rate": 8.491184090430364e-05, + "loss": 0.1993, + "step": 230 + }, + { + "epoch": 1.3646055437100213, + "grad_norm": 2.188917636871338, + "learning_rate": 8.308429187984297e-05, + "loss": 0.1954, + "step": 240 + }, + { + "epoch": 1.4214641080312722, + "grad_norm": 1.4716485738754272, + "learning_rate": 8.117449009293668e-05, + "loss": 0.189, + "step": 250 + }, + { + "epoch": 1.4783226723525231, + "grad_norm": 1.9635529518127441, + "learning_rate": 7.91871836117395e-05, + "loss": 0.1714, + "step": 260 + }, + { + "epoch": 1.535181236673774, + "grad_norm": 1.2483481168746948, + "learning_rate": 7.712731319328798e-05, + "loss": 0.2088, + "step": 270 + }, + { + "epoch": 1.5920398009950247, + "grad_norm": 1.2397466897964478, + "learning_rate": 7.500000000000001e-05, + "loss": 0.1734, + "step": 280 + }, + { + "epoch": 1.6488983653162759, + "grad_norm": 1.1008177995681763, + "learning_rate": 7.281053286765815e-05, + "loss": 0.1893, + "step": 290 + }, + { + "epoch": 1.7057569296375266, + "grad_norm": 1.286311149597168, + "learning_rate": 7.056435515653059e-05, + "loss": 0.1772, + "step": 300 + }, + { + "epoch": 1.7626154939587777, + "grad_norm": 2.3280422687530518, + "learning_rate": 6.826705121831976e-05, + "loss": 0.1742, + "step": 310 + }, + { + "epoch": 1.8194740582800284, + "grad_norm": 1.7336703538894653, + "learning_rate": 6.592433251258423e-05, + "loss": 0.1681, + "step": 320 + }, + { + "epoch": 1.8763326226012793, + "grad_norm": 1.0111993551254272, + "learning_rate": 6.354202340715026e-05, + "loss": 0.1881, + "step": 330 + }, + { + "epoch": 1.9331911869225302, + "grad_norm": 0.9302629828453064, + "learning_rate": 6.112604669781572e-05, + "loss": 0.1893, + "step": 340 + }, + { + "epoch": 1.9900497512437811, + "grad_norm": 1.4709866046905518, + "learning_rate": 5.868240888334653e-05, + "loss": 0.1785, + "step": 350 + }, + { + "epoch": 1.9900497512437811, + "eval_accuracy": 0.9292333333333332, + "eval_loss": 0.19228903949260712, + "eval_runtime": 241.5175, + "eval_samples_per_second": 10.351, + "eval_steps_per_second": 10.351, + "step": 350 + }, + { + "epoch": 2.046908315565032, + "grad_norm": 1.2902432680130005, + "learning_rate": 5.621718523237427e-05, + "loss": 0.1459, + "step": 360 + }, + { + "epoch": 2.1037668798862827, + "grad_norm": 1.2844226360321045, + "learning_rate": 5.373650467932122e-05, + "loss": 0.1389, + "step": 370 + }, + { + "epoch": 2.160625444207534, + "grad_norm": 1.8978281021118164, + "learning_rate": 5.124653458690365e-05, + "loss": 0.1295, + "step": 380 + }, + { + "epoch": 2.2174840085287846, + "grad_norm": 0.9147663116455078, + "learning_rate": 4.875346541309637e-05, + "loss": 0.1377, + "step": 390 + }, + { + "epoch": 2.2743425728500357, + "grad_norm": 0.8880501389503479, + "learning_rate": 4.626349532067879e-05, + "loss": 0.1218, + "step": 400 + }, + { + "epoch": 2.3312011371712864, + "grad_norm": 1.6412805318832397, + "learning_rate": 4.378281476762576e-05, + "loss": 0.1396, + "step": 410 + }, + { + "epoch": 2.388059701492537, + "grad_norm": 1.1205064058303833, + "learning_rate": 4.131759111665349e-05, + "loss": 0.1419, + "step": 420 + }, + { + "epoch": 2.4449182658137882, + "grad_norm": 1.1602004766464233, + "learning_rate": 3.887395330218429e-05, + "loss": 0.1414, + "step": 430 + }, + { + "epoch": 2.501776830135039, + "grad_norm": 1.8951547145843506, + "learning_rate": 3.6457976592849754e-05, + "loss": 0.135, + "step": 440 + }, + { + "epoch": 2.55863539445629, + "grad_norm": 1.3208882808685303, + "learning_rate": 3.4075667487415785e-05, + "loss": 0.149, + "step": 450 + }, + { + "epoch": 2.6154939587775408, + "grad_norm": 1.362919807434082, + "learning_rate": 3.173294878168025e-05, + "loss": 0.1329, + "step": 460 + }, + { + "epoch": 2.672352523098792, + "grad_norm": 1.1370081901550293, + "learning_rate": 2.9435644843469436e-05, + "loss": 0.136, + "step": 470 + }, + { + "epoch": 2.7292110874200426, + "grad_norm": 1.0978811979293823, + "learning_rate": 2.718946713234185e-05, + "loss": 0.1354, + "step": 480 + }, + { + "epoch": 2.7860696517412933, + "grad_norm": 1.0061849355697632, + "learning_rate": 2.500000000000001e-05, + "loss": 0.1267, + "step": 490 + }, + { + "epoch": 2.8429282160625444, + "grad_norm": 1.4965667724609375, + "learning_rate": 2.2872686806712035e-05, + "loss": 0.1453, + "step": 500 + }, + { + "epoch": 2.8997867803837956, + "grad_norm": 1.0863702297210693, + "learning_rate": 2.0812816388260518e-05, + "loss": 0.128, + "step": 510 + }, + { + "epoch": 2.9566453447050463, + "grad_norm": 1.4386154413223267, + "learning_rate": 1.8825509907063327e-05, + "loss": 0.1257, + "step": 520 + }, + { + "epoch": 2.9850746268656714, + "eval_accuracy": 0.9349666666666668, + "eval_loss": 0.17877881228923798, + "eval_runtime": 241.6507, + "eval_samples_per_second": 10.346, + "eval_steps_per_second": 10.346, + "step": 525 + } + ], + "logging_steps": 10, + "max_steps": 700, + "num_input_tokens_seen": 0, + "num_train_epochs": 4, + "save_steps": 175, + "stateful_callbacks": { + "TrainerControl": { + "args": { + "should_epoch_stop": false, + "should_evaluate": false, + "should_log": false, + "should_save": true, + "should_training_stop": false + }, + "attributes": {} + } + }, + "total_flos": 1.6485758499327836e+18, + "train_batch_size": 16, + "trial_name": null, + "trial_params": null +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/training_args.bin b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..8bb5a597226fb939ff9c6f0d3036e88de80c68c2 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-525/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e4c1499d6e076005abc099edcb2229c05317ae85d06821d1d4ba40656e39b6d +size 5304 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/README.md b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/README.md new file mode 100644 index 0000000000000000000000000000000000000000..8a25a4498c7ba2e7ef04fc9e0ebdf0b56b6e55c6 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/README.md @@ -0,0 +1,202 @@ +--- +library_name: peft +base_model: THUDM/glm-4-9b-chat-1m +--- + +# Model Card for Model ID + + + + + +## Model Details + +### Model Description + + + + + +- **Developed by:** [More Information Needed] +- **Funded by [optional]:** [More Information Needed] +- **Shared by [optional]:** [More Information Needed] +- **Model type:** [More Information Needed] +- **Language(s) (NLP):** [More Information Needed] +- **License:** [More Information Needed] +- **Finetuned from model [optional]:** [More Information Needed] + +### Model Sources [optional] + + + +- **Repository:** [More Information Needed] +- **Paper [optional]:** [More Information Needed] +- **Demo [optional]:** [More Information Needed] + +## Uses + + + +### Direct Use + + + +[More Information Needed] + +### Downstream Use [optional] + + + +[More Information Needed] + +### Out-of-Scope Use + + + +[More Information Needed] + +## Bias, Risks, and Limitations + + + +[More Information Needed] + +### Recommendations + + + +Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. + +## How to Get Started with the Model + +Use the code below to get started with the model. + +[More Information Needed] + +## Training Details + +### Training Data + + + +[More Information Needed] + +### Training Procedure + + + +#### Preprocessing [optional] + +[More Information Needed] + + +#### Training Hyperparameters + +- **Training regime:** [More Information Needed] + +#### Speeds, Sizes, Times [optional] + + + +[More Information Needed] + +## Evaluation + + + +### Testing Data, Factors & Metrics + +#### Testing Data + + + +[More Information Needed] + +#### Factors + + + +[More Information Needed] + +#### Metrics + + + +[More Information Needed] + +### Results + +[More Information Needed] + +#### Summary + + + +## Model Examination [optional] + + + +[More Information Needed] + +## Environmental Impact + + + +Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). + +- **Hardware Type:** [More Information Needed] +- **Hours used:** [More Information Needed] +- **Cloud Provider:** [More Information Needed] +- **Compute Region:** [More Information Needed] +- **Carbon Emitted:** [More Information Needed] + +## Technical Specifications [optional] + +### Model Architecture and Objective + +[More Information Needed] + +### Compute Infrastructure + +[More Information Needed] + +#### Hardware + +[More Information Needed] + +#### Software + +[More Information Needed] + +## Citation [optional] + + + +**BibTeX:** + +[More Information Needed] + +**APA:** + +[More Information Needed] + +## Glossary [optional] + + + +[More Information Needed] + +## More Information [optional] + +[More Information Needed] + +## Model Card Authors [optional] + +[More Information Needed] + +## Model Card Contact + +[More Information Needed] +### Framework versions + +- PEFT 0.11.1 \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/adapter_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/adapter_config.json new file mode 100644 index 0000000000000000000000000000000000000000..5c1b8ef4a4f349811df50f197c75da2a5c6f16b8 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/adapter_config.json @@ -0,0 +1,31 @@ +{ + "alpha_pattern": {}, + "auto_mapping": null, + "base_model_name_or_path": "THUDM/glm-4-9b-chat-1m", + "bias": "none", + "fan_in_fan_out": false, + "inference_mode": true, + "init_lora_weights": true, + "layer_replication": null, + "layers_pattern": null, + "layers_to_transform": null, + "loftq_config": {}, + "lora_alpha": 16, + "lora_dropout": 0.0, + "megatron_config": null, + "megatron_core": "megatron.core", + "modules_to_save": null, + "peft_type": "LORA", + "r": 8, + "rank_pattern": {}, + "revision": null, + "target_modules": [ + "query_key_value", + "dense_h_to_4h", + "dense_4h_to_h", + "dense" + ], + "task_type": "CAUSAL_LM", + "use_dora": false, + "use_rslora": false +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/adapter_model.safetensors b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/adapter_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..b8ead9cc1459de4e1ff9841f3e5159da956a32c7 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/adapter_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:174034f1cda532cf73771d9b72884ad7bd2407d6386a74b7db9477c3773e43a8 +size 85409560 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/added_tokens.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/added_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..f3a7f4eaefbf184faa4a5a188a399538df4c8c36 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/added_tokens.json @@ -0,0 +1,16 @@ +{ + "": 151334, + "": 151333, + "<|assistant|>": 151337, + "<|begin_of_image|>": 151339, + "<|begin_of_video|>": 151341, + "<|end_of_image|>": 151340, + "<|end_of_video|>": 151342, + "<|endoftext|>": 151329, + "<|observation|>": 151338, + "<|system|>": 151335, + "<|user|>": 151336, + "[MASK]": 151330, + "[gMASK]": 151331, + "[sMASK]": 151332 +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/optimizer.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/optimizer.pt new file mode 100644 index 0000000000000000000000000000000000000000..727abe6cf74370956f10a2a8fe79a49c7fd89e3b --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/optimizer.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c97984c4a2bb48a832b454bc18558fba5a314c347dac5cdea33d2d5ebd3093f +size 170990330 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/rng_state.pth b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/rng_state.pth new file mode 100644 index 0000000000000000000000000000000000000000..407e47abbdfb90afd3e1f979b5c0260135d2050e --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/rng_state.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9899ccda7f0d8d9511991180b93aab508ce6e8489de708c88ad1188e7e1d90d6 +size 14244 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/scheduler.pt b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/scheduler.pt new file mode 100644 index 0000000000000000000000000000000000000000..d0d8d3e64bba25db69b78d81bdc703d70db4b3ca --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/scheduler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74a7bc0ea23e97876353b7517a7237588b1de0e7b7ef6fb965a1bbd1c649f55b +size 1064 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/special_tokens_map.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..582da4ad333feaaa0c427b4678a3e48447ea932f --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/special_tokens_map.json @@ -0,0 +1,32 @@ +{ + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "eos_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "pad_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/tokenization_chatglm.py b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/tokenization_chatglm.py new file mode 100644 index 0000000000000000000000000000000000000000..7eeff3b02adcef48d4d69058ff36a390f6902273 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/tokenization_chatglm.py @@ -0,0 +1,323 @@ +import regex as re +import base64 +import os +import json +import tiktoken +from torch import TensorType +from typing import List, Optional, Union, Dict, Any +from transformers import PreTrainedTokenizer +from transformers.utils import logging, PaddingStrategy +from transformers.tokenization_utils_base import EncodedInput, BatchEncoding + + +class ChatGLM4Tokenizer(PreTrainedTokenizer): + vocab_files_names = {"vocab_file": "tokenizer.model"} + model_input_names = ["input_ids", "attention_mask", "position_ids"] + + def __init__( + self, + vocab_file, + padding_side="left", + clean_up_tokenization_spaces=False, + encode_special_tokens=False, + **kwargs + ): + self.name = "GLM4Tokenizer" + self.vocab_file = vocab_file + pat_str = "(?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+" + self.pat_str = re.compile(pat_str) + self.encode_special_tokens = encode_special_tokens + + mergeable_ranks = {} + with open(vocab_file) as f: + for line in f: + token, rank = line.strip().split() + rank = int(rank) + token = base64.b64decode(token) + mergeable_ranks[token] = rank + + self.mergeable_ranks = mergeable_ranks + + self.tokenizer = tiktoken.Encoding( + name="my_tokenizer", + pat_str=pat_str, + mergeable_ranks=mergeable_ranks, + special_tokens={} + ) + self.decoder = {rank: token for token, rank in mergeable_ranks.items()} + self.n_words = len(self.decoder) + + super().__init__( + padding_side=padding_side, + clean_up_tokenization_spaces=clean_up_tokenization_spaces, + **kwargs + ) + + @property + def vocab_size(self): + return self.n_words + + def get_vocab(self): + """ Returns vocab as a dict """ + vocab = {self._convert_id_to_token(i): i for i in range(self.vocab_size)} + vocab.update(self.added_tokens_encoder) + return vocab + + def convert_tokens_to_string(self, tokens: List[Union[bytes, str, int]]) -> str: + """ + Converts a sequence of tokens in a single string. + """ + text = "" + temp = b"" + for t in tokens: + if isinstance(t, int): + t = chr(t) + if isinstance(t, str): + if temp: + text += temp.decode("utf-8", errors="replace") + elif isinstance(t, bytes): + temp += t + else: + raise TypeError("token should only be of type int, bytes or str") + if temp: + text += temp.decode("utf-8", errors="replace") + return text + + def _tokenize(self, text, **kwargs): + tokens = [] + ids = self.tokenizer.encode(text) + for t in ids: + tokens.append(self.decoder[t]) + return tokens + + def _convert_token_to_id(self, token): + """ Converts a token (str) in an id using the vocab. """ + return self.mergeable_ranks[token] + + def _convert_id_to_token(self, index): + """Converts an index (integer) in a token (str) using the vocab.""" + return self.decoder.get(index, "") + + def save_vocabulary(self, save_directory, filename_prefix=None): + """ + Save the vocabulary and special tokens file to a directory. + + Args: + save_directory (`str`): + The directory in which to save the vocabulary. + filename_prefix (`str`, *optional*): + An optional prefix to add to the named of the saved files. + + Returns: + `Tuple(str)`: Paths to the files saved. + """ + if os.path.isdir(save_directory): + vocab_file = os.path.join( + save_directory, self.vocab_files_names["vocab_file"] + ) + else: + vocab_file = save_directory + + with open(self.vocab_file, 'rb') as fin: + proto_str = fin.read() + + with open(vocab_file, "wb") as writer: + writer.write(proto_str) + + return (vocab_file,) + + def get_prefix_tokens(self): + prefix_tokens = [self.convert_tokens_to_ids("[gMASK]"), self.convert_tokens_to_ids("")] + return prefix_tokens + + def build_single_message(self, role, metadata, message, tokenize=True): + assert role in ["system", "user", "assistant", "observation"], role + if tokenize: + role_tokens = [self.convert_tokens_to_ids(f"<|{role}|>")] + self.tokenizer.encode(f"{metadata}\n", + disallowed_special=()) + message_tokens = self.tokenizer.encode(message, disallowed_special=()) + tokens = role_tokens + message_tokens + return tokens + else: + return str(f"<|{role}|>{metadata}\n{message}") + + # Use Jinja Template in tokenizer_config.json + # def apply_chat_template( + # self, + # conversation: Union[List[Dict[str, str]], List[List[Dict[str, str]]], "Conversation"], + # add_generation_prompt: bool = False, + # tokenize: bool = True, + # padding: bool = False, + # truncation: bool = False, + # max_length: Optional[int] = None, + # return_tensors: Optional[Union[str, TensorType]] = None, + # return_dict: bool = False, + # tokenizer_kwargs: Optional[Dict[str, Any]] = None, + # add_special_tokens: bool = True, + # **kwargs, + # ) -> Union[str, List[int], List[str], List[List[int]], BatchEncoding]: + # + # if return_dict and not tokenize: + # raise ValueError( + # "`return_dict=True` is incompatible with `tokenize=False`, because there is no dict " + # "of tokenizer outputs to return." + # ) + # + # def handle_single_conversation(conversation): + # input_ids = self.get_prefix_tokens() if add_special_tokens else [] + # input_message = "[gMASK]" if add_special_tokens else "" + # for item in conversation: + # if item.get("tools"): + # tools = item["tools"] + # content = "你是一个名为 GhatGLM 的人工智能助手。你是基于智谱AI训练的语言模型 GLM-4 模型开发的,你的任务是针对用户的问题和要求提供适当的答复和支持。" + # content += "\n\n# 可用工具" + # for tool in tools: + # if tool["type"] == "function": + # function = tool["function"] + # content += f"\n\n## {function['name']}\n\n{json.dumps(function, ensure_ascii=False, indent=4)}" + # content += "\n在调用上述函数时,请使用 Json 格式表示调用的参数。" + # elif tool["type"] == "python": + # content += "\n\n## python\n\n当你向 `python` 发送包含 Python 代码的消息时,该代码将会在一个有状态的 Jupyter notebook 环境中执行。\n`python` 返回代码执行的输出,或在执行 60 秒后返回超时。\n`/mnt/data` 将会持久化存储你的文件。在此会话中,`python` 无法访问互联网。不要使用 `python` 进行任何网络请求或者在线 API 调用,这些在线内容的访问将不会成功。" + # elif tool["type"] == "simple_browser": + # content += "\n\n## simple_browser\n\n你可以使用 `simple_browser` 工具。该工具支持以下函数:\n`search(query: str, recency_days: int)`:使用搜索引擎进行查询并显示结果,可以使用 `recency_days` 参数控制搜索内容的时效性。\n`mclick(ids: list[int])`:获取一系列指定 id 的页面内容。每次调用时,须选择3-10个页面。选择多个角度的页面,同时尽可能选择可信任的信息来源。考虑到部分页面是无法加载的,你也可以多打开一些可能有用的页面而不用担心内容过多。\n`open_url(url: str)`:打开指定的 URL。\n\n使用 `【{引用 id}†{引用文本}】` 来引用内容。\n\n操作步骤:1. 使用 `search` 来获得信息列表; 2. 使用 `mclick` 来获取指定 ID 页面的内容; 3. 根据获得的内容进行回复。在回复中应当引用信息来源。\n 如果用户提供了 URL,也可以用 `open_url` 直接打开页面。\n如果初次搜索结果没有找到合适的信息,也可以再次使用 `search` 进行搜索。" + # elif tool["type"] == "cogview": + # content += "\n\n## cogview\n\n如果用户的请求中包含了对图像的描述,你可以使用 `cogview` 来生成图像并展示给用户。你需要向 `cogview` 发送图像描述,规则:\n- 发送给 `cogview` 的消息必须使用英语。用户的中文描述必须完全翻译为英语。\n- 应当尽可能详细地描述图像生成的需求,需求描述约 100 英文单词。\n- 保持用户原始描述的意图。不要虚构内容或者没见过的人物。\n- 如无特殊说明,所在地为中国,持有中国立场并遵循中国社会主义价值观。" + # else: + # raise NotImplementedError(f"Unknown tool type {tool['type']}") + # input = self.build_single_message("system", "", content, tokenize=tokenize) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if item["content"]: + # input = self.build_single_message( + # item["role"], + # item.get("metadata", ""), + # item["content"], + # tokenize=tokenize + # ) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if add_generation_prompt: + # if tokenize: + # input_ids.extend([self.convert_tokens_to_ids("<|assistant|>")]) + # else: + # input_message += "<|assistant|>" + # return input_ids if tokenize else input_message + # + # # Main logic to handle different conversation formats + # if isinstance(conversation, list) and all(isinstance(i, dict) for i in conversation): + # result = handle_single_conversation(conversation) + # elif isinstance(conversation, list) and all(isinstance(i, list) for i in conversation): + # result = [handle_single_conversation(c) for c in conversation] + # elif hasattr(conversation, "messages"): + # result = handle_single_conversation(conversation.messages) + # else: + # raise ValueError("Invalid conversation format") + # + # if tokenize: + # output = self.batch_encode_plus( + # [result] if isinstance(result[0], int) else result, + # padding=padding, + # truncation=truncation, + # max_length=max_length, + # return_tensors=return_tensors, + # is_split_into_words=True, + # add_special_tokens=False + # ) + # if return_dict: + # return output + # else: + # return output["input_ids"] + # else: + # return result + + def build_inputs_with_special_tokens( + self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None + ) -> List[int]: + """ + Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and + adding special tokens. A BERT sequence has the following format: + + - single sequence: `[CLS] X [SEP]` + - pair of sequences: `[CLS] A [SEP] B [SEP]` + + Args: + token_ids_0 (`List[int]`): + List of IDs to which the special tokens will be added. + token_ids_1 (`List[int]`, *optional*): + Optional second list of IDs for sequence pairs. + + Returns: + `List[int]`: List of [input IDs](../glossary#input-ids) with the appropriate special tokens. + """ + prefix_tokens = self.get_prefix_tokens() + token_ids_0 = prefix_tokens + token_ids_0 + if token_ids_1 is not None: + token_ids_0 = token_ids_0 + token_ids_1 + [self.convert_tokens_to_ids("")] + return token_ids_0 + + def _pad( + self, + encoded_inputs: Union[Dict[str, EncodedInput], BatchEncoding], + max_length: Optional[int] = None, + padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD, + pad_to_multiple_of: Optional[int] = None, + return_attention_mask: Optional[bool] = None, + ) -> dict: + """ + Pad encoded inputs (on left/right and up to predefined length or max length in the batch) + + Args: + encoded_inputs: + Dictionary of tokenized inputs (`List[int]`) or batch of tokenized inputs (`List[List[int]]`). + max_length: maximum length of the returned list and optionally padding length (see below). + Will truncate by taking into account the special tokens. + padding_strategy: PaddingStrategy to use for padding. + + - PaddingStrategy.LONGEST Pad to the longest sequence in the batch + - PaddingStrategy.MAX_LENGTH: Pad to the max length (default) + - PaddingStrategy.DO_NOT_PAD: Do not pad + The tokenizer padding sides are defined in self.padding_side: + + - 'left': pads on the left of the sequences + - 'right': pads on the right of the sequences + pad_to_multiple_of: (optional) Integer if set will pad the sequence to a multiple of the provided value. + This is especially useful to enable the use of Tensor Core on NVIDIA hardware with compute capability + `>= 7.5` (Volta). + return_attention_mask: + (optional) Set to False to avoid returning attention mask (default: set to model specifics) + """ + # Load from model defaults + assert self.padding_side == "left" + + required_input = encoded_inputs[self.model_input_names[0]] + seq_length = len(required_input) + + if padding_strategy == PaddingStrategy.LONGEST: + max_length = len(required_input) + + if max_length is not None and pad_to_multiple_of is not None and (max_length % pad_to_multiple_of != 0): + max_length = ((max_length // pad_to_multiple_of) + 1) * pad_to_multiple_of + + needs_to_be_padded = padding_strategy != PaddingStrategy.DO_NOT_PAD and len(required_input) != max_length + + # Initialize attention mask if not present. + if "attention_mask" not in encoded_inputs: + encoded_inputs["attention_mask"] = [1] * seq_length + + if "position_ids" not in encoded_inputs: + encoded_inputs["position_ids"] = list(range(seq_length)) + + if needs_to_be_padded: + difference = max_length - len(required_input) + + if "attention_mask" in encoded_inputs: + encoded_inputs["attention_mask"] = [0] * difference + encoded_inputs["attention_mask"] + if "position_ids" in encoded_inputs: + encoded_inputs["position_ids"] = [0] * difference + encoded_inputs["position_ids"] + encoded_inputs[self.model_input_names[0]] = [self.pad_token_id] * difference + required_input + + return encoded_inputs diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/tokenizer.model b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/tokenizer.model new file mode 100644 index 0000000000000000000000000000000000000000..8650fd94d949375a2ab1f4975e7e6ff51ebc364a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/tokenizer.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a493598071550244b2ee7f26118f3edec2150b9dfa967929a99052ac83fe716 +size 2623634 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/tokenizer_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..290fad7eade99ef9cda90a6092de906ef2d77acd --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/tokenizer_config.json @@ -0,0 +1,148 @@ +{ + "added_tokens_decoder": { + "151329": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151330": { + "content": "[MASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151331": { + "content": "[gMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151332": { + "content": "[sMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151335": { + "content": "<|system|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151336": { + "content": "<|user|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151337": { + "content": "<|assistant|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151338": { + "content": "<|observation|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151339": { + "content": "<|begin_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151340": { + "content": "<|end_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151341": { + "content": "<|begin_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151342": { + "content": "<|end_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "auto_map": { + "AutoTokenizer": [ + "tokenization_chatglm.ChatGLM4Tokenizer", + null + ] + }, + "chat_template": "{{ '[gMASK]' }}{% if messages[0]['role'] == 'system' %}{% set system_message = messages[0]['content'] %}{% endif %}{% if system_message is defined %}{{ '<|system|>\n' + system_message }}{% endif %}{% for message in messages %}{% set content = message['content'] %}{% if message['role'] == 'user' %}{{ '<|user|>\n' + content + '<|assistant|>' }}{% elif message['role'] == 'assistant' %}{{ '\n' + content }}{% endif %}{% endfor %}", + "clean_up_tokenization_spaces": false, + "do_lower_case": false, + "eos_token": "<|endoftext|>", + "model_max_length": 1024000, + "pad_token": "<|endoftext|>", + "padding_side": "right", + "remove_space": false, + "split_special_tokens": false, + "tokenizer_class": "ChatGLM4Tokenizer" +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/trainer_state.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..5756f6aea4cc1f2d6c7bbf3e5b40d1d492bf1666 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/trainer_state.json @@ -0,0 +1,559 @@ +{ + "best_metric": null, + "best_model_checkpoint": null, + "epoch": 3.9800995024875623, + "eval_steps": 175, + "global_step": 700, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 0.05685856432125089, + "grad_norm": 3.164006233215332, + "learning_rate": 1.4285714285714285e-05, + "loss": 4.0257, + "step": 10 + }, + { + "epoch": 0.11371712864250177, + "grad_norm": 1.9438793659210205, + "learning_rate": 2.857142857142857e-05, + "loss": 0.2985, + "step": 20 + }, + { + "epoch": 0.17057569296375266, + "grad_norm": 4.9701972007751465, + "learning_rate": 4.2857142857142856e-05, + "loss": 0.2706, + "step": 30 + }, + { + "epoch": 0.22743425728500355, + "grad_norm": 0.9532499313354492, + "learning_rate": 5.714285714285714e-05, + "loss": 0.2666, + "step": 40 + }, + { + "epoch": 0.28429282160625446, + "grad_norm": 1.3490487337112427, + "learning_rate": 7.142857142857143e-05, + "loss": 0.2304, + "step": 50 + }, + { + "epoch": 0.3411513859275053, + "grad_norm": 2.4206743240356445, + "learning_rate": 8.571428571428571e-05, + "loss": 0.237, + "step": 60 + }, + { + "epoch": 0.39800995024875624, + "grad_norm": 1.4052362442016602, + "learning_rate": 0.0001, + "loss": 0.224, + "step": 70 + }, + { + "epoch": 0.4548685145700071, + "grad_norm": 1.537376046180725, + "learning_rate": 9.993784606094612e-05, + "loss": 0.2258, + "step": 80 + }, + { + "epoch": 0.511727078891258, + "grad_norm": 1.2108957767486572, + "learning_rate": 9.975153876827008e-05, + "loss": 0.2169, + "step": 90 + }, + { + "epoch": 0.5685856432125089, + "grad_norm": 1.458566427230835, + "learning_rate": 9.944154131125642e-05, + "loss": 0.2213, + "step": 100 + }, + { + "epoch": 0.6254442075337597, + "grad_norm": 1.4327179193496704, + "learning_rate": 9.900862439242719e-05, + "loss": 0.2149, + "step": 110 + }, + { + "epoch": 0.6823027718550106, + "grad_norm": 1.8246984481811523, + "learning_rate": 9.84538643114539e-05, + "loss": 0.2153, + "step": 120 + }, + { + "epoch": 0.7391613361762616, + "grad_norm": 1.8099104166030884, + "learning_rate": 9.777864028930705e-05, + "loss": 0.2104, + "step": 130 + }, + { + "epoch": 0.7960199004975125, + "grad_norm": 1.1189385652542114, + "learning_rate": 9.698463103929542e-05, + "loss": 0.2199, + "step": 140 + }, + { + "epoch": 0.8528784648187633, + "grad_norm": 1.5549639463424683, + "learning_rate": 9.607381059352038e-05, + "loss": 0.2242, + "step": 150 + }, + { + "epoch": 0.9097370291400142, + "grad_norm": 1.4538894891738892, + "learning_rate": 9.504844339512095e-05, + "loss": 0.2216, + "step": 160 + }, + { + "epoch": 0.9665955934612651, + "grad_norm": 1.1094976663589478, + "learning_rate": 9.391107866851143e-05, + "loss": 0.2113, + "step": 170 + }, + { + "epoch": 0.9950248756218906, + "eval_accuracy": 0.9246533333333333, + "eval_loss": 0.19580170512199402, + "eval_runtime": 241.5018, + "eval_samples_per_second": 10.352, + "eval_steps_per_second": 10.352, + "step": 175 + }, + { + "epoch": 1.023454157782516, + "grad_norm": 3.066316604614258, + "learning_rate": 9.266454408160779e-05, + "loss": 0.192, + "step": 180 + }, + { + "epoch": 1.080312722103767, + "grad_norm": 1.129660725593567, + "learning_rate": 9.131193871579975e-05, + "loss": 0.1809, + "step": 190 + }, + { + "epoch": 1.1371712864250179, + "grad_norm": 1.7189689874649048, + "learning_rate": 8.985662536114613e-05, + "loss": 0.1915, + "step": 200 + }, + { + "epoch": 1.1940298507462686, + "grad_norm": 1.8748056888580322, + "learning_rate": 8.83022221559489e-05, + "loss": 0.1823, + "step": 210 + }, + { + "epoch": 1.2508884150675195, + "grad_norm": 1.3262571096420288, + "learning_rate": 8.665259359149132e-05, + "loss": 0.1731, + "step": 220 + }, + { + "epoch": 1.3077469793887704, + "grad_norm": 1.46575927734375, + "learning_rate": 8.491184090430364e-05, + "loss": 0.1993, + "step": 230 + }, + { + "epoch": 1.3646055437100213, + "grad_norm": 2.188917636871338, + "learning_rate": 8.308429187984297e-05, + "loss": 0.1954, + "step": 240 + }, + { + "epoch": 1.4214641080312722, + "grad_norm": 1.4716485738754272, + "learning_rate": 8.117449009293668e-05, + "loss": 0.189, + "step": 250 + }, + { + "epoch": 1.4783226723525231, + "grad_norm": 1.9635529518127441, + "learning_rate": 7.91871836117395e-05, + "loss": 0.1714, + "step": 260 + }, + { + "epoch": 1.535181236673774, + "grad_norm": 1.2483481168746948, + "learning_rate": 7.712731319328798e-05, + "loss": 0.2088, + "step": 270 + }, + { + "epoch": 1.5920398009950247, + "grad_norm": 1.2397466897964478, + "learning_rate": 7.500000000000001e-05, + "loss": 0.1734, + "step": 280 + }, + { + "epoch": 1.6488983653162759, + "grad_norm": 1.1008177995681763, + "learning_rate": 7.281053286765815e-05, + "loss": 0.1893, + "step": 290 + }, + { + "epoch": 1.7057569296375266, + "grad_norm": 1.286311149597168, + "learning_rate": 7.056435515653059e-05, + "loss": 0.1772, + "step": 300 + }, + { + "epoch": 1.7626154939587777, + "grad_norm": 2.3280422687530518, + "learning_rate": 6.826705121831976e-05, + "loss": 0.1742, + "step": 310 + }, + { + "epoch": 1.8194740582800284, + "grad_norm": 1.7336703538894653, + "learning_rate": 6.592433251258423e-05, + "loss": 0.1681, + "step": 320 + }, + { + "epoch": 1.8763326226012793, + "grad_norm": 1.0111993551254272, + "learning_rate": 6.354202340715026e-05, + "loss": 0.1881, + "step": 330 + }, + { + "epoch": 1.9331911869225302, + "grad_norm": 0.9302629828453064, + "learning_rate": 6.112604669781572e-05, + "loss": 0.1893, + "step": 340 + }, + { + "epoch": 1.9900497512437811, + "grad_norm": 1.4709866046905518, + "learning_rate": 5.868240888334653e-05, + "loss": 0.1785, + "step": 350 + }, + { + "epoch": 1.9900497512437811, + "eval_accuracy": 0.9292333333333332, + "eval_loss": 0.19228903949260712, + "eval_runtime": 241.5175, + "eval_samples_per_second": 10.351, + "eval_steps_per_second": 10.351, + "step": 350 + }, + { + "epoch": 2.046908315565032, + "grad_norm": 1.2902432680130005, + "learning_rate": 5.621718523237427e-05, + "loss": 0.1459, + "step": 360 + }, + { + "epoch": 2.1037668798862827, + "grad_norm": 1.2844226360321045, + "learning_rate": 5.373650467932122e-05, + "loss": 0.1389, + "step": 370 + }, + { + "epoch": 2.160625444207534, + "grad_norm": 1.8978281021118164, + "learning_rate": 5.124653458690365e-05, + "loss": 0.1295, + "step": 380 + }, + { + "epoch": 2.2174840085287846, + "grad_norm": 0.9147663116455078, + "learning_rate": 4.875346541309637e-05, + "loss": 0.1377, + "step": 390 + }, + { + "epoch": 2.2743425728500357, + "grad_norm": 0.8880501389503479, + "learning_rate": 4.626349532067879e-05, + "loss": 0.1218, + "step": 400 + }, + { + "epoch": 2.3312011371712864, + "grad_norm": 1.6412805318832397, + "learning_rate": 4.378281476762576e-05, + "loss": 0.1396, + "step": 410 + }, + { + "epoch": 2.388059701492537, + "grad_norm": 1.1205064058303833, + "learning_rate": 4.131759111665349e-05, + "loss": 0.1419, + "step": 420 + }, + { + "epoch": 2.4449182658137882, + "grad_norm": 1.1602004766464233, + "learning_rate": 3.887395330218429e-05, + "loss": 0.1414, + "step": 430 + }, + { + "epoch": 2.501776830135039, + "grad_norm": 1.8951547145843506, + "learning_rate": 3.6457976592849754e-05, + "loss": 0.135, + "step": 440 + }, + { + "epoch": 2.55863539445629, + "grad_norm": 1.3208882808685303, + "learning_rate": 3.4075667487415785e-05, + "loss": 0.149, + "step": 450 + }, + { + "epoch": 2.6154939587775408, + "grad_norm": 1.362919807434082, + "learning_rate": 3.173294878168025e-05, + "loss": 0.1329, + "step": 460 + }, + { + "epoch": 2.672352523098792, + "grad_norm": 1.1370081901550293, + "learning_rate": 2.9435644843469436e-05, + "loss": 0.136, + "step": 470 + }, + { + "epoch": 2.7292110874200426, + "grad_norm": 1.0978811979293823, + "learning_rate": 2.718946713234185e-05, + "loss": 0.1354, + "step": 480 + }, + { + "epoch": 2.7860696517412933, + "grad_norm": 1.0061849355697632, + "learning_rate": 2.500000000000001e-05, + "loss": 0.1267, + "step": 490 + }, + { + "epoch": 2.8429282160625444, + "grad_norm": 1.4965667724609375, + "learning_rate": 2.2872686806712035e-05, + "loss": 0.1453, + "step": 500 + }, + { + "epoch": 2.8997867803837956, + "grad_norm": 1.0863702297210693, + "learning_rate": 2.0812816388260518e-05, + "loss": 0.128, + "step": 510 + }, + { + "epoch": 2.9566453447050463, + "grad_norm": 1.4386154413223267, + "learning_rate": 1.8825509907063327e-05, + "loss": 0.1257, + "step": 520 + }, + { + "epoch": 2.9850746268656714, + "eval_accuracy": 0.9349666666666668, + "eval_loss": 0.17877881228923798, + "eval_runtime": 241.6507, + "eval_samples_per_second": 10.346, + "eval_steps_per_second": 10.346, + "step": 525 + }, + { + "epoch": 3.013503909026297, + "grad_norm": 1.0328991413116455, + "learning_rate": 1.691570812015704e-05, + "loss": 0.1083, + "step": 530 + }, + { + "epoch": 3.070362473347548, + "grad_norm": 0.9580050706863403, + "learning_rate": 1.5088159095696363e-05, + "loss": 0.0767, + "step": 540 + }, + { + "epoch": 3.1272210376687988, + "grad_norm": 0.8614218235015869, + "learning_rate": 1.3347406408508695e-05, + "loss": 0.0741, + "step": 550 + }, + { + "epoch": 3.18407960199005, + "grad_norm": 1.3372440338134766, + "learning_rate": 1.1697777844051105e-05, + "loss": 0.08, + "step": 560 + }, + { + "epoch": 3.2409381663113006, + "grad_norm": 1.123344898223877, + "learning_rate": 1.0143374638853891e-05, + "loss": 0.0808, + "step": 570 + }, + { + "epoch": 3.2977967306325517, + "grad_norm": 0.9171963334083557, + "learning_rate": 8.688061284200266e-06, + "loss": 0.0772, + "step": 580 + }, + { + "epoch": 3.3546552949538024, + "grad_norm": 0.9325005412101746, + "learning_rate": 7.33545591839222e-06, + "loss": 0.0789, + "step": 590 + }, + { + "epoch": 3.411513859275053, + "grad_norm": 1.3828816413879395, + "learning_rate": 6.088921331488568e-06, + "loss": 0.0735, + "step": 600 + }, + { + "epoch": 3.4683724235963043, + "grad_norm": 1.0204828977584839, + "learning_rate": 4.951556604879048e-06, + "loss": 0.0677, + "step": 610 + }, + { + "epoch": 3.525230987917555, + "grad_norm": 1.1861661672592163, + "learning_rate": 3.9261894064796135e-06, + "loss": 0.0749, + "step": 620 + }, + { + "epoch": 3.582089552238806, + "grad_norm": 1.4528895616531372, + "learning_rate": 3.0153689607045845e-06, + "loss": 0.0779, + "step": 630 + }, + { + "epoch": 3.638948116560057, + "grad_norm": 0.7038440108299255, + "learning_rate": 2.221359710692961e-06, + "loss": 0.0728, + "step": 640 + }, + { + "epoch": 3.695806680881308, + "grad_norm": 0.7958677411079407, + "learning_rate": 1.5461356885461075e-06, + "loss": 0.0678, + "step": 650 + }, + { + "epoch": 3.7526652452025586, + "grad_norm": 1.6378732919692993, + "learning_rate": 9.913756075728087e-07, + "loss": 0.0794, + "step": 660 + }, + { + "epoch": 3.8095238095238093, + "grad_norm": 1.3744556903839111, + "learning_rate": 5.584586887435739e-07, + "loss": 0.0758, + "step": 670 + }, + { + "epoch": 3.8663823738450604, + "grad_norm": 1.2300645112991333, + "learning_rate": 2.4846123172992954e-07, + "loss": 0.069, + "step": 680 + }, + { + "epoch": 3.923240938166311, + "grad_norm": 0.797208845615387, + "learning_rate": 6.215393905388278e-08, + "loss": 0.0803, + "step": 690 + }, + { + "epoch": 3.9800995024875623, + "grad_norm": 0.9430363774299622, + "learning_rate": 0.0, + "loss": 0.0688, + "step": 700 + }, + { + "epoch": 3.9800995024875623, + "eval_accuracy": 0.9329066666666666, + "eval_loss": 0.20613622665405273, + "eval_runtime": 241.7619, + "eval_samples_per_second": 10.341, + "eval_steps_per_second": 10.341, + "step": 700 + } + ], + "logging_steps": 10, + "max_steps": 700, + "num_input_tokens_seen": 0, + "num_train_epochs": 4, + "save_steps": 175, + "stateful_callbacks": { + "TrainerControl": { + "args": { + "should_epoch_stop": false, + "should_evaluate": false, + "should_log": false, + "should_save": true, + "should_training_stop": true + }, + "attributes": {} + } + }, + "total_flos": 2.1980744088449188e+18, + "train_batch_size": 16, + "trial_name": null, + "trial_params": null +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/training_args.bin b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..8bb5a597226fb939ff9c6f0d3036e88de80c68c2 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/checkpoint-700/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e4c1499d6e076005abc099edcb2229c05317ae85d06821d1d4ba40656e39b6d +size 5304 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/eval_results.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/eval_results.json new file mode 100644 index 0000000000000000000000000000000000000000..a889c74f7f487ca86b8796c4c619e7e84218b310 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/eval_results.json @@ -0,0 +1,8 @@ +{ + "epoch": 3.9800995024875623, + "eval_accuracy": 0.9329066666666666, + "eval_loss": 0.20613622665405273, + "eval_runtime": 243.7046, + "eval_samples_per_second": 10.258, + "eval_steps_per_second": 10.258 +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/special_tokens_map.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..582da4ad333feaaa0c427b4678a3e48447ea932f --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/special_tokens_map.json @@ -0,0 +1,32 @@ +{ + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "eos_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "pad_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/tokenization_chatglm.py b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/tokenization_chatglm.py new file mode 100644 index 0000000000000000000000000000000000000000..7eeff3b02adcef48d4d69058ff36a390f6902273 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/tokenization_chatglm.py @@ -0,0 +1,323 @@ +import regex as re +import base64 +import os +import json +import tiktoken +from torch import TensorType +from typing import List, Optional, Union, Dict, Any +from transformers import PreTrainedTokenizer +from transformers.utils import logging, PaddingStrategy +from transformers.tokenization_utils_base import EncodedInput, BatchEncoding + + +class ChatGLM4Tokenizer(PreTrainedTokenizer): + vocab_files_names = {"vocab_file": "tokenizer.model"} + model_input_names = ["input_ids", "attention_mask", "position_ids"] + + def __init__( + self, + vocab_file, + padding_side="left", + clean_up_tokenization_spaces=False, + encode_special_tokens=False, + **kwargs + ): + self.name = "GLM4Tokenizer" + self.vocab_file = vocab_file + pat_str = "(?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+" + self.pat_str = re.compile(pat_str) + self.encode_special_tokens = encode_special_tokens + + mergeable_ranks = {} + with open(vocab_file) as f: + for line in f: + token, rank = line.strip().split() + rank = int(rank) + token = base64.b64decode(token) + mergeable_ranks[token] = rank + + self.mergeable_ranks = mergeable_ranks + + self.tokenizer = tiktoken.Encoding( + name="my_tokenizer", + pat_str=pat_str, + mergeable_ranks=mergeable_ranks, + special_tokens={} + ) + self.decoder = {rank: token for token, rank in mergeable_ranks.items()} + self.n_words = len(self.decoder) + + super().__init__( + padding_side=padding_side, + clean_up_tokenization_spaces=clean_up_tokenization_spaces, + **kwargs + ) + + @property + def vocab_size(self): + return self.n_words + + def get_vocab(self): + """ Returns vocab as a dict """ + vocab = {self._convert_id_to_token(i): i for i in range(self.vocab_size)} + vocab.update(self.added_tokens_encoder) + return vocab + + def convert_tokens_to_string(self, tokens: List[Union[bytes, str, int]]) -> str: + """ + Converts a sequence of tokens in a single string. + """ + text = "" + temp = b"" + for t in tokens: + if isinstance(t, int): + t = chr(t) + if isinstance(t, str): + if temp: + text += temp.decode("utf-8", errors="replace") + elif isinstance(t, bytes): + temp += t + else: + raise TypeError("token should only be of type int, bytes or str") + if temp: + text += temp.decode("utf-8", errors="replace") + return text + + def _tokenize(self, text, **kwargs): + tokens = [] + ids = self.tokenizer.encode(text) + for t in ids: + tokens.append(self.decoder[t]) + return tokens + + def _convert_token_to_id(self, token): + """ Converts a token (str) in an id using the vocab. """ + return self.mergeable_ranks[token] + + def _convert_id_to_token(self, index): + """Converts an index (integer) in a token (str) using the vocab.""" + return self.decoder.get(index, "") + + def save_vocabulary(self, save_directory, filename_prefix=None): + """ + Save the vocabulary and special tokens file to a directory. + + Args: + save_directory (`str`): + The directory in which to save the vocabulary. + filename_prefix (`str`, *optional*): + An optional prefix to add to the named of the saved files. + + Returns: + `Tuple(str)`: Paths to the files saved. + """ + if os.path.isdir(save_directory): + vocab_file = os.path.join( + save_directory, self.vocab_files_names["vocab_file"] + ) + else: + vocab_file = save_directory + + with open(self.vocab_file, 'rb') as fin: + proto_str = fin.read() + + with open(vocab_file, "wb") as writer: + writer.write(proto_str) + + return (vocab_file,) + + def get_prefix_tokens(self): + prefix_tokens = [self.convert_tokens_to_ids("[gMASK]"), self.convert_tokens_to_ids("")] + return prefix_tokens + + def build_single_message(self, role, metadata, message, tokenize=True): + assert role in ["system", "user", "assistant", "observation"], role + if tokenize: + role_tokens = [self.convert_tokens_to_ids(f"<|{role}|>")] + self.tokenizer.encode(f"{metadata}\n", + disallowed_special=()) + message_tokens = self.tokenizer.encode(message, disallowed_special=()) + tokens = role_tokens + message_tokens + return tokens + else: + return str(f"<|{role}|>{metadata}\n{message}") + + # Use Jinja Template in tokenizer_config.json + # def apply_chat_template( + # self, + # conversation: Union[List[Dict[str, str]], List[List[Dict[str, str]]], "Conversation"], + # add_generation_prompt: bool = False, + # tokenize: bool = True, + # padding: bool = False, + # truncation: bool = False, + # max_length: Optional[int] = None, + # return_tensors: Optional[Union[str, TensorType]] = None, + # return_dict: bool = False, + # tokenizer_kwargs: Optional[Dict[str, Any]] = None, + # add_special_tokens: bool = True, + # **kwargs, + # ) -> Union[str, List[int], List[str], List[List[int]], BatchEncoding]: + # + # if return_dict and not tokenize: + # raise ValueError( + # "`return_dict=True` is incompatible with `tokenize=False`, because there is no dict " + # "of tokenizer outputs to return." + # ) + # + # def handle_single_conversation(conversation): + # input_ids = self.get_prefix_tokens() if add_special_tokens else [] + # input_message = "[gMASK]" if add_special_tokens else "" + # for item in conversation: + # if item.get("tools"): + # tools = item["tools"] + # content = "你是一个名为 GhatGLM 的人工智能助手。你是基于智谱AI训练的语言模型 GLM-4 模型开发的,你的任务是针对用户的问题和要求提供适当的答复和支持。" + # content += "\n\n# 可用工具" + # for tool in tools: + # if tool["type"] == "function": + # function = tool["function"] + # content += f"\n\n## {function['name']}\n\n{json.dumps(function, ensure_ascii=False, indent=4)}" + # content += "\n在调用上述函数时,请使用 Json 格式表示调用的参数。" + # elif tool["type"] == "python": + # content += "\n\n## python\n\n当你向 `python` 发送包含 Python 代码的消息时,该代码将会在一个有状态的 Jupyter notebook 环境中执行。\n`python` 返回代码执行的输出,或在执行 60 秒后返回超时。\n`/mnt/data` 将会持久化存储你的文件。在此会话中,`python` 无法访问互联网。不要使用 `python` 进行任何网络请求或者在线 API 调用,这些在线内容的访问将不会成功。" + # elif tool["type"] == "simple_browser": + # content += "\n\n## simple_browser\n\n你可以使用 `simple_browser` 工具。该工具支持以下函数:\n`search(query: str, recency_days: int)`:使用搜索引擎进行查询并显示结果,可以使用 `recency_days` 参数控制搜索内容的时效性。\n`mclick(ids: list[int])`:获取一系列指定 id 的页面内容。每次调用时,须选择3-10个页面。选择多个角度的页面,同时尽可能选择可信任的信息来源。考虑到部分页面是无法加载的,你也可以多打开一些可能有用的页面而不用担心内容过多。\n`open_url(url: str)`:打开指定的 URL。\n\n使用 `【{引用 id}†{引用文本}】` 来引用内容。\n\n操作步骤:1. 使用 `search` 来获得信息列表; 2. 使用 `mclick` 来获取指定 ID 页面的内容; 3. 根据获得的内容进行回复。在回复中应当引用信息来源。\n 如果用户提供了 URL,也可以用 `open_url` 直接打开页面。\n如果初次搜索结果没有找到合适的信息,也可以再次使用 `search` 进行搜索。" + # elif tool["type"] == "cogview": + # content += "\n\n## cogview\n\n如果用户的请求中包含了对图像的描述,你可以使用 `cogview` 来生成图像并展示给用户。你需要向 `cogview` 发送图像描述,规则:\n- 发送给 `cogview` 的消息必须使用英语。用户的中文描述必须完全翻译为英语。\n- 应当尽可能详细地描述图像生成的需求,需求描述约 100 英文单词。\n- 保持用户原始描述的意图。不要虚构内容或者没见过的人物。\n- 如无特殊说明,所在地为中国,持有中国立场并遵循中国社会主义价值观。" + # else: + # raise NotImplementedError(f"Unknown tool type {tool['type']}") + # input = self.build_single_message("system", "", content, tokenize=tokenize) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if item["content"]: + # input = self.build_single_message( + # item["role"], + # item.get("metadata", ""), + # item["content"], + # tokenize=tokenize + # ) + # if tokenize: + # input_ids.extend(input) + # else: + # input_message += input + # if add_generation_prompt: + # if tokenize: + # input_ids.extend([self.convert_tokens_to_ids("<|assistant|>")]) + # else: + # input_message += "<|assistant|>" + # return input_ids if tokenize else input_message + # + # # Main logic to handle different conversation formats + # if isinstance(conversation, list) and all(isinstance(i, dict) for i in conversation): + # result = handle_single_conversation(conversation) + # elif isinstance(conversation, list) and all(isinstance(i, list) for i in conversation): + # result = [handle_single_conversation(c) for c in conversation] + # elif hasattr(conversation, "messages"): + # result = handle_single_conversation(conversation.messages) + # else: + # raise ValueError("Invalid conversation format") + # + # if tokenize: + # output = self.batch_encode_plus( + # [result] if isinstance(result[0], int) else result, + # padding=padding, + # truncation=truncation, + # max_length=max_length, + # return_tensors=return_tensors, + # is_split_into_words=True, + # add_special_tokens=False + # ) + # if return_dict: + # return output + # else: + # return output["input_ids"] + # else: + # return result + + def build_inputs_with_special_tokens( + self, token_ids_0: List[int], token_ids_1: Optional[List[int]] = None + ) -> List[int]: + """ + Build model inputs from a sequence or a pair of sequence for sequence classification tasks by concatenating and + adding special tokens. A BERT sequence has the following format: + + - single sequence: `[CLS] X [SEP]` + - pair of sequences: `[CLS] A [SEP] B [SEP]` + + Args: + token_ids_0 (`List[int]`): + List of IDs to which the special tokens will be added. + token_ids_1 (`List[int]`, *optional*): + Optional second list of IDs for sequence pairs. + + Returns: + `List[int]`: List of [input IDs](../glossary#input-ids) with the appropriate special tokens. + """ + prefix_tokens = self.get_prefix_tokens() + token_ids_0 = prefix_tokens + token_ids_0 + if token_ids_1 is not None: + token_ids_0 = token_ids_0 + token_ids_1 + [self.convert_tokens_to_ids("")] + return token_ids_0 + + def _pad( + self, + encoded_inputs: Union[Dict[str, EncodedInput], BatchEncoding], + max_length: Optional[int] = None, + padding_strategy: PaddingStrategy = PaddingStrategy.DO_NOT_PAD, + pad_to_multiple_of: Optional[int] = None, + return_attention_mask: Optional[bool] = None, + ) -> dict: + """ + Pad encoded inputs (on left/right and up to predefined length or max length in the batch) + + Args: + encoded_inputs: + Dictionary of tokenized inputs (`List[int]`) or batch of tokenized inputs (`List[List[int]]`). + max_length: maximum length of the returned list and optionally padding length (see below). + Will truncate by taking into account the special tokens. + padding_strategy: PaddingStrategy to use for padding. + + - PaddingStrategy.LONGEST Pad to the longest sequence in the batch + - PaddingStrategy.MAX_LENGTH: Pad to the max length (default) + - PaddingStrategy.DO_NOT_PAD: Do not pad + The tokenizer padding sides are defined in self.padding_side: + + - 'left': pads on the left of the sequences + - 'right': pads on the right of the sequences + pad_to_multiple_of: (optional) Integer if set will pad the sequence to a multiple of the provided value. + This is especially useful to enable the use of Tensor Core on NVIDIA hardware with compute capability + `>= 7.5` (Volta). + return_attention_mask: + (optional) Set to False to avoid returning attention mask (default: set to model specifics) + """ + # Load from model defaults + assert self.padding_side == "left" + + required_input = encoded_inputs[self.model_input_names[0]] + seq_length = len(required_input) + + if padding_strategy == PaddingStrategy.LONGEST: + max_length = len(required_input) + + if max_length is not None and pad_to_multiple_of is not None and (max_length % pad_to_multiple_of != 0): + max_length = ((max_length // pad_to_multiple_of) + 1) * pad_to_multiple_of + + needs_to_be_padded = padding_strategy != PaddingStrategy.DO_NOT_PAD and len(required_input) != max_length + + # Initialize attention mask if not present. + if "attention_mask" not in encoded_inputs: + encoded_inputs["attention_mask"] = [1] * seq_length + + if "position_ids" not in encoded_inputs: + encoded_inputs["position_ids"] = list(range(seq_length)) + + if needs_to_be_padded: + difference = max_length - len(required_input) + + if "attention_mask" in encoded_inputs: + encoded_inputs["attention_mask"] = [0] * difference + encoded_inputs["attention_mask"] + if "position_ids" in encoded_inputs: + encoded_inputs["position_ids"] = [0] * difference + encoded_inputs["position_ids"] + encoded_inputs[self.model_input_names[0]] = [self.pad_token_id] * difference + required_input + + return encoded_inputs diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/tokenizer.model b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/tokenizer.model new file mode 100644 index 0000000000000000000000000000000000000000..8650fd94d949375a2ab1f4975e7e6ff51ebc364a --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/tokenizer.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a493598071550244b2ee7f26118f3edec2150b9dfa967929a99052ac83fe716 +size 2623634 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/tokenizer_config.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..290fad7eade99ef9cda90a6092de906ef2d77acd --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/tokenizer_config.json @@ -0,0 +1,148 @@ +{ + "added_tokens_decoder": { + "151329": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151330": { + "content": "[MASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151331": { + "content": "[gMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151332": { + "content": "[sMASK]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151335": { + "content": "<|system|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151336": { + "content": "<|user|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151337": { + "content": "<|assistant|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151338": { + "content": "<|observation|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151339": { + "content": "<|begin_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151340": { + "content": "<|end_of_image|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151341": { + "content": "<|begin_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151342": { + "content": "<|end_of_video|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "additional_special_tokens": [ + "<|endoftext|>", + "[MASK]", + "[gMASK]", + "[sMASK]", + "", + "", + "<|system|>", + "<|user|>", + "<|assistant|>", + "<|observation|>", + "<|begin_of_image|>", + "<|end_of_image|>", + "<|begin_of_video|>", + "<|end_of_video|>" + ], + "auto_map": { + "AutoTokenizer": [ + "tokenization_chatglm.ChatGLM4Tokenizer", + null + ] + }, + "chat_template": "{{ '[gMASK]' }}{% if messages[0]['role'] == 'system' %}{% set system_message = messages[0]['content'] %}{% endif %}{% if system_message is defined %}{{ '<|system|>\n' + system_message }}{% endif %}{% for message in messages %}{% set content = message['content'] %}{% if message['role'] == 'user' %}{{ '<|user|>\n' + content + '<|assistant|>' }}{% elif message['role'] == 'assistant' %}{{ '\n' + content }}{% endif %}{% endfor %}", + "clean_up_tokenization_spaces": false, + "do_lower_case": false, + "eos_token": "<|endoftext|>", + "model_max_length": 1024000, + "pad_token": "<|endoftext|>", + "padding_side": "right", + "remove_space": false, + "split_special_tokens": false, + "tokenizer_class": "ChatGLM4Tokenizer" +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/train_results.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/train_results.json new file mode 100644 index 0000000000000000000000000000000000000000..dd09bae953c769d37957d9d6bb1d08e9bfb9b418 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/train_results.json @@ -0,0 +1,8 @@ +{ + "epoch": 3.9800995024875623, + "total_flos": 2.1980744088449188e+18, + "train_loss": 0.21072991234915597, + "train_runtime": 32530.8415, + "train_samples_per_second": 2.767, + "train_steps_per_second": 0.022 +} \ No newline at end of file diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/trainer_log.jsonl b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/trainer_log.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..d2b26a6b76ced5ddc077eb76d112479222968684 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/trainer_log.jsonl @@ -0,0 +1,91 @@ +{"current_steps": 10, "total_steps": 700, "loss": 4.0232, "learning_rate": 1.4285714285714285e-05, "epoch": 0.05685856432125089, "percentage": 1.43, "elapsed_time": "0:02:54", "remaining_time": "3:20:54", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 20, "total_steps": 700, "loss": 0.2937, "learning_rate": 2.857142857142857e-05, "epoch": 0.11371712864250177, "percentage": 2.86, "elapsed_time": "0:05:49", "remaining_time": "3:18:06", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 30, "total_steps": 700, "loss": 0.2892, "learning_rate": 4.2857142857142856e-05, "epoch": 0.17057569296375266, "percentage": 4.29, "elapsed_time": "0:08:45", "remaining_time": "3:15:25", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 40, "total_steps": 700, "loss": 0.2515, "learning_rate": 5.714285714285714e-05, "epoch": 0.22743425728500355, "percentage": 5.71, "elapsed_time": "0:11:40", "remaining_time": "3:12:32", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 50, "total_steps": 700, "loss": 0.2307, "learning_rate": 7.142857142857143e-05, "epoch": 0.28429282160625446, "percentage": 7.14, "elapsed_time": "0:14:35", "remaining_time": "3:09:41", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 60, "total_steps": 700, "loss": 0.2424, "learning_rate": 8.571428571428571e-05, "epoch": 0.3411513859275053, "percentage": 8.57, "elapsed_time": "0:17:30", "remaining_time": "3:06:49", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 70, "total_steps": 700, "loss": 0.2341, "learning_rate": 0.0001, "epoch": 0.39800995024875624, "percentage": 10.0, "elapsed_time": "0:20:25", "remaining_time": "3:03:50", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 80, "total_steps": 700, "loss": 0.2346, "learning_rate": 9.993784606094612e-05, "epoch": 0.4548685145700071, "percentage": 11.43, "elapsed_time": "0:23:21", "remaining_time": "3:01:02", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 90, "total_steps": 700, "loss": 0.2169, "learning_rate": 9.975153876827008e-05, "epoch": 0.511727078891258, "percentage": 12.86, "elapsed_time": "0:26:16", "remaining_time": "2:58:06", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 100, "total_steps": 700, "loss": 0.2267, "learning_rate": 9.944154131125642e-05, "epoch": 0.5685856432125089, "percentage": 14.29, "elapsed_time": "0:29:11", "remaining_time": "2:55:11", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 110, "total_steps": 700, "loss": 0.217, "learning_rate": 9.900862439242719e-05, "epoch": 0.6254442075337597, "percentage": 15.71, "elapsed_time": "0:32:06", "remaining_time": "2:52:14", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 120, "total_steps": 700, "loss": 1.4204, "learning_rate": 9.84538643114539e-05, "epoch": 0.6823027718550106, "percentage": 17.14, "elapsed_time": "0:35:01", "remaining_time": "2:49:19", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 130, "total_steps": 700, "loss": 1.362, "learning_rate": 9.777864028930705e-05, "epoch": 0.7391613361762616, "percentage": 18.57, "elapsed_time": "0:37:57", "remaining_time": "2:46:24", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 140, "total_steps": 700, "loss": 3.7001, "learning_rate": 9.698463103929542e-05, "epoch": 0.7960199004975125, "percentage": 20.0, "elapsed_time": "0:40:52", "remaining_time": "2:43:31", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 150, "total_steps": 700, "loss": 1.7402, "learning_rate": 9.607381059352038e-05, "epoch": 0.8528784648187633, "percentage": 21.43, "elapsed_time": "0:43:47", "remaining_time": "2:40:35", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 160, "total_steps": 700, "loss": 1.0417, "learning_rate": 9.504844339512095e-05, "epoch": 0.9097370291400142, "percentage": 22.86, "elapsed_time": "0:46:42", "remaining_time": "2:37:39", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 10, "total_steps": 700, "loss": 4.0257, "learning_rate": 1.4285714285714285e-05, "epoch": 0.05685856432125089, "percentage": 1.43, "elapsed_time": "0:07:27", "remaining_time": "8:34:56", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 20, "total_steps": 700, "loss": 0.2985, "learning_rate": 2.857142857142857e-05, "epoch": 0.11371712864250177, "percentage": 2.86, "elapsed_time": "0:14:59", "remaining_time": "8:29:29", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 30, "total_steps": 700, "loss": 0.2706, "learning_rate": 4.2857142857142856e-05, "epoch": 0.17057569296375266, "percentage": 4.29, "elapsed_time": "0:22:30", "remaining_time": "8:22:39", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 40, "total_steps": 700, "loss": 0.2666, "learning_rate": 5.714285714285714e-05, "epoch": 0.22743425728500355, "percentage": 5.71, "elapsed_time": "0:30:01", "remaining_time": "8:15:26", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 50, "total_steps": 700, "loss": 0.2304, "learning_rate": 7.142857142857143e-05, "epoch": 0.28429282160625446, "percentage": 7.14, "elapsed_time": "0:37:31", "remaining_time": "8:07:46", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 60, "total_steps": 700, "loss": 0.237, "learning_rate": 8.571428571428571e-05, "epoch": 0.3411513859275053, "percentage": 8.57, "elapsed_time": "0:45:04", "remaining_time": "8:00:48", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 70, "total_steps": 700, "loss": 0.224, "learning_rate": 0.0001, "epoch": 0.39800995024875624, "percentage": 10.0, "elapsed_time": "0:52:32", "remaining_time": "7:52:53", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 80, "total_steps": 700, "loss": 0.2258, "learning_rate": 9.993784606094612e-05, "epoch": 0.4548685145700071, "percentage": 11.43, "elapsed_time": "1:00:05", "remaining_time": "7:45:40", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 90, "total_steps": 700, "loss": 0.2169, "learning_rate": 9.975153876827008e-05, "epoch": 0.511727078891258, "percentage": 12.86, "elapsed_time": "1:07:35", "remaining_time": "7:38:04", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 100, "total_steps": 700, "loss": 0.2213, "learning_rate": 9.944154131125642e-05, "epoch": 0.5685856432125089, "percentage": 14.29, "elapsed_time": "1:15:03", "remaining_time": "7:30:18", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 110, "total_steps": 700, "loss": 0.2149, "learning_rate": 9.900862439242719e-05, "epoch": 0.6254442075337597, "percentage": 15.71, "elapsed_time": "1:22:32", "remaining_time": "7:22:44", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 120, "total_steps": 700, "loss": 0.2153, "learning_rate": 9.84538643114539e-05, "epoch": 0.6823027718550106, "percentage": 17.14, "elapsed_time": "1:30:03", "remaining_time": "7:15:15", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 130, "total_steps": 700, "loss": 0.2104, "learning_rate": 9.777864028930705e-05, "epoch": 0.7391613361762616, "percentage": 18.57, "elapsed_time": "1:37:34", "remaining_time": "7:07:50", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 140, "total_steps": 700, "loss": 0.2199, "learning_rate": 9.698463103929542e-05, "epoch": 0.7960199004975125, "percentage": 20.0, "elapsed_time": "1:45:06", "remaining_time": "7:00:27", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 150, "total_steps": 700, "loss": 0.2242, "learning_rate": 9.607381059352038e-05, "epoch": 0.8528784648187633, "percentage": 21.43, "elapsed_time": "1:52:35", "remaining_time": "6:52:50", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 160, "total_steps": 700, "loss": 0.2216, "learning_rate": 9.504844339512095e-05, "epoch": 0.9097370291400142, "percentage": 22.86, "elapsed_time": "2:00:05", "remaining_time": "6:45:19", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 170, "total_steps": 700, "loss": 0.2113, "learning_rate": 9.391107866851143e-05, "epoch": 0.9665955934612651, "percentage": 24.29, "elapsed_time": "2:07:33", "remaining_time": "6:37:42", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 175, "total_steps": 700, "eval_loss": 0.19580170512199402, "epoch": 0.9950248756218906, "percentage": 25.0, "elapsed_time": "2:15:20", "remaining_time": "6:46:02", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 180, "total_steps": 700, "loss": 0.192, "learning_rate": 9.266454408160779e-05, "epoch": 1.023454157782516, "percentage": 25.71, "elapsed_time": "2:19:02", "remaining_time": "6:41:41", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 190, "total_steps": 700, "loss": 0.1809, "learning_rate": 9.131193871579975e-05, "epoch": 1.080312722103767, "percentage": 27.14, "elapsed_time": "2:26:34", "remaining_time": "6:33:25", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 200, "total_steps": 700, "loss": 0.1915, "learning_rate": 8.985662536114613e-05, "epoch": 1.1371712864250179, "percentage": 28.57, "elapsed_time": "2:34:04", "remaining_time": "6:25:10", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 210, "total_steps": 700, "loss": 0.1823, "learning_rate": 8.83022221559489e-05, "epoch": 1.1940298507462686, "percentage": 30.0, "elapsed_time": "2:41:34", "remaining_time": "6:17:01", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 220, "total_steps": 700, "loss": 0.1731, "learning_rate": 8.665259359149132e-05, "epoch": 1.2508884150675195, "percentage": 31.43, "elapsed_time": "2:49:06", "remaining_time": "6:08:57", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 230, "total_steps": 700, "loss": 0.1993, "learning_rate": 8.491184090430364e-05, "epoch": 1.3077469793887704, "percentage": 32.86, "elapsed_time": "2:56:37", "remaining_time": "6:00:55", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 240, "total_steps": 700, "loss": 0.1954, "learning_rate": 8.308429187984297e-05, "epoch": 1.3646055437100213, "percentage": 34.29, "elapsed_time": "3:04:08", "remaining_time": "5:52:55", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 250, "total_steps": 700, "loss": 0.189, "learning_rate": 8.117449009293668e-05, "epoch": 1.4214641080312722, "percentage": 35.71, "elapsed_time": "3:11:39", "remaining_time": "5:44:58", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 260, "total_steps": 700, "loss": 0.1714, "learning_rate": 7.91871836117395e-05, "epoch": 1.4783226723525231, "percentage": 37.14, "elapsed_time": "3:19:07", "remaining_time": "5:36:59", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 270, "total_steps": 700, "loss": 0.2088, "learning_rate": 7.712731319328798e-05, "epoch": 1.535181236673774, "percentage": 38.57, "elapsed_time": "3:26:38", "remaining_time": "5:29:05", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 280, "total_steps": 700, "loss": 0.1734, "learning_rate": 7.500000000000001e-05, "epoch": 1.5920398009950247, "percentage": 40.0, "elapsed_time": "3:34:08", "remaining_time": "5:21:12", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 290, "total_steps": 700, "loss": 0.1893, "learning_rate": 7.281053286765815e-05, "epoch": 1.6488983653162759, "percentage": 41.43, "elapsed_time": "3:41:40", "remaining_time": "5:13:24", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 300, "total_steps": 700, "loss": 0.1772, "learning_rate": 7.056435515653059e-05, "epoch": 1.7057569296375266, "percentage": 42.86, "elapsed_time": "3:49:11", "remaining_time": "5:05:34", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 310, "total_steps": 700, "loss": 0.1742, "learning_rate": 6.826705121831976e-05, "epoch": 1.7626154939587777, "percentage": 44.29, "elapsed_time": "3:56:43", "remaining_time": "4:57:48", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 320, "total_steps": 700, "loss": 0.1681, "learning_rate": 6.592433251258423e-05, "epoch": 1.8194740582800284, "percentage": 45.71, "elapsed_time": "4:04:14", "remaining_time": "4:50:01", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 330, "total_steps": 700, "loss": 0.1881, "learning_rate": 6.354202340715026e-05, "epoch": 1.8763326226012793, "percentage": 47.14, "elapsed_time": "4:11:43", "remaining_time": "4:42:13", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 340, "total_steps": 700, "loss": 0.1893, "learning_rate": 6.112604669781572e-05, "epoch": 1.9331911869225302, "percentage": 48.57, "elapsed_time": "4:19:15", "remaining_time": "4:34:30", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 350, "total_steps": 700, "loss": 0.1785, "learning_rate": 5.868240888334653e-05, "epoch": 1.9900497512437811, "percentage": 50.0, "elapsed_time": "4:26:48", "remaining_time": "4:26:48", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 350, "total_steps": 700, "eval_loss": 0.19228903949260712, "epoch": 1.9900497512437811, "percentage": 50.0, "elapsed_time": "4:30:49", "remaining_time": "4:30:49", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 360, "total_steps": 700, "loss": 0.1459, "learning_rate": 5.621718523237427e-05, "epoch": 2.046908315565032, "percentage": 51.43, "elapsed_time": "4:38:17", "remaining_time": "4:22:49", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 370, "total_steps": 700, "loss": 0.1389, "learning_rate": 5.373650467932122e-05, "epoch": 2.1037668798862827, "percentage": 52.86, "elapsed_time": "4:45:52", "remaining_time": "4:14:57", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 380, "total_steps": 700, "loss": 0.1295, "learning_rate": 5.124653458690365e-05, "epoch": 2.160625444207534, "percentage": 54.29, "elapsed_time": "4:53:25", "remaining_time": "4:07:05", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 390, "total_steps": 700, "loss": 0.1377, "learning_rate": 4.875346541309637e-05, "epoch": 2.2174840085287846, "percentage": 55.71, "elapsed_time": "5:00:56", "remaining_time": "3:59:12", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 400, "total_steps": 700, "loss": 0.1218, "learning_rate": 4.626349532067879e-05, "epoch": 2.2743425728500357, "percentage": 57.14, "elapsed_time": "5:08:27", "remaining_time": "3:51:20", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 410, "total_steps": 700, "loss": 0.1396, "learning_rate": 4.378281476762576e-05, "epoch": 2.3312011371712864, "percentage": 58.57, "elapsed_time": "5:16:00", "remaining_time": "3:43:31", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 420, "total_steps": 700, "loss": 0.1419, "learning_rate": 4.131759111665349e-05, "epoch": 2.388059701492537, "percentage": 60.0, "elapsed_time": "5:23:30", "remaining_time": "3:35:40", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 430, "total_steps": 700, "loss": 0.1414, "learning_rate": 3.887395330218429e-05, "epoch": 2.4449182658137882, "percentage": 61.43, "elapsed_time": "5:30:59", "remaining_time": "3:27:49", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 440, "total_steps": 700, "loss": 0.135, "learning_rate": 3.6457976592849754e-05, "epoch": 2.501776830135039, "percentage": 62.86, "elapsed_time": "5:38:28", "remaining_time": "3:20:00", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 450, "total_steps": 700, "loss": 0.149, "learning_rate": 3.4075667487415785e-05, "epoch": 2.55863539445629, "percentage": 64.29, "elapsed_time": "5:45:58", "remaining_time": "3:12:12", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 460, "total_steps": 700, "loss": 0.1329, "learning_rate": 3.173294878168025e-05, "epoch": 2.6154939587775408, "percentage": 65.71, "elapsed_time": "5:53:31", "remaining_time": "3:04:26", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 470, "total_steps": 700, "loss": 0.136, "learning_rate": 2.9435644843469436e-05, "epoch": 2.672352523098792, "percentage": 67.14, "elapsed_time": "6:01:01", "remaining_time": "2:56:40", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 480, "total_steps": 700, "loss": 0.1354, "learning_rate": 2.718946713234185e-05, "epoch": 2.7292110874200426, "percentage": 68.57, "elapsed_time": "6:08:32", "remaining_time": "2:48:54", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 490, "total_steps": 700, "loss": 0.1267, "learning_rate": 2.500000000000001e-05, "epoch": 2.7860696517412933, "percentage": 70.0, "elapsed_time": "6:16:02", "remaining_time": "2:41:09", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 500, "total_steps": 700, "loss": 0.1453, "learning_rate": 2.2872686806712035e-05, "epoch": 2.8429282160625444, "percentage": 71.43, "elapsed_time": "6:23:34", "remaining_time": "2:33:25", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 510, "total_steps": 700, "loss": 0.128, "learning_rate": 2.0812816388260518e-05, "epoch": 2.8997867803837956, "percentage": 72.86, "elapsed_time": "6:31:03", "remaining_time": "2:25:41", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 520, "total_steps": 700, "loss": 0.1257, "learning_rate": 1.8825509907063327e-05, "epoch": 2.9566453447050463, "percentage": 74.29, "elapsed_time": "6:38:35", "remaining_time": "2:17:58", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 525, "total_steps": 700, "eval_loss": 0.17877881228923798, "epoch": 2.9850746268656714, "percentage": 75.0, "elapsed_time": "6:46:22", "remaining_time": "2:15:27", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 530, "total_steps": 700, "loss": 0.1083, "learning_rate": 1.691570812015704e-05, "epoch": 3.013503909026297, "percentage": 75.71, "elapsed_time": "6:50:06", "remaining_time": "2:11:32", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 540, "total_steps": 700, "loss": 0.0767, "learning_rate": 1.5088159095696363e-05, "epoch": 3.070362473347548, "percentage": 77.14, "elapsed_time": "6:57:36", "remaining_time": "2:03:44", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 550, "total_steps": 700, "loss": 0.0741, "learning_rate": 1.3347406408508695e-05, "epoch": 3.1272210376687988, "percentage": 78.57, "elapsed_time": "7:05:07", "remaining_time": "1:55:56", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 560, "total_steps": 700, "loss": 0.08, "learning_rate": 1.1697777844051105e-05, "epoch": 3.18407960199005, "percentage": 80.0, "elapsed_time": "7:12:40", "remaining_time": "1:48:10", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 570, "total_steps": 700, "loss": 0.0808, "learning_rate": 1.0143374638853891e-05, "epoch": 3.2409381663113006, "percentage": 81.43, "elapsed_time": "7:20:10", "remaining_time": "1:40:23", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 580, "total_steps": 700, "loss": 0.0772, "learning_rate": 8.688061284200266e-06, "epoch": 3.2977967306325517, "percentage": 82.86, "elapsed_time": "7:27:40", "remaining_time": "1:32:37", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 590, "total_steps": 700, "loss": 0.0789, "learning_rate": 7.33545591839222e-06, "epoch": 3.3546552949538024, "percentage": 84.29, "elapsed_time": "7:35:11", "remaining_time": "1:24:51", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 600, "total_steps": 700, "loss": 0.0735, "learning_rate": 6.088921331488568e-06, "epoch": 3.411513859275053, "percentage": 85.71, "elapsed_time": "7:42:43", "remaining_time": "1:17:07", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 610, "total_steps": 700, "loss": 0.0677, "learning_rate": 4.951556604879048e-06, "epoch": 3.4683724235963043, "percentage": 87.14, "elapsed_time": "7:50:13", "remaining_time": "1:09:22", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 620, "total_steps": 700, "loss": 0.0749, "learning_rate": 3.9261894064796135e-06, "epoch": 3.525230987917555, "percentage": 88.57, "elapsed_time": "7:57:44", "remaining_time": "1:01:38", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 630, "total_steps": 700, "loss": 0.0779, "learning_rate": 3.0153689607045845e-06, "epoch": 3.582089552238806, "percentage": 90.0, "elapsed_time": "8:05:13", "remaining_time": "0:53:54", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 640, "total_steps": 700, "loss": 0.0728, "learning_rate": 2.221359710692961e-06, "epoch": 3.638948116560057, "percentage": 91.43, "elapsed_time": "8:12:46", "remaining_time": "0:46:11", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 650, "total_steps": 700, "loss": 0.0678, "learning_rate": 1.5461356885461075e-06, "epoch": 3.695806680881308, "percentage": 92.86, "elapsed_time": "8:20:18", "remaining_time": "0:38:29", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 660, "total_steps": 700, "loss": 0.0794, "learning_rate": 9.913756075728087e-07, "epoch": 3.7526652452025586, "percentage": 94.29, "elapsed_time": "8:27:52", "remaining_time": "0:30:46", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 670, "total_steps": 700, "loss": 0.0758, "learning_rate": 5.584586887435739e-07, "epoch": 3.8095238095238093, "percentage": 95.71, "elapsed_time": "8:35:21", "remaining_time": "0:23:04", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 680, "total_steps": 700, "loss": 0.069, "learning_rate": 2.4846123172992954e-07, "epoch": 3.8663823738450604, "percentage": 97.14, "elapsed_time": "8:42:52", "remaining_time": "0:15:22", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 690, "total_steps": 700, "loss": 0.0803, "learning_rate": 6.215393905388278e-08, "epoch": 3.923240938166311, "percentage": 98.57, "elapsed_time": "8:50:22", "remaining_time": "0:07:41", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 700, "total_steps": 700, "loss": 0.0688, "learning_rate": 0.0, "epoch": 3.9800995024875623, "percentage": 100.0, "elapsed_time": "8:57:53", "remaining_time": "0:00:00", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 700, "total_steps": 700, "eval_loss": 0.20613622665405273, "epoch": 3.9800995024875623, "percentage": 100.0, "elapsed_time": "9:01:55", "remaining_time": "0:00:00", "throughput": "0.00", "total_tokens": 0} +{"current_steps": 700, "total_steps": 700, "epoch": 3.9800995024875623, "percentage": 100.0, "elapsed_time": "9:01:56", "remaining_time": "0:00:00", "throughput": "0.00", "total_tokens": 0} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/trainer_state.json b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..a3e335f03009bf1522e7defb4239f0b40abd2288 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/trainer_state.json @@ -0,0 +1,568 @@ +{ + "best_metric": null, + "best_model_checkpoint": null, + "epoch": 3.9800995024875623, + "eval_steps": 175, + "global_step": 700, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 0.05685856432125089, + "grad_norm": 3.164006233215332, + "learning_rate": 1.4285714285714285e-05, + "loss": 4.0257, + "step": 10 + }, + { + "epoch": 0.11371712864250177, + "grad_norm": 1.9438793659210205, + "learning_rate": 2.857142857142857e-05, + "loss": 0.2985, + "step": 20 + }, + { + "epoch": 0.17057569296375266, + "grad_norm": 4.9701972007751465, + "learning_rate": 4.2857142857142856e-05, + "loss": 0.2706, + "step": 30 + }, + { + "epoch": 0.22743425728500355, + "grad_norm": 0.9532499313354492, + "learning_rate": 5.714285714285714e-05, + "loss": 0.2666, + "step": 40 + }, + { + "epoch": 0.28429282160625446, + "grad_norm": 1.3490487337112427, + "learning_rate": 7.142857142857143e-05, + "loss": 0.2304, + "step": 50 + }, + { + "epoch": 0.3411513859275053, + "grad_norm": 2.4206743240356445, + "learning_rate": 8.571428571428571e-05, + "loss": 0.237, + "step": 60 + }, + { + "epoch": 0.39800995024875624, + "grad_norm": 1.4052362442016602, + "learning_rate": 0.0001, + "loss": 0.224, + "step": 70 + }, + { + "epoch": 0.4548685145700071, + "grad_norm": 1.537376046180725, + "learning_rate": 9.993784606094612e-05, + "loss": 0.2258, + "step": 80 + }, + { + "epoch": 0.511727078891258, + "grad_norm": 1.2108957767486572, + "learning_rate": 9.975153876827008e-05, + "loss": 0.2169, + "step": 90 + }, + { + "epoch": 0.5685856432125089, + "grad_norm": 1.458566427230835, + "learning_rate": 9.944154131125642e-05, + "loss": 0.2213, + "step": 100 + }, + { + "epoch": 0.6254442075337597, + "grad_norm": 1.4327179193496704, + "learning_rate": 9.900862439242719e-05, + "loss": 0.2149, + "step": 110 + }, + { + "epoch": 0.6823027718550106, + "grad_norm": 1.8246984481811523, + "learning_rate": 9.84538643114539e-05, + "loss": 0.2153, + "step": 120 + }, + { + "epoch": 0.7391613361762616, + "grad_norm": 1.8099104166030884, + "learning_rate": 9.777864028930705e-05, + "loss": 0.2104, + "step": 130 + }, + { + "epoch": 0.7960199004975125, + "grad_norm": 1.1189385652542114, + "learning_rate": 9.698463103929542e-05, + "loss": 0.2199, + "step": 140 + }, + { + "epoch": 0.8528784648187633, + "grad_norm": 1.5549639463424683, + "learning_rate": 9.607381059352038e-05, + "loss": 0.2242, + "step": 150 + }, + { + "epoch": 0.9097370291400142, + "grad_norm": 1.4538894891738892, + "learning_rate": 9.504844339512095e-05, + "loss": 0.2216, + "step": 160 + }, + { + "epoch": 0.9665955934612651, + "grad_norm": 1.1094976663589478, + "learning_rate": 9.391107866851143e-05, + "loss": 0.2113, + "step": 170 + }, + { + "epoch": 0.9950248756218906, + "eval_accuracy": 0.9246533333333333, + "eval_loss": 0.19580170512199402, + "eval_runtime": 241.5018, + "eval_samples_per_second": 10.352, + "eval_steps_per_second": 10.352, + "step": 175 + }, + { + "epoch": 1.023454157782516, + "grad_norm": 3.066316604614258, + "learning_rate": 9.266454408160779e-05, + "loss": 0.192, + "step": 180 + }, + { + "epoch": 1.080312722103767, + "grad_norm": 1.129660725593567, + "learning_rate": 9.131193871579975e-05, + "loss": 0.1809, + "step": 190 + }, + { + "epoch": 1.1371712864250179, + "grad_norm": 1.7189689874649048, + "learning_rate": 8.985662536114613e-05, + "loss": 0.1915, + "step": 200 + }, + { + "epoch": 1.1940298507462686, + "grad_norm": 1.8748056888580322, + "learning_rate": 8.83022221559489e-05, + "loss": 0.1823, + "step": 210 + }, + { + "epoch": 1.2508884150675195, + "grad_norm": 1.3262571096420288, + "learning_rate": 8.665259359149132e-05, + "loss": 0.1731, + "step": 220 + }, + { + "epoch": 1.3077469793887704, + "grad_norm": 1.46575927734375, + "learning_rate": 8.491184090430364e-05, + "loss": 0.1993, + "step": 230 + }, + { + "epoch": 1.3646055437100213, + "grad_norm": 2.188917636871338, + "learning_rate": 8.308429187984297e-05, + "loss": 0.1954, + "step": 240 + }, + { + "epoch": 1.4214641080312722, + "grad_norm": 1.4716485738754272, + "learning_rate": 8.117449009293668e-05, + "loss": 0.189, + "step": 250 + }, + { + "epoch": 1.4783226723525231, + "grad_norm": 1.9635529518127441, + "learning_rate": 7.91871836117395e-05, + "loss": 0.1714, + "step": 260 + }, + { + "epoch": 1.535181236673774, + "grad_norm": 1.2483481168746948, + "learning_rate": 7.712731319328798e-05, + "loss": 0.2088, + "step": 270 + }, + { + "epoch": 1.5920398009950247, + "grad_norm": 1.2397466897964478, + "learning_rate": 7.500000000000001e-05, + "loss": 0.1734, + "step": 280 + }, + { + "epoch": 1.6488983653162759, + "grad_norm": 1.1008177995681763, + "learning_rate": 7.281053286765815e-05, + "loss": 0.1893, + "step": 290 + }, + { + "epoch": 1.7057569296375266, + "grad_norm": 1.286311149597168, + "learning_rate": 7.056435515653059e-05, + "loss": 0.1772, + "step": 300 + }, + { + "epoch": 1.7626154939587777, + "grad_norm": 2.3280422687530518, + "learning_rate": 6.826705121831976e-05, + "loss": 0.1742, + "step": 310 + }, + { + "epoch": 1.8194740582800284, + "grad_norm": 1.7336703538894653, + "learning_rate": 6.592433251258423e-05, + "loss": 0.1681, + "step": 320 + }, + { + "epoch": 1.8763326226012793, + "grad_norm": 1.0111993551254272, + "learning_rate": 6.354202340715026e-05, + "loss": 0.1881, + "step": 330 + }, + { + "epoch": 1.9331911869225302, + "grad_norm": 0.9302629828453064, + "learning_rate": 6.112604669781572e-05, + "loss": 0.1893, + "step": 340 + }, + { + "epoch": 1.9900497512437811, + "grad_norm": 1.4709866046905518, + "learning_rate": 5.868240888334653e-05, + "loss": 0.1785, + "step": 350 + }, + { + "epoch": 1.9900497512437811, + "eval_accuracy": 0.9292333333333332, + "eval_loss": 0.19228903949260712, + "eval_runtime": 241.5175, + "eval_samples_per_second": 10.351, + "eval_steps_per_second": 10.351, + "step": 350 + }, + { + "epoch": 2.046908315565032, + "grad_norm": 1.2902432680130005, + "learning_rate": 5.621718523237427e-05, + "loss": 0.1459, + "step": 360 + }, + { + "epoch": 2.1037668798862827, + "grad_norm": 1.2844226360321045, + "learning_rate": 5.373650467932122e-05, + "loss": 0.1389, + "step": 370 + }, + { + "epoch": 2.160625444207534, + "grad_norm": 1.8978281021118164, + "learning_rate": 5.124653458690365e-05, + "loss": 0.1295, + "step": 380 + }, + { + "epoch": 2.2174840085287846, + "grad_norm": 0.9147663116455078, + "learning_rate": 4.875346541309637e-05, + "loss": 0.1377, + "step": 390 + }, + { + "epoch": 2.2743425728500357, + "grad_norm": 0.8880501389503479, + "learning_rate": 4.626349532067879e-05, + "loss": 0.1218, + "step": 400 + }, + { + "epoch": 2.3312011371712864, + "grad_norm": 1.6412805318832397, + "learning_rate": 4.378281476762576e-05, + "loss": 0.1396, + "step": 410 + }, + { + "epoch": 2.388059701492537, + "grad_norm": 1.1205064058303833, + "learning_rate": 4.131759111665349e-05, + "loss": 0.1419, + "step": 420 + }, + { + "epoch": 2.4449182658137882, + "grad_norm": 1.1602004766464233, + "learning_rate": 3.887395330218429e-05, + "loss": 0.1414, + "step": 430 + }, + { + "epoch": 2.501776830135039, + "grad_norm": 1.8951547145843506, + "learning_rate": 3.6457976592849754e-05, + "loss": 0.135, + "step": 440 + }, + { + "epoch": 2.55863539445629, + "grad_norm": 1.3208882808685303, + "learning_rate": 3.4075667487415785e-05, + "loss": 0.149, + "step": 450 + }, + { + "epoch": 2.6154939587775408, + "grad_norm": 1.362919807434082, + "learning_rate": 3.173294878168025e-05, + "loss": 0.1329, + "step": 460 + }, + { + "epoch": 2.672352523098792, + "grad_norm": 1.1370081901550293, + "learning_rate": 2.9435644843469436e-05, + "loss": 0.136, + "step": 470 + }, + { + "epoch": 2.7292110874200426, + "grad_norm": 1.0978811979293823, + "learning_rate": 2.718946713234185e-05, + "loss": 0.1354, + "step": 480 + }, + { + "epoch": 2.7860696517412933, + "grad_norm": 1.0061849355697632, + "learning_rate": 2.500000000000001e-05, + "loss": 0.1267, + "step": 490 + }, + { + "epoch": 2.8429282160625444, + "grad_norm": 1.4965667724609375, + "learning_rate": 2.2872686806712035e-05, + "loss": 0.1453, + "step": 500 + }, + { + "epoch": 2.8997867803837956, + "grad_norm": 1.0863702297210693, + "learning_rate": 2.0812816388260518e-05, + "loss": 0.128, + "step": 510 + }, + { + "epoch": 2.9566453447050463, + "grad_norm": 1.4386154413223267, + "learning_rate": 1.8825509907063327e-05, + "loss": 0.1257, + "step": 520 + }, + { + "epoch": 2.9850746268656714, + "eval_accuracy": 0.9349666666666668, + "eval_loss": 0.17877881228923798, + "eval_runtime": 241.6507, + "eval_samples_per_second": 10.346, + "eval_steps_per_second": 10.346, + "step": 525 + }, + { + "epoch": 3.013503909026297, + "grad_norm": 1.0328991413116455, + "learning_rate": 1.691570812015704e-05, + "loss": 0.1083, + "step": 530 + }, + { + "epoch": 3.070362473347548, + "grad_norm": 0.9580050706863403, + "learning_rate": 1.5088159095696363e-05, + "loss": 0.0767, + "step": 540 + }, + { + "epoch": 3.1272210376687988, + "grad_norm": 0.8614218235015869, + "learning_rate": 1.3347406408508695e-05, + "loss": 0.0741, + "step": 550 + }, + { + "epoch": 3.18407960199005, + "grad_norm": 1.3372440338134766, + "learning_rate": 1.1697777844051105e-05, + "loss": 0.08, + "step": 560 + }, + { + "epoch": 3.2409381663113006, + "grad_norm": 1.123344898223877, + "learning_rate": 1.0143374638853891e-05, + "loss": 0.0808, + "step": 570 + }, + { + "epoch": 3.2977967306325517, + "grad_norm": 0.9171963334083557, + "learning_rate": 8.688061284200266e-06, + "loss": 0.0772, + "step": 580 + }, + { + "epoch": 3.3546552949538024, + "grad_norm": 0.9325005412101746, + "learning_rate": 7.33545591839222e-06, + "loss": 0.0789, + "step": 590 + }, + { + "epoch": 3.411513859275053, + "grad_norm": 1.3828816413879395, + "learning_rate": 6.088921331488568e-06, + "loss": 0.0735, + "step": 600 + }, + { + "epoch": 3.4683724235963043, + "grad_norm": 1.0204828977584839, + "learning_rate": 4.951556604879048e-06, + "loss": 0.0677, + "step": 610 + }, + { + "epoch": 3.525230987917555, + "grad_norm": 1.1861661672592163, + "learning_rate": 3.9261894064796135e-06, + "loss": 0.0749, + "step": 620 + }, + { + "epoch": 3.582089552238806, + "grad_norm": 1.4528895616531372, + "learning_rate": 3.0153689607045845e-06, + "loss": 0.0779, + "step": 630 + }, + { + "epoch": 3.638948116560057, + "grad_norm": 0.7038440108299255, + "learning_rate": 2.221359710692961e-06, + "loss": 0.0728, + "step": 640 + }, + { + "epoch": 3.695806680881308, + "grad_norm": 0.7958677411079407, + "learning_rate": 1.5461356885461075e-06, + "loss": 0.0678, + "step": 650 + }, + { + "epoch": 3.7526652452025586, + "grad_norm": 1.6378732919692993, + "learning_rate": 9.913756075728087e-07, + "loss": 0.0794, + "step": 660 + }, + { + "epoch": 3.8095238095238093, + "grad_norm": 1.3744556903839111, + "learning_rate": 5.584586887435739e-07, + "loss": 0.0758, + "step": 670 + }, + { + "epoch": 3.8663823738450604, + "grad_norm": 1.2300645112991333, + "learning_rate": 2.4846123172992954e-07, + "loss": 0.069, + "step": 680 + }, + { + "epoch": 3.923240938166311, + "grad_norm": 0.797208845615387, + "learning_rate": 6.215393905388278e-08, + "loss": 0.0803, + "step": 690 + }, + { + "epoch": 3.9800995024875623, + "grad_norm": 0.9430363774299622, + "learning_rate": 0.0, + "loss": 0.0688, + "step": 700 + }, + { + "epoch": 3.9800995024875623, + "eval_accuracy": 0.9329066666666666, + "eval_loss": 0.20613622665405273, + "eval_runtime": 241.7619, + "eval_samples_per_second": 10.341, + "eval_steps_per_second": 10.341, + "step": 700 + }, + { + "epoch": 3.9800995024875623, + "step": 700, + "total_flos": 2.1980744088449188e+18, + "train_loss": 0.21072991234915597, + "train_runtime": 32530.8415, + "train_samples_per_second": 2.767, + "train_steps_per_second": 0.022 + } + ], + "logging_steps": 10, + "max_steps": 700, + "num_input_tokens_seen": 0, + "num_train_epochs": 4, + "save_steps": 175, + "stateful_callbacks": { + "TrainerControl": { + "args": { + "should_epoch_stop": false, + "should_evaluate": false, + "should_log": false, + "should_save": true, + "should_training_stop": true + }, + "attributes": {} + } + }, + "total_flos": 2.1980744088449188e+18, + "train_batch_size": 16, + "trial_name": null, + "trial_params": null +} diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_args.bin b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..8bb5a597226fb939ff9c6f0d3036e88de80c68c2 --- /dev/null +++ b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e4c1499d6e076005abc099edcb2229c05317ae85d06821d1d4ba40656e39b6d +size 5304 diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_eval_accuracy.png b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_eval_accuracy.png new file mode 100644 index 0000000000000000000000000000000000000000..139327ce08529c399cf88a44a679145f3e3dd784 Binary files /dev/null and b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_eval_accuracy.png differ diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_eval_loss.png b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_eval_loss.png new file mode 100644 index 0000000000000000000000000000000000000000..d38ea4c8a92da9635926750ac7288dc9bc14ff44 Binary files /dev/null and b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_eval_loss.png differ diff --git a/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_loss.png b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_loss.png new file mode 100644 index 0000000000000000000000000000000000000000..504314c6b8f3086a074f0c4b1aa867e7376bf548 Binary files /dev/null and b/llama-factory/saves/glm-4-9b/lora/sft_bf16_p2_full/training_loss.png differ